期刊文献+
共找到28篇文章
< 1 2 >
每页显示 20 50 100
TELL-Me:A time-series-decomposition-based ensembled lightweight learning model for diverse battery prognosis and diagnosis 被引量:1
1
作者 Kun-Yu Liu Ting-Ting Wang +2 位作者 Bo-Bo Zou Hong-Jie Peng Xinyan Liu 《Journal of Energy Chemistry》 2025年第7期1-8,共8页
As batteries become increasingly essential for energy storage technologies,battery prognosis,and diagnosis remain central to ensure reliable operation and effective management,as well as to aid the in-depth investigat... As batteries become increasingly essential for energy storage technologies,battery prognosis,and diagnosis remain central to ensure reliable operation and effective management,as well as to aid the in-depth investigation of degradation mechanisms.However,dynamic operating conditions,cell-to-cell inconsistencies,and limited availability of labeled data have posed significant challenges to accurate and robust prognosis and diagnosis.Herein,we introduce a time-series-decomposition-based ensembled lightweight learning model(TELL-Me),which employs a synergistic dual-module framework to facilitate accurate and reliable forecasting.The feature module formulates features with physical implications and sheds light on battery aging mechanisms,while the gradient module monitors capacity degradation rates and captures aging trend.TELL-Me achieves high accuracy in end-of-life prediction using minimal historical data from a single battery without requiring offline training dataset,and demonstrates impressive generality and robustness across various operating conditions and battery types.Additionally,by correlating feature contributions with degradation mechanisms across different datasets,TELL-Me is endowed with the diagnostic ability that not only enhances prediction reliability but also provides critical insights into the design and optimization of next-generation batteries. 展开更多
关键词 Battery prognosis Interpretable machine learning Degradation diagnosis Ensemble learning Online prediction lightweight model
在线阅读 下载PDF
Improved lightweight road damage detection based on YOLOv5
2
作者 LIU Chang SUN Yu +2 位作者 CHEN Jin YANG Jing WANG Fengchao 《Optoelectronics Letters》 2025年第5期314-320,共7页
There is a problem of real-time detection difficulty in road surface damage detection. This paper proposes an improved lightweight model based on you only look once version 5(YOLOv5). Firstly, this paper fully utilize... There is a problem of real-time detection difficulty in road surface damage detection. This paper proposes an improved lightweight model based on you only look once version 5(YOLOv5). Firstly, this paper fully utilized the convolutional neural network(CNN) + ghosting bottleneck(G_bneck) architecture to reduce redundant feature maps. Afterwards, we upgraded the original upsampling algorithm to content-aware reassembly of features(CARAFE) and increased the receptive field. Finally, we replaced the spatial pyramid pooling fast(SPPF) module with the basic receptive field block(Basic RFB) pooling module and added dilated convolution. After comparative experiments, we can see that the number of parameters and model size of the improved algorithm in this paper have been reduced by nearly half compared to the YOLOv5s. The frame rate per second(FPS) has been increased by 3.25 times. The mean average precision(m AP@0.5: 0.95) has increased by 8%—17% compared to other lightweight algorithms. 展开更多
关键词 road surface damage detection convolutional neural network feature maps convolutional neural network cnn lightweight model yolov improved lightweight model spatial pyram
原文传递
Lightweight Residual Multi-Head Convolution with Channel Attention(ResMHCNN)for End-to-End Classification of Medical Images
3
作者 Sudhakar Tummala Sajjad Hussain Chauhdary +3 位作者 Vikash Singh Roshan Kumar Seifedine Kadry Jungeun Kim 《Computer Modeling in Engineering & Sciences》 2025年第9期3585-3605,共21页
Lightweight deep learning models are increasingly required in resource-constrained environments such as mobile devices and the Internet of Medical Things(IoMT).Multi-head convolution with channel attention can facilit... Lightweight deep learning models are increasingly required in resource-constrained environments such as mobile devices and the Internet of Medical Things(IoMT).Multi-head convolution with channel attention can facilitate learning activations relevant to different kernel sizes within a multi-head convolutional layer.Therefore,this study investigates the capability of novel lightweight models incorporating residual multi-head convolution with channel attention(ResMHCNN)blocks to classify medical images.We introduced three novel lightweight deep learning models(BT-Net,LCC-Net,and BC-Net)utilizing the ResMHCNN block as their backbone.These models were crossvalidated and tested on three publicly available medical image datasets:a brain tumor dataset from Figshare consisting of T1-weighted magnetic resonance imaging slices of meningioma,glioma,and pituitary tumors;the LC25000 dataset,which includes microscopic images of lung and colon cancers;and the BreaKHis dataset,containing benign and malignant breast microscopic images.The lightweight models achieved accuracies of 96.9%for 3-class brain tumor classification using BT-Net,and 99.7%for 5-class lung and colon cancer classification using LCC-Net.For 2-class breast cancer classification,BC-Net achieved an accuracy of 96.7%.The parameter counts for the proposed lightweight models—LCC-Net,BC-Net,and BT-Net—are 0.528,0.226,and 1.154 million,respectively.The presented lightweight models,featuring ResMHCNN blocks,may be effectively employed for accurate medical image classification.In the future,these models might be tested for viability in resource-constrained systems such as mobile devices and IoMT platforms. 展开更多
关键词 lightweight models brain tumor breast cancer lung cancer colon cancer multi-head CNN
在线阅读 下载PDF
Mineral identification in thin sections using a lightweight and attention mechanism
4
作者 Xin Zhang Wei Dang +4 位作者 Jun Liu Zijuan Yin Guichao Du Yawen He Yankai Xue 《Natural Gas Industry B》 2025年第2期135-146,共12页
Mineral identification is foundational to geological survey research,mineral resource exploration,and mining engineering.Considering the diversity of mineral types and the challenge of achieving high recognition accur... Mineral identification is foundational to geological survey research,mineral resource exploration,and mining engineering.Considering the diversity of mineral types and the challenge of achieving high recognition accuracy for similar features,this study introduces a mineral detection method based on YOLOv8-SBI.This work enhances feature extraction by integrating spatial pyramid pooling-fast(SPPF)with the simplified self-attention module(SimAM),significantly improving the precision of mineral feature detection.In the feature fusion network,a weighted bidirectional feature pyramid network is employed for advanced cross-channel feature integration,effectively reducing feature redundancy.Additionally,Inner-Intersection Over Union(InnerIOU)is used as the loss function to improve the average quality localization performance of anchor boxes.Experimental results show that the YOLOv8-SBI model achieves an accuracy of 67.9%,a recall of 74.3%,a mAP@0.5 of 75.8%,and a mAP@0.5:0.95 of 56.7%,with a real-time detection speed of 244.2 frames per second.Compared to YOLOv8,YOLOv8-SBI demonstrates a significant improvement with 15.4%increase in accuracy,28.5%increase in recall,and increases of 28.1%and 20.9%in mAP@0.5 and mAP@0.5:0.95,respectively.Furthermore,relative to other models,such as YOLOv3,YOLOv5,YOLOv6,YOLOv8,YOLOv9,and YOLOv10,YOLOv8-SBI has a smaller parameter size of only 3.01×10^(6).This highlights the optimal balance between detection accuracy and speed,thereby offering robust technical support for intelligent mineral classification. 展开更多
关键词 Deep learning Neural networks lightweight models Attention mechanisms Mineral identification
在线阅读 下载PDF
Efficient and lightweight 3D building reconstruction from drone imagery using sparse line and point clouds
5
作者 Xiongjie YIN Jinquan HE Zhanglin CHENG 《虚拟现实与智能硬件(中英文)》 2025年第2期111-126,共16页
Efficient three-dimensional(3D)building reconstruction from drone imagery often faces data acquisition,storage,and computational challenges because of its reliance on dense point clouds.In this study,we introduced a n... Efficient three-dimensional(3D)building reconstruction from drone imagery often faces data acquisition,storage,and computational challenges because of its reliance on dense point clouds.In this study,we introduced a novel method for efficient and lightweight 3D building reconstruction from drone imagery using line clouds and sparse point clouds.Our approach eliminates the need to generate dense point clouds,and thus significantly reduces the computational burden by reconstructing 3D models directly from sparse data.We addressed the limitations of line clouds for plane detection and reconstruction by using a new algorithm.This algorithm projects 3D line clouds onto a 2D plane,clusters the projections to identify potential planes,and refines them using sparse point clouds to ensure an accurate and efficient model reconstruction.Extensive qualitative and quantitative experiments demonstrated the effectiveness of our method,demonstrating its superiority over existing techniques in terms of simplicity and efficiency. 展开更多
关键词 3D reconstruction Line clouds Sparse clouds lightweight models
在线阅读 下载PDF
Lightweight Classroom Student Action Recognition Method Based on Spatiotemporal Multimodal Feature Fusion
6
作者 Shaodong Zou Di Wu +2 位作者 Jianhou Gan Juxiang Zhou Jiatian Mei 《Computers, Materials & Continua》 2025年第4期1101-1116,共16页
The task of student action recognition in the classroom is to precisely capture and analyze the actions of students in classroom videos,providing a foundation for realizing intelligent and accurate teaching.However,th... The task of student action recognition in the classroom is to precisely capture and analyze the actions of students in classroom videos,providing a foundation for realizing intelligent and accurate teaching.However,the complex nature of the classroom environment has added challenges and difficulties in the process of student action recognition.In this research article,with regard to the circumstances where students are prone to be occluded and classroom computing resources are restricted in real classroom scenarios,a lightweight multi-modal fusion action recognition approach is put forward.This proposed method is capable of enhancing the accuracy of student action recognition while concurrently diminishing the number of parameters of the model and the Computation Amount,thereby achieving a more efficient and accurate recognition performance.In the feature extraction stage,this method fuses the keypoint heatmap with the RGB(Red-Green-Blue color model)image.In order to fully utilize the unique information of different modalities for feature complementarity,a Feature Fusion Module(FFE)is introduced.The FFE encodes and fuses the unique features of the two modalities during the feature extraction process.This fusion strategy not only achieves fusion and complementarity between modalities,but also improves the overall model performance.Furthermore,to reduce the computational load and parameter scale of the model,we use keypoint information to crop RGB images.At the same time,the first three networks of the lightweight feature extraction network X3D are used to extract dual-branch features.These methods significantly reduce the computational load and parameter scale.The number of parameters of the model is 1.40 million,and the computation amount is 5.04 billion floating-point operations per second(GFLOPs),achieving an efficient lightweight design.In the Student Classroom Action Dataset(SCAD),the accuracy of the model is 88.36%.In NTU 60(Nanyang Technological University Red-Green-Blue-Depth RGB+Ddataset with 60 categories),the accuracies on X-Sub(The people in the training set are different from those in the test set)and X-View(The perspectives of the training set and the test set are different)are 95.76%and 98.82%,respectively.On the NTU 120 dataset(Nanyang Technological University Red-Green-Blue-Depth dataset with 120 categories),RGB+Dthe accuracies on X-Sub and X-Set(the perspectives of the training set and the test set are different)are 91.97%and 93.45%,respectively.The model has achieved a balance in terms of accuracy,computation amount,and the number of parameters. 展开更多
关键词 Action recognition student classroom action multimodal fusion lightweight model design
在线阅读 下载PDF
Unstructured Road Extraction in UAV Images based on Lightweight Model 被引量:1
7
作者 Di Zhang Qichao An +3 位作者 Xiaoxue Feng Ronghua Liu Jun Han Feng Pan 《Chinese Journal of Mechanical Engineering》 SCIE EI CAS CSCD 2024年第2期372-384,共13页
There is no unified planning standard for unstructured roads,and the morphological structures of these roads are complex and varied.It is important to maintain a balance between accuracy and speed for unstructured roa... There is no unified planning standard for unstructured roads,and the morphological structures of these roads are complex and varied.It is important to maintain a balance between accuracy and speed for unstructured road extraction models.Unstructured road extraction algorithms based on deep learning have problems such as high model complexity,high computational cost,and the inability to adapt to current edge computing devices.Therefore,it is best to use lightweight network models.Considering the need for lightweight models and the characteristics of unstructured roads with different pattern shapes,such as blocks and strips,a TMB(Triple Multi-Block)feature extraction module is proposed,and the overall structure of the TMBNet network is described.The TMB module was compared with SS-nbt,Non-bottleneck-1D,and other modules via experiments.The feasibility and effectiveness of the TMB module design were proven through experiments and visualizations.The comparison experiment,using multiple convolution kernel categories,proved that the TMB module can improve the segmentation accuracy of the network.The comparison with different semantic segmentation networks demonstrates that the TMBNet network has advantages in terms of unstructured road extraction. 展开更多
关键词 Unstructured road lightweight model Triple Multi-Block(TMB) Semantic segmentation net
在线阅读 下载PDF
Tree Detection Algorithm Based on Embedded YOLO Lightweight Network
8
作者 吕峰 王新彦 +2 位作者 李磊 江泉 易政洋 《Journal of Shanghai Jiaotong university(Science)》 EI 2024年第3期518-527,共10页
To avoid colliding with trees during its operation,a lawn mower robot must detect the trees.Existing tree detection methods suffer from low detection accuracy(missed detection)and the lack of a lightweight model.In th... To avoid colliding with trees during its operation,a lawn mower robot must detect the trees.Existing tree detection methods suffer from low detection accuracy(missed detection)and the lack of a lightweight model.In this study,a dataset of trees was constructed on the basis of a real lawn environment.According to the theory of channel incremental depthwise convolution and residual suppression,the Embedded-A module is proposed,which expands the depth of the feature map twice to form a residual structure to improve the lightweight degree of the model.According to residual fusion theory,the Embedded-B module is proposed,which improves the accuracy of feature-map downsampling by depthwise convolution and pooling fusion.The Embedded YOLO object detection network is formed by stacking the embedded modules and the fusion of feature maps of different resolutions.Experimental results on the testing set show that the Embedded YOLO tree detection algorithm has 84.17%and 69.91%average precision values respectively for trunk and spherical tree,and 77.04% mean average precision value.The number of convolution parameters is 1.78×10^(6),and the calculation amount is 3.85 billion float operations per second.The size of weight file is 7.11MB,and the detection speed can reach 179 frame/s.This study provides a theoretical basis for the lightweight application of the object detection algorithm based on deep learning for lawn mower robots. 展开更多
关键词 Embedded YOLO algorithm lightweight model machine vision tree detection mowing robot
原文传递
Multi-perception large kernel convnet for efficient image super-resolution
9
作者 MIAO Xuan LI Zheng XU Wen-Zheng 《四川大学学报(自然科学版)》 北大核心 2025年第1期67-78,共12页
Significant advancements have been achieved in the field of Single Image Super-Resolution(SISR)through the utilization of Convolutional Neural Networks(CNNs)to attain state-of-the-art performance.Recent efforts have e... Significant advancements have been achieved in the field of Single Image Super-Resolution(SISR)through the utilization of Convolutional Neural Networks(CNNs)to attain state-of-the-art performance.Recent efforts have explored the incorporation of Transformers to augment network performance in SISR.However,the high computational cost of Transformers makes them less suitable for deployment on lightweight devices.Moreover,the majority of enhancements for CNNs rely predominantly on small spatial convolutions,thereby neglecting the potential advantages of large kernel convolution.In this paper,the authors propose a Multi-Perception Large Kernel convNet(MPLKN)which delves into the exploration of large kernel convolution.Specifically,the authors have architected a Multi-Perception Large Kernel(MPLK)module aimed at extracting multi-scale features and employ a stepwise feature fusion strategy to seamlessly integrate these features.In addition,to enhance the network's capacity for nonlinear spatial information processing,the authors have designed a Spatial-Channel Gated Feed-forward Network(SCGFN)that is capable of adapting to feature interactions across both spatial and channel dimensions.Experimental results demonstrate that MPLKN outperforms other lightweight image super-resolution models while maintaining a minimal number of parameters and FLOPs. 展开更多
关键词 Single Image Super-Resolution lightweight model Deep learning Large kernel
在线阅读 下载PDF
High-accuracy real-time satellite pose estimation for in-orbit applications
10
作者 Zi WANG Jinghao WANG +2 位作者 Jiyang YU Zhang LI Qifeng YU 《Chinese Journal of Aeronautics》 2025年第6期130-142,共13页
Vision-based relative pose estimation plays a pivotal role in various space missions.Deep learning enhances monocular spacecraft pose estimation,but high computational demands necessitate model simplification for onbo... Vision-based relative pose estimation plays a pivotal role in various space missions.Deep learning enhances monocular spacecraft pose estimation,but high computational demands necessitate model simplification for onboard systems.In this paper,we aim to achieve an optimal balance between accuracy and computational efficiency.We present a Perspective-n-Point(PnP)based method for spacecraft pose estimation,leveraging lightweight neural networks to localize semantic keypoints and reduce computational load.Since the accuracy of keypoint localization is closely related to the heatmap resolution,we devise an efficient upsampling module to increase the resolution of heatmaps with minimal overhead.Furthermore,the heatmaps predicted by the lightweight models tend to show high-level noise.To tackle this issue,we propose a weighting strategy by analyzing the statistical characteristics of predicted semantic keypoints and substantially improve the pose estimation accuracy.The experiments carried out on the SPEED dataset underscore the prospect of our method in engineering applications.We dramatically reduce the model parameters to 0.7 M,merely 2.5%of that required by the top-performing method,and achieve lower pose estimation error and better real-time performance. 展开更多
关键词 Keypoint detection lightweight models Non-cooperative satellite Pose estimation Weighted PnP
原文传递
Research on Real-Time Object Detection and Tracking for UAV Surveillance Based on Deep Learning
11
作者 Fei Liu Lu Jia Sichuan 《Journal of Electronic Research and Application》 2025年第3期235-240,共6页
To address the challenges of low accuracy and insufficient real-time performance in dynamic object detection for UAV surveillance,this paper proposes a novel tracking framework that integrates a lightweight improved Y... To address the challenges of low accuracy and insufficient real-time performance in dynamic object detection for UAV surveillance,this paper proposes a novel tracking framework that integrates a lightweight improved YOLOv5s model with adaptive motion compensation.A UAV-view dynamic feature enhancement strategy is innovatively introduced,and a lightweight detection network combining attention mechanisms and multi-scale fusion is constructed.The robustness of tracking under motion blur scenarios is also optimized.Experimental results demonstrate that the proposed method achieves a mAP@0.5 of 68.2%on the VisDrone dataset and reaches an inference speed of 32 FPS on the NVIDIA Jetson TX2 platform.This significantly improves the balance between accuracy and efficiency in complex scenes,offering reliable technical support for real-time applications such as emergency response. 展开更多
关键词 UAV surveillance Real-time object detection Deep learning lightweight model Motion compensation
在线阅读 下载PDF
YOLO-DBS:Efficient Target Detection in Complex Underwater Scene Images Based on Improved YOLOv8
12
作者 WANG Xinhua SONG Xiangyang +1 位作者 LI Zhuang WANG Heqi 《Journal of Ocean University of China》 2025年第4期979-992,共14页
Underwater imaging is frequently influenced by factors such as illumination,scattering,and refraction,which can result in low image contrast and blurriness.Moreover,the presence of numerous small,overlapping targets r... Underwater imaging is frequently influenced by factors such as illumination,scattering,and refraction,which can result in low image contrast and blurriness.Moreover,the presence of numerous small,overlapping targets reduces detection accuracy.To address these challenges,first,green channel images are preprocessed to rectify color bias while improving contrast and clarity.Se-cond,the YOLO-DBS network that employs deformable convolution is proposed to enhance feature learning from underwater blurry images.The ECA attention mechanism is also introduced to strengthen feature focus.Moreover,a bidirectional feature pyramid net-work is utilized for efficient multilayer feature fusion while removing nodes that contribute minimally to detection performance.In addition,the SIoU loss function that considers factors such as angular error and distance deviation is incorporated into the network.Validation on the RUOD dataset demonstrates that YOLO-DBS achieves approximately 3.1%improvement in mAP@0.5 compared with YOLOv8n and surpasses YOLOv9-tiny by 1.3%.YOLO-DBS reduces parameter count by 32%relative to YOLOv8n,thereby demonstrating superior performance in real-time detection on underwater observation platforms. 展开更多
关键词 underwater target detection complex underwater environment lightweight network model
在线阅读 下载PDF
Ultra-lightweight CNN design based on neural architecture search and knowledge distillation: A novel method to build the automatic recognition model of space target ISAR images 被引量:6
13
作者 Hong Yang Ya-sheng Zhang +1 位作者 Can-bin Yin Wen-zhe Ding 《Defence Technology(防务技术)》 SCIE EI CAS CSCD 2022年第6期1073-1095,共23页
In this paper,a novel method of ultra-lightweight convolution neural network(CNN)design based on neural architecture search(NAS)and knowledge distillation(KD)is proposed.It can realize the automatic construction of th... In this paper,a novel method of ultra-lightweight convolution neural network(CNN)design based on neural architecture search(NAS)and knowledge distillation(KD)is proposed.It can realize the automatic construction of the space target inverse synthetic aperture radar(ISAR)image recognition model with ultra-lightweight and high accuracy.This method introduces the NAS method into the radar image recognition for the first time,which solves the time-consuming and labor-consuming problems in the artificial design of the space target ISAR image automatic recognition model(STIIARM).On this basis,the NAS model’s knowledge is transferred to the student model with lower computational complexity by the flow of the solution procedure(FSP)distillation method.Thus,the decline of recognition accuracy caused by the direct compression of model structural parameters can be effectively avoided,and the ultralightweight STIIARM can be obtained.In the method,the Inverted Linear Bottleneck(ILB)and Inverted Residual Block(IRB)are firstly taken as each block’s basic structure in CNN.And the expansion ratio,output filter size,number of IRBs,and convolution kernel size are set as the search parameters to construct a hierarchical decomposition search space.Then,the recognition accuracy and computational complexity are taken as the objective function and constraint conditions,respectively,and the global optimization model of the CNN architecture search is established.Next,the simulated annealing(SA)algorithm is used as the search strategy to search out the lightweight and high accuracy STIIARM directly.After that,based on the three principles of similar block structure,the same corresponding channel number,and the minimum computational complexity,the more lightweight student model is designed,and the FSP matrix pairing between the NAS model and student model is completed.Finally,by minimizing the loss between the FSP matrix pairs of the NAS model and student model,the student model’s weight adjustment is completed.Thus the ultra-lightweight and high accuracy STIIARM is obtained.The proposed method’s effectiveness is verified by the simulation experiments on the ISAR image dataset of five types of space targets. 展开更多
关键词 Space target ISAR image Neural architecture search Knowledge distillation lightweight model
在线阅读 下载PDF
Identification of Weather Phenomena Based on Lightweight Convolutional Neural Networks 被引量:2
14
作者 Congcong Wang Pengyu Liu +2 位作者 Kebin Jia Xiaowei Jia Yaoyao Li 《Computers, Materials & Continua》 SCIE EI 2020年第9期2043-2055,共13页
Weather phenomenon recognition plays an important role in the field of meteorology.Nowadays,weather radars and weathers sensor have been widely used for weather recognition.However,given the high cost in deploying and... Weather phenomenon recognition plays an important role in the field of meteorology.Nowadays,weather radars and weathers sensor have been widely used for weather recognition.However,given the high cost in deploying and maintaining the devices,it is difficult to apply them to intensive weather phenomenon recognition.Moreover,advanced machine learning models such as Convolutional Neural Networks(CNNs)have shown a lot of promise in meteorology,but these models also require intensive computation and large memory,which make it difficult to use them in reality.In practice,lightweight models are often used to solve such problems.However,lightweight models often result in significant performance losses.To this end,after taking a deep dive into a large number of lightweight models and summarizing their shortcomings,we propose a novel lightweight CNNs model which is constructed based on new building blocks.The experimental results show that the model proposed in this paper has comparable performance with the mainstream non-lightweight model while also saving 25 times of memory consumption.Such memory reduction is even better than that of existing lightweight models. 展开更多
关键词 Deep learning convolution neural networks lightweight models weather identification
在线阅读 下载PDF
Cephalopods Classification Using Fine Tuned Lightweight Transfer Learning Models
15
作者 P.Anantha Prabha G.Suchitra R.Saravanan 《Intelligent Automation & Soft Computing》 SCIE 2023年第3期3065-3079,共15页
Cephalopods identification is a formidable task that involves hand inspection and close observation by a malacologist.Manual observation and iden-tification take time and are always contingent on the involvement of expe... Cephalopods identification is a formidable task that involves hand inspection and close observation by a malacologist.Manual observation and iden-tification take time and are always contingent on the involvement of experts.A system is proposed to alleviate this challenge that uses transfer learning techni-ques to classify the cephalopods automatically.In the proposed method,only the Lightweight pre-trained networks are chosen to enable IoT in the task of cephalopod recognition.First,the efficiency of the chosen models is determined by evaluating their performance and comparing thefindings.Second,the models arefine-tuned by adding dense layers and tweaking hyperparameters to improve the classification of accuracy.The models also employ a well-tuned Rectified Adam optimizer to increase the accuracy rates.Third,Adam with Gradient Cen-tralisation(RAdamGC)is proposed and used infine-tuned models to reduce the training time.The framework enables an Internet of Things(IoT)or embedded device to perform the classification tasks by embedding a suitable lightweight pre-trained network.Thefine-tuned models,MobileNetV2,InceptionV3,and NASNet Mobile have achieved a classification accuracy of 89.74%,87.12%,and 89.74%,respectively.Thefindings have indicated that thefine-tuned models can classify different kinds of cephalopods.The results have also demonstrated that there is a significant reduction in the training time with RAdamGC. 展开更多
关键词 CEPHALOPODS transfer learning lightweight models classification deep learning fish IOT
在线阅读 下载PDF
Maturity detection of Hemerocallis citrina Baroni based on LTCB YOLO and lightweight and efficient layer aggregation network
16
作者 Le Chen Ligang Wu Yeqiu Wu 《International Journal of Agricultural and Biological Engineering》 2025年第2期278-287,共10页
Hemerocallis citrina Baroni is rich in nutritional value,with a clear trend of increasing market demand,and it is a pillar industry for rural economic development.Hemerocallis citrina Baroni exhibits rapid growth,a sh... Hemerocallis citrina Baroni is rich in nutritional value,with a clear trend of increasing market demand,and it is a pillar industry for rural economic development.Hemerocallis citrina Baroni exhibits rapid growth,a shortened harvest cycle,lacks a consistent maturity identification standard,and relies heavily on manual labor.To address these issues,a new method for detecting the maturity of Hemerocallis citrina Baroni,called LTCB YOLOv7,has been introduced.To begin with,the layer aggregation network and transition module are made more efficient through the incorporation of Ghost convolution,a lightweight technique that streamlines the model architecture.This results in a reduction of model parameters and computational workload.Second,a coordinate attention mechanism is enhanced between the feature extraction and feature fusion networks,which enhances the model precision and compensates for the performance decline caused by lightweight design.Ultimately,a bi-directional feature pyramid network with weighted connections replaces the Concatenate function in the feature fusion network.This modification enables the integration of information across different stages,resulting in a gradual improvement in the overall model performance.The experimental results show that the improved LTCB YOLOv7 algorithm for Hemerocallis citrina Baroni maturity detection reduces the number of model parameters and floating point operations by about 1.7 million and 7.3G,respectively,and the model volume is compressed by about 3.5M.This refinement leads to enhancements in precision and recall by approximately 0.58%and 0.18%respectively,while the average precision metrics mAP@0.5 and mAP@0.5:0.95 show improvements of about 1.61%and 0.82%respectively.Furthermore,the algorithm achieves a real-time detection performance of 96.15 FPS.The proposed LTCB YOLOv7 algorithm exhibits strong performance in detecting maturity in Hemerocallis citrina Baroni,effectively addressing the challenge of balancing model complexity and performance.It also establishes a standardized approach for maturity detection in Hemerocallis citrina Baroni for identification and harvesting purposes. 展开更多
关键词 Hemerocallis citrina Baroni maturity detection YOLOv7 lightweight model efficient layer aggregation network
原文传递
LMHFusion:A lightweight multi-scale hierarchical dense fusion network for infrared and visible images
17
作者 Liping ZHANG Zhengyu GUO Delin LUO 《Science China(Technological Sciences)》 2025年第5期185-198,共14页
In the field of infrared and visible image fusion,researchers have put increasingly complex fusion networks forward to pursue better fusion metrics.This has led to a growing number of parameters in fusion models.Addit... In the field of infrared and visible image fusion,researchers have put increasingly complex fusion networks forward to pursue better fusion metrics.This has led to a growing number of parameters in fusion models.Additionally,most fusion models rarely address the issue of preserving background details in images,while these details are vital to subsequent advanced visual tasks,such as image analysis and recognition.In response to these limitations mentioned above,this paper proposes a novel image fusion algorithm called lightweight multi-scale hierarchical dense fusion network(LMHFusion).Concisely,we propose a lightweight multi-scale encoder.It extracts multi-scale features from input images through four encoding blocks with different receptive fields.Then,a designed hierarchical dense connection method is employed to concatenate distinct scale features.Unlike traditional manual fusion strategies,our fusion network is designed to be learnable and has adjustable weights.Moreover,we have specially designed a histogram equalization loss to train LMHFusion.This new loss produces fused images that contain both prominent structures and rich details.Through comparative analysis of LMHFusion and twelve other representative fusion models,it has been proven that LMHFusion can make the model more suitable for resource-constrained scenarios apart from enhancing the quality and visual effects of fused images.Our model is nearly 5000 times smaller in size compared to RFN-Nest. 展开更多
关键词 multispectral image fusion deep learning autoencoder network structure dilated separable convolution model lightweight
原文传递
Lightweight Small Defect Detection with YOLOv8 Using Cascaded Multi-Receptive Fields and Enhanced Detection Heads
18
作者 Shengran Zhao Zhensong Li +2 位作者 Xiaotan Wei Yutong Wang Kai Zhao 《Computers, Materials & Continua》 2026年第1期1278-1291,共14页
In printed circuit board(PCB)manufacturing,surface defects can significantly affect product quality.To address the performance degradation,high false detection rates,and missed detections caused by complex backgrounds... In printed circuit board(PCB)manufacturing,surface defects can significantly affect product quality.To address the performance degradation,high false detection rates,and missed detections caused by complex backgrounds in current intelligent inspection algorithms,this paper proposes CG-YOLOv8,a lightweight and improved model based on YOLOv8n for PCB surface defect detection.The proposed method optimizes the network architecture and compresses parameters to reduce model complexity while maintaining high detection accuracy,thereby enhancing the capability of identifying diverse defects under complex conditions.Specifically,a cascaded multi-receptive field(CMRF)module is adopted to replace the SPPF module in the backbone to improve feature perception,and an inverted residual mobile block(IRMB)is integrated into the C2f module to further enhance performance.Additionally,conventional convolution layers are replaced with GSConv to reduce computational cost,and a lightweight Convolutional Block Attention Module based Convolution(CBAMConv)module is introduced after Grouped Spatial Convolution(GSConv)to preserve accuracy through attention mechanisms.The detection head is also optimized by removing medium and large-scale detection layers,thereby enhancing the model’s ability to detect small-scale defects and further reducing complexity.Experimental results show that,compared to the original YOLOv8n,the proposed CG-YOLOv8 reduces parameter count by 53.9%,improves mAP@0.5 by 2.2%,and increases precision and recall by 2.0%and 1.8%,respectively.These improvements demonstrate that CG-YOLOv8 offers an efficient and lightweight solution for PCB surface defect detection. 展开更多
关键词 YOLOv8n PCB surface defect detection lightweight model small object detection
在线阅读 下载PDF
Target localization method of non-cooperative spacecraft on on-orbit service 被引量:3
19
作者 Yingxiao LI Ju HUO +1 位作者 Ping MA Ruiye JIANG 《Chinese Journal of Aeronautics》 SCIE EI CAS CSCD 2022年第11期336-348,共13页
With the explosion of the number of meteoroid/orbital debris in terrestrial space in recent years, the detection environment of spacecraft becomes more complex. This phenomenon causes most current detection methods ba... With the explosion of the number of meteoroid/orbital debris in terrestrial space in recent years, the detection environment of spacecraft becomes more complex. This phenomenon causes most current detection methods based on machine learning intractable to break through the two difficulties of solving scale transformation problem of the targets in image and accelerating detection rate of high-resolution images. To overcome the two challenges, we propose a novel noncooperative target detection method using the framework of deep convolutional neural network.Firstly, a specific spacecraft simulation dataset using over one thousand images to train and test our detection model is built. The deep separable convolution structure is applied and combined with the residual network module to improve the network’s backbone. To count the different shapes of the spacecrafts in the dataset, a particular prior-box generation method based on K-means cluster algorithm is designed for each detection head with different scales. Finally, a comprehensive loss function is presented considering category confidence, box parameters, as well as box confidence. The experimental results verify that the proposed method has strong robustness against varying degrees of luminance change, and can suppress the interference caused by Gaussian noise and background complexity. The mean accuracy precision of our proposed method reaches 93.28%, and the global loss value is 13.252. The comparative experiment results show that under the same epoch and batchsize, the speed of our method is compressed by about 20% in comparison of YOLOv3, the detection accuracy is increased by about 12%, and the size of the model is reduced by nearly 50%. 展开更多
关键词 Spacecraft service High resolution image Object detection Complex environment lightweight model
原文传递
PokerNet:Expanding Features Cheaply via Depthwise Convolutions 被引量:1
20
作者 Wei Tang Yan Huang Liang Wang 《International Journal of Automation and computing》 EI CSCD 2021年第3期432-442,共11页
Pointwise convolution is usually utilized to expand or squeeze features in modern lightweight deep models.However,it takes up most of the overall computational cost(usually more than 90%).This paper proposes a novel P... Pointwise convolution is usually utilized to expand or squeeze features in modern lightweight deep models.However,it takes up most of the overall computational cost(usually more than 90%).This paper proposes a novel Poker module to expand features by taking advantage of cheap depthwise convolution.As a result,the Poker module can greatly reduce the computational cost,and meanwhile generate a large number of effective features to guarantee the performance.The proposed module is standardized and can be employed wherever the feature expansion is needed.By varying the stride and the number of channels,different kinds of bottlenecks are designed to plug the proposed Poker module into the network.Thus,a lightweight model can be easily assembled.Experiments conducted on benchmarks reveal the effectiveness of our proposed Poker module.And our Poker Net models can reduce the computational cost by 7.1%-15.6%.Poker Net models achieve comparable or even higher recognition accuracy than previous state-of-the-art(SOTA)models on the Image Net ILSVRC2012 classification dataset.Code is available at https://github.com/diaomin/pokernet. 展开更多
关键词 Deep learning depthwise convolution lightweight deep model model compression model acceleration
原文传递
上一页 1 2 下一页 到第
使用帮助 返回顶部