期刊文献+
共找到9篇文章
< 1 >
每页显示 20 50 100
Progressive Federated Learning Scheme Based on Model Pruning
1
作者 Xinsheng Li Chaochao Sun +1 位作者 Yuan Peng Ting Zhang 《国际计算机前沿大会会议论文集》 2024年第2期293-305,共13页
Federated learning is an effective distributed learning framework that protects privacy and allows multiple edge devices to work together to train models jointly without exchanging data.However,edge devices usually ha... Federated learning is an effective distributed learning framework that protects privacy and allows multiple edge devices to work together to train models jointly without exchanging data.However,edge devices usually have limited com-puting capabilities,and limited network bandwidth is often a major bottleneck.In order to reduce communication and computing costs,we introduced a horizon-tal pruning mechanism,combined federated learning and progressive learning,and proposed a progressive federated learning scheme based on model pruning.It gradually trains from simple models to more complex ones and trims the uploaded models horizontally.Our approach effectively reduces computational and bidirec-tional communication costs while maintaining model performance.Several image classification experiments on different models have been conducted by us,and the experimental results demonstrate that our approach can effectively save approxi-mately 10%of the computational cost and 48%of the communication cost when compared to FedAvg. 展开更多
关键词 Federated Learning model pruning Progressive Learning Communication Efficiency Optimization
原文传递
Greedy Pruning Algorithm for DETR Architecture Networks Based on Global Optimization
2
作者 HUANG Qiubo XU Jingsai +2 位作者 ZHANG Yakui WANG Mei CHEN Dehua 《Journal of Donghua University(English Edition)》 2025年第1期96-105,共10页
End-to-end object detection Transformer(DETR)successfully established the paradigm of the Transformer architecture in the field of object detection.Its end-to-end detection process and the idea of set prediction have ... End-to-end object detection Transformer(DETR)successfully established the paradigm of the Transformer architecture in the field of object detection.Its end-to-end detection process and the idea of set prediction have become one of the hottest network architectures in recent years.There has been an abundance of work improving upon DETR.However,DETR and its variants require a substantial amount of memory resources and computational costs,and the vast number of parameters in these networks is unfavorable for model deployment.To address this issue,a greedy pruning(GP)algorithm is proposed,applied to a variant denoising-DETR(DN-DETR),which can eliminate redundant parameters in the Transformer architecture of DN-DETR.Considering the different roles of the multi-head attention(MHA)module and the feed-forward network(FFN)module in the Transformer architecture,a modular greedy pruning(MGP)algorithm is proposed.This algorithm separates the two modules and applies their respective optimal strategies and parameters.The effectiveness of the proposed algorithm is validated on the COCO 2017 dataset.The model obtained through the MGP algorithm reduces the parameters by 49%and the number of floating point operations(FLOPs)by 44%compared to the Transformer architecture of DN-DETR.At the same time,the mean average precision(mAP)of the model increases from 44.1%to 45.3%. 展开更多
关键词 model pruning object detection Transformer(DETR) Transformer architecture object detection
在线阅读 下载PDF
PAL-BERT:An Improved Question Answering Model
3
作者 Wenfeng Zheng Siyu Lu +3 位作者 Zhuohang Cai Ruiyang Wang Lei Wang Lirong Yin 《Computer Modeling in Engineering & Sciences》 SCIE EI 2024年第6期2729-2745,共17页
In the field of natural language processing(NLP),there have been various pre-training language models in recent years,with question answering systems gaining significant attention.However,as algorithms,data,and comput... In the field of natural language processing(NLP),there have been various pre-training language models in recent years,with question answering systems gaining significant attention.However,as algorithms,data,and computing power advance,the issue of increasingly larger models and a growing number of parameters has surfaced.Consequently,model training has become more costly and less efficient.To enhance the efficiency and accuracy of the training process while reducing themodel volume,this paper proposes a first-order pruningmodel PAL-BERT based on the ALBERT model according to the characteristics of question-answering(QA)system and language model.Firstly,a first-order network pruning method based on the ALBERT model is designed,and the PAL-BERT model is formed.Then,the parameter optimization strategy of the PAL-BERT model is formulated,and the Mish function was used as an activation function instead of ReLU to improve the performance.Finally,after comparison experiments with traditional deep learning models TextCNN and BiLSTM,it is confirmed that PALBERT is a pruning model compression method that can significantly reduce training time and optimize training efficiency.Compared with traditional models,PAL-BERT significantly improves the NLP task’s performance. 展开更多
关键词 PAL-BERT question answering model pretraining language models ALBERT pruning model network pruning TextCNN BiLSTM
在线阅读 下载PDF
Detection and Recognition of Spray Code Numbers on Can Surfaces Based on OCR
4
作者 Hailong Wang Junchao Shi 《Computers, Materials & Continua》 SCIE EI 2025年第1期1109-1128,共20页
A two-stage algorithm based on deep learning for the detection and recognition of can bottom spray codes and numbers is proposed to address the problems of small character areas and fast production line speeds in can ... A two-stage algorithm based on deep learning for the detection and recognition of can bottom spray codes and numbers is proposed to address the problems of small character areas and fast production line speeds in can bottom spray code number recognition.In the coding number detection stage,Differentiable Binarization Network is used as the backbone network,combined with the Attention and Dilation Convolutions Path Aggregation Network feature fusion structure to enhance the model detection effect.In terms of text recognition,using the Scene Visual Text Recognition coding number recognition network for end-to-end training can alleviate the problem of coding recognition errors caused by image color distortion due to variations in lighting and background noise.In addition,model pruning and quantization are used to reduce the number ofmodel parameters to meet deployment requirements in resource-constrained environments.A comparative experiment was conducted using the dataset of tank bottom spray code numbers collected on-site,and a transfer experiment was conducted using the dataset of packaging box production date.The experimental results show that the algorithm proposed in this study can effectively locate the coding of cans at different positions on the roller conveyor,and can accurately identify the coding numbers at high production line speeds.The Hmean value of the coding number detection is 97.32%,and the accuracy of the coding number recognition is 98.21%.This verifies that the algorithm proposed in this paper has high accuracy in coding number detection and recognition. 展开更多
关键词 Can coding recognition differentiable binarization network scene visual text recognition model pruning and quantification transport model
在线阅读 下载PDF
Improved YOLOv8s Detection Algorithm for Remote Sensing Images
5
作者 Lunming Qin Wenquan Mei +2 位作者 Haoyang Cui Houqin Bian Xi Wang 《Journal of Beijing Institute of Technology》 2025年第3期278-289,共12页
In response to challenges posed by complex backgrounds,diverse target angles,and numerous small targets in remote sensing images,alongside the issue of high resource consumption hindering model deployment,we propose a... In response to challenges posed by complex backgrounds,diverse target angles,and numerous small targets in remote sensing images,alongside the issue of high resource consumption hindering model deployment,we propose an enhanced,lightweight you only look once version 8 small(YOLOv8s)detection algorithm.Regarding network improvements,we first replace tradi-tional horizontal boxes with rotated boxes for target detection,effectively addressing difficulties in feature extraction caused by varying target angles.Second,we design a module integrating convolu-tional neural networks(CNN)and Transformer components to replace specific C2f modules in the backbone network,thereby expanding the model’s receptive field and enhancing feature extraction in complex backgrounds.Finally,we introduce a feature calibration structure to mitigate potential feature mismatches during feature fusion.For model compression,we employ a lightweight channel pruning technique based on localized mean average precision(LMAP)to eliminate redundancies in the enhanced model.Although this approach results in some loss of detection accuracy,it effec-tively reduces the number of parameters,computational load,and model size.Additionally,we employ channel-level knowledge distillation to recover accuracy in the pruned model,further enhancing detection performance.Experimental results indicate that the enhanced algorithm achieves a 6.1%increase in mAP50 compared to YOLOv8s,while simultaneously reducing parame-ters,computational load,and model size by 57.7%,28.8%,and 52.3%,respectively. 展开更多
关键词 YOLOv8s remote sensing image target detection model pruning knowledge distillation
在线阅读 下载PDF
Active Protection Scheme of DNN Intellectual Property Rights Based on Feature Layer Selection and Hyperchaotic Mapping
6
作者 Xintao Duan Yinhang Wu +1 位作者 Zhao Wang Chuan Qin 《Computers, Materials & Continua》 2025年第9期4887-4906,共20页
Deep neural network(DNN)models have achieved remarkable performance across diverse tasks,leading to widespread commercial adoption.However,training high-accuracy models demands extensive data,substantial computational... Deep neural network(DNN)models have achieved remarkable performance across diverse tasks,leading to widespread commercial adoption.However,training high-accuracy models demands extensive data,substantial computational resources,and significant time investment,making them valuable assets vulnerable to unauthorized exploitation.To address this issue,this paper proposes an intellectual property(IP)protection framework for DNN models based on feature layer selection and hyper-chaotic mapping.Firstly,a sensitivity-based importance evaluation algorithm is used to identify the key feature layers for encryption,effectively protecting the core components of the model.Next,the L1 regularization criterion is applied to further select high-weight features that significantly impact the model’s performance,ensuring that the encryption process minimizes performance loss.Finally,a dual-layer encryption mechanism is designed,introducing perturbations into the weight values and utilizing hyperchaotic mapping to disrupt channel information,further enhancing the model’s security.Experimental results demonstrate that encrypting only a small subset of parameters effectively reduces model accuracy to random-guessing levels while ensuring full recoverability.The scheme exhibits strong robustness against model pruning and fine-tuning attacks and maintains consistent performance across multiple datasets,providing an efficient and practical solution for authorization-based DNN IP protection. 展开更多
关键词 DNN IP protection active authorization control model weight selection hyperchaotic mapping model pruning
在线阅读 下载PDF
Enhancing Tea Leaf Disease Identification with Lightweight MobileNetV2 被引量:1
7
作者 Zhilin Li Yuxin Li +5 位作者 Chunyu Yan Peng Yan Xiutong Li Mei Yu Tingchi Wen Benliang Xie 《Computers, Materials & Continua》 SCIE EI 2024年第7期679-694,共16页
Diseases in tea trees can result in significant losses in both the quality and quantity of tea production.Regular monitoring can help to prevent the occurrence of large-scale diseases in tea plantations.However,existi... Diseases in tea trees can result in significant losses in both the quality and quantity of tea production.Regular monitoring can help to prevent the occurrence of large-scale diseases in tea plantations.However,existingmethods face challenges such as a high number of parameters and low recognition accuracy,which hinders their application in tea plantation monitoring equipment.This paper presents a lightweight I-MobileNetV2 model for identifying diseases in tea leaves,to address these challenges.The proposed method first embeds a Coordinate Attention(CA)module into the originalMobileNetV2 network,enabling the model to locate disease regions accurately.Secondly,a Multi-branch Parallel Convolution(MPC)module is employed to extract disease features across multiple scales,improving themodel’s adaptability to different disease scales.Finally,the AutoML for Model Compression(AMC)is used to compress themodel and reduce computational complexity.Experimental results indicate that our proposed algorithm attains an average accuracy of 96.12%on our self-built tea leaf disease dataset,surpassing the original MobileNetV2 by 1.91%.Furthermore,the number of model parameters have been reduced by 40%,making itmore suitable for practical application in tea plantation environments. 展开更多
关键词 Disease identification coordinate attention mechanism multi-scale feature extraction model pruning
在线阅读 下载PDF
Computer-aided diagnosis of retinopathy based on vision transformer 被引量:3
8
作者 Zhencun Jiang Lingyang Wang +4 位作者 Qixin Wu Yilei Shao Meixiao Shen Wenping Jiang Cuixia Dai 《Journal of Innovative Optical Health Sciences》 SCIE EI CAS 2022年第2期49-57,共9页
Age-related Macular Degeneration(AMD)and Diabetic Macular Edema(DME)are two com-mon retinal diseases for elder people that may ultimately cause irreversible blindness.Timely and accurate diagnosis is essential for the... Age-related Macular Degeneration(AMD)and Diabetic Macular Edema(DME)are two com-mon retinal diseases for elder people that may ultimately cause irreversible blindness.Timely and accurate diagnosis is essential for the treatment of these diseases.In recent years,computer-aided diagnosis(CAD)has been deeply investigated and effectively used for rapid and early diagnosis.In this paper,we proposed a method of CAD using vision transformer to analyze optical co-herence tomography(OCT)images and to automatically discriminate AMD,DME,and normal eyes.A classification accuracy of 99.69%was achieved.After the model pruning,the recognition time reached 0.010 s and the classification accuracy did not drop.Compared with the Con-volutional Neural Network(CNN)image classification models(VGG16,Resnet50,Densenet121,and EfficientNet),vision transformer after pruning exhibited better recognition ability.Results show that vision transformer is an improved alternative to diagnose retinal diseases more accurately. 展开更多
关键词 Vision transformer OCT image classi¯cation RETINOPATHY computer-aided diagnosis model pruning
原文传递
MobileNet network optimization based on convolutional block attention module 被引量:3
9
作者 ZHAO Shuxu MEN Shiyao YUAN Lin 《Journal of Measurement Science and Instrumentation》 CAS CSCD 2022年第2期225-234,共10页
Deep learning technology is widely used in computer vision.Generally,a large amount of data is used to train the model weights in deep learning,so as to obtain a model with higher accuracy.However,massive data and com... Deep learning technology is widely used in computer vision.Generally,a large amount of data is used to train the model weights in deep learning,so as to obtain a model with higher accuracy.However,massive data and complex model structures require more calculating resources.Since people generally can only carry and use mobile and portable devices in application scenarios,neural networks have limitations in terms of calculating resources,size and power consumption.Therefore,the efficient lightweight model MobileNet is used as the basic network in this study for optimization.First,the accuracy of the MobileNet model is improved by adding methods such as the convolutional block attention module(CBAM)and expansion convolution.Then,the MobileNet model is compressed by using pruning and weight quantization algorithms based on weight size.Afterwards,methods such as Python crawlers and data augmentation are employed to create a garbage classification data set.Based on the above model optimization strategy,the garbage classification mobile terminal application is deployed on mobile phones and raspberry pies,realizing completing the garbage classification task more conveniently. 展开更多
关键词 MobileNet convolutional block attention module(CBAM) model pruning and quantization edge machine learning
在线阅读 下载PDF
上一页 1 下一页 到第
使用帮助 返回顶部