To solve the problem of low detection accuracy for complex weld defects,the paper proposes a weld defects detection method based on improved YOLOv5s.To enhance the ability to focus on key information in feature maps,t...To solve the problem of low detection accuracy for complex weld defects,the paper proposes a weld defects detection method based on improved YOLOv5s.To enhance the ability to focus on key information in feature maps,the scSE attention mechanism is intro-duced into the backbone network of YOLOv5s.A Fusion-Block module and additional layers are added to the neck network of YOLOv5s to improve the effect of feature fusion,which is to meet the needs of complex object detection.To reduce the computation-al complexity of the model,the C3Ghost module is used to replace the CSP2_1 module in the neck network of YOLOv5s.The scSE-ASFF module is constructed and inserted between the neck network and the prediction end,which is to realize the fusion of features between the different layers.To address the issue of imbalanced sample quality in the dataset and improve the regression speed and accuracy of the loss function,the CIoU loss function in the YOLOv5s model is replaced with the Focal-EIoU loss function.Finally,ex-periments are conducted based on the collected weld defect dataset to verify the feasibility of the improved YOLOv5s for weld defects detection.The experimental results show that the precision and mAP of the improved YOLOv5s in detecting complex weld defects are as high as 83.4%and 76.1%,respectively,which are 2.5%and 7.6%higher than the traditional YOLOv5s model.The proposed weld defects detection method based on the improved YOLOv5s in this paper can effectively solve the problem of low weld defects detection accuracy.展开更多
This study investigates the application of Learnable Memory Vision Transformers(LMViT)for detecting metal surface flaws,comparing their performance with traditional CNNs,specifically ResNet18 and ResNet50,as well as o...This study investigates the application of Learnable Memory Vision Transformers(LMViT)for detecting metal surface flaws,comparing their performance with traditional CNNs,specifically ResNet18 and ResNet50,as well as other transformer-based models including Token to Token ViT,ViT withoutmemory,and Parallel ViT.Leveraging awidely-used steel surface defect dataset,the research applies data augmentation and t-distributed stochastic neighbor embedding(t-SNE)to enhance feature extraction and understanding.These techniques mitigated overfitting,stabilized training,and improved generalization capabilities.The LMViT model achieved a test accuracy of 97.22%,significantly outperforming ResNet18(88.89%)and ResNet50(88.90%),aswell as the Token to TokenViT(88.46%),ViT without memory(87.18),and Parallel ViT(91.03%).Furthermore,LMViT exhibited superior training and validation performance,attaining a validation accuracy of 98.2%compared to 91.0%for ResNet 18,96.0%for ResNet50,and 89.12%,87.51%,and 91.21%for Token to Token ViT,ViT without memory,and Parallel ViT,respectively.The findings highlight the LMViT’s ability to capture long-range dependencies in images,an areawhere CNNs struggle due to their reliance on local receptive fields and hierarchical feature extraction.The additional transformer-based models also demonstrate improved performance in capturing complex features over CNNs,with LMViT excelling particularly at detecting subtle and complex defects,which is critical for maintaining product quality and operational efficiency in industrial applications.For instance,the LMViT model successfully identified fine scratches and minor surface irregularities that CNNs often misclassify.This study not only demonstrates LMViT’s potential for real-world defect detection but also underscores the promise of other transformer-based architectures like Token to Token ViT,ViT without memory,and Parallel ViT in industrial scenarios where complex spatial relationships are key.Future research may focus on enhancing LMViT’s computational efficiency for deployment in real-time quality control systems.展开更多
Based on inspection data,the authors analyze and summarize the main types and distribution characteristics of tunnel structural defects.These defects are classified into three types:surface defects,internal defects,an...Based on inspection data,the authors analyze and summarize the main types and distribution characteristics of tunnel structural defects.These defects are classified into three types:surface defects,internal defects,and defects behind the structure.To address the need for rapid detection of different defect types,the current state of rapid detection technologies and equipment,both domestically and internationally,is systematically reviewed.The research reveals that surface defect detection technologies and equipment have developed rapidly in recent years.Notably,the integration of machine vision and laser scanning technologies have significantly improved detection efficiency and accuracy,achieving crack detection precision of up to 0.1 mm.However,the non-contact rapid detection of internal and behind-the-structure defects remains constrained by hardware limitations,with traditional detection remaining dominant.Nevertheless,phased array radar,ultrasonic,and acoustic vibration detection technologies have become research hotspots in recent years,offering promising directions for detecting these challenging defect types.Additionally,the application of multisensor fusion technology in rapid detection equipment has further enhanced detection capabilities.Devices such as cameras,3D laser scanners,infrared thermal imagers,and radar demonstrate significant advantages in rapid detection.Future research in tunnel inspection should prioritize breakthroughs in rapid detection technologies for internal and behind-the-structure defects.Efforts should also focus on developing multifunctional integrated detection vehicles that can simultaneously inspect both surface and internal structures.Furthermore,progress in fully automated,intelligent systems with precise defect identification and real-time reporting will be essential to significantly improve the efficiency and accuracy of tunnel inspection.展开更多
Aiming at the problems of low detection efficiency and difficult positioning of traditional steel surface defect detection methods,a lightweight steel surface defect detection model based on you only look once version...Aiming at the problems of low detection efficiency and difficult positioning of traditional steel surface defect detection methods,a lightweight steel surface defect detection model based on you only look once version 7(YOLOv7)is proposed.First,a cascading style sheets(CSS)block module is proposed,which uses more lightweight operations to obtain redundant information in the feature map,reduces the amount of computation,and effectively improves the detection speed.Secondly,the improved spatial pyramid pooling with cross stage partial convolutions(SPPCSPC)structure is adopted to ensure that the model can also pay attention to the defect location information while predicting the defect category information,obtain richer defect features.In addition,the convolution operation in the original model is simplified,which significantly reduces the size of the model and helps to improve the detection speed.Finally,using efficient intersection over union(EIOU)loss to focus on high-quality anchors,speed up convergence and improve positioning accuracy.Experiments were carried out on the Northeastern University-defect(NEU-DET)steel surface defect dataset.Compared with the original YOLOv7 model,the number of parameters of this model was reduced by 40%,the frames per second(FPS)reached 112,and the average accuracy reached 79.1%,the detection accuracy and speed have been improved,which can meet the needs of steel surface defect detection.展开更多
The detection of surface defects in concrete bridges using deep learning is of significant importance for reducing operational risks,saving maintenance costs,and driving the intelligent transformation of bridge defect...The detection of surface defects in concrete bridges using deep learning is of significant importance for reducing operational risks,saving maintenance costs,and driving the intelligent transformation of bridge defect detection.In contrast to the subjective and inefficient manual visual inspection,deep learning-based algorithms for concrete defect detection exhibit remarkable advantages,emerging as a focal point in recent research.This paper comprehensively analyzes the research progress of deep learning algorithms in the field of surface defect detection in concrete bridges in recent years.It introduces the early detection methods for surface defects in concrete bridges and the development of deep learning.Subsequently,it provides an overview of deep learning-based concrete bridge surface defect detection research from three aspects:image classification,object detection,and semantic segmentation.The paper summarizes the strengths and weaknesses of existing methods and the challenges they face.Additionally,it analyzes and prospects the development trends of surface defect detection in concrete bridges.展开更多
Current you only look once(YOLO)-based algorithm model is facing the challenge of overwhelming parameters and calculation complexity under the printed circuit board(PCB)defect detection application scenario.In order t...Current you only look once(YOLO)-based algorithm model is facing the challenge of overwhelming parameters and calculation complexity under the printed circuit board(PCB)defect detection application scenario.In order to solve this problem,we propose a new method,which combined the lightweight network mobile vision transformer(Mobile Vi T)with the convolutional block attention module(CBAM)mechanism and the new regression loss function.This method needed less computation resources,making it more suitable for embedded edge detection devices.Meanwhile,the new loss function improved the positioning accuracy of the bounding box and enhanced the robustness of the model.In addition,experiments on public datasets demonstrate that the improved model achieves an average accuracy of 87.9%across six typical defect detection tasks,while reducing computational costs by nearly 90%.It significantly reduces the model's computational requirements while maintaining accuracy,ensuring reliable performance for edge deployment.展开更多
Rail defects can pose significant safety risks in railway operations, raising the need for effective detection methods. Acoustic Emission (AE) technology has shown promise for identifying and monitoring these defects,...Rail defects can pose significant safety risks in railway operations, raising the need for effective detection methods. Acoustic Emission (AE) technology has shown promise for identifying and monitoring these defects, and this study evaluates an advanced on-vehicle AE detection approach using bone-conduct sensors—a solution to improve upon previous AE methods of using on-rail sensor installations, which required extensive, costly on-rail sensor networks with limited effectiveness. In response to these challenges, the study specifically explored bone-conduct sensors mounted directly on the vehicle rather than rails by evaluating AE signals generated by the interaction between rails and the train’s wheels while in motion. In this research, a prototype detection system was developed and tested through initial trials at the Nevada Railroad Museum using a track with pre-damaged welding defects. Further testing was conducted at the Transportation Technology Center Inc. (rebranded as MxV Rail) in Colorado, where the system’s performance was evaluated across various defect types and train speeds. The results indicated that bone-conduct sensors were insufficient for detecting AE signals when mounted on moving vehicles. These findings highlight the limitations of contact-based methods in real-world applications and indicate the need for exploring improved, non-contact approaches.展开更多
The service life of internal combustion engines is significantly influenced by surface defects in cylinder liners.To address the limitations of traditional detection methods,we propose an enhanced YOLOv8 model with Sw...The service life of internal combustion engines is significantly influenced by surface defects in cylinder liners.To address the limitations of traditional detection methods,we propose an enhanced YOLOv8 model with Swin Transformer as the backbone network.This approach leverages Swin Transformer's multi-head self-attention mechanism for improved feature extraction of defects spanning various scales.Integrated with the YOLOv8 detection head,our model achieves a mean average precision of 85.1%on our dataset,outperforming baseline methods by 1.4%.The model's effectiveness is further demonstrated on a steel-surface defect dataset,indicating its broad applicability in industrial surface defect detection.Our work highlights the potential of combining Swin Transformer and YOLOv8 for accurate and efficient defect detection.展开更多
In integrated circuit(IC)manufacturing,fast,nondestructive,and precise detection of defects in patterned wafers,realized by bright-field microscopy,is one of the critical factors for ensuring the final performance and...In integrated circuit(IC)manufacturing,fast,nondestructive,and precise detection of defects in patterned wafers,realized by bright-field microscopy,is one of the critical factors for ensuring the final performance and yields of chips.With the critical dimensions of IC nanostructures continuing to shrink,directly imaging or classifying deep-subwavelength defects by bright-field microscopy is challenging due to the well-known diffraction barrier,the weak scattering effect,and the faint correlation between the scattering cross-section and the defect morphology.Herein,we propose an optical far-field inspection method based on the form-birefringence scattering imaging of the defective nanostructure,which can identify and classify various defects without requiring optical super-resolution.The technique is built upon the principle of breaking the optical form birefringence of the original periodic nanostructures by the defect perturbation under the anisotropic illumination modes,such as the orthogonally polarized plane waves,then combined with the high-order difference of far-field images.We validated the feasibility and effectiveness of the proposed method in detecting deep subwavelength defects through rigid vector imaging modeling and optical detection experiments of various defective nanostructures based on polarization microscopy.On this basis,an intelligent classification algorithm for typical patterned defects based on a dual-channel AlexNet neural network has been proposed,stabilizing the classification accuracy ofλ/16-sized defects with highly similar features at more than 90%.The strong classification capability of the two-channel network on typical patterned defects can be attributed to the high-order difference image and its transverse gradient being used as the network’s input,which highlights the polarization modulation difference between different patterned defects more significantly than conventional bright-field microscopy results.This work will provide a new but easy-to-operate method for detecting and classifying deep-subwavelength defects in patterned wafers or photomasks,which thus endows current online inspection equipment with more missions in advanced IC manufacturing.展开更多
High-performance lattice structures produced through powder bed fusion-laser beam exhibit high specific strength and energy absorption capabilities.However,a significant deviation exists between the mechanical propert...High-performance lattice structures produced through powder bed fusion-laser beam exhibit high specific strength and energy absorption capabilities.However,a significant deviation exists between the mechanical properties,service life of lattice structures,and design expectations.This deviation arises from the intense interaction between the laser and powder,which leads to the formation of numerous defects within the lattice structure.To address these issues,this paper proposes a high-performance defect detection model for metal lattice structures based on YOLOv4,called YOLO-Lattice(YOLO-L).The main objectives of this paper are as follows:(1)utilize computed tomography to construct datasets of the diamond lattice and body-centered cubic lattice structures;(2)in the backbone network of YOLOv4,employ deformable convolution to enhance the feature extraction capability of the model for small-scale defects;(3)adopt a dual-attention mechanism to suppress invalid feature information and amplify the distinction between defect and background regions;and(4)implement a channel pruning strategy to eliminate channels carrying less feature information,thereby improving the inference speed of the model.The experimental results on the diamond lattice structure dataset demonstrate that the mean average precision of the YOLO-L model increased from 96.98% to 98.8%(with an intersection over union of 0.5),and the inference speed decreased from 51.3 ms to 32.5 ms when compared to YOLOv4.Thus,the YOLO-L model can be effectively used to detect defects in metal lattice structures.展开更多
Defect detection based on computer vision is a critical component in ensuring the quality of industrial products.However,existing detection methods encounter several challenges in practical applications,including the ...Defect detection based on computer vision is a critical component in ensuring the quality of industrial products.However,existing detection methods encounter several challenges in practical applications,including the scarcity of labeled samples,limited adaptability of pre-trained models,and the data heterogeneity in distributed environments.To address these issues,this research proposes an unsupervised defect detection method,FLAME(Federated Learning with Adaptive Multi-Model Embeddings).The method comprises three stages:(1)Feature learning stage:this work proposes FADE(Feature-Adaptive Domain-Specific Embeddings),a framework employs Gaussian noise injection to simulate defective patterns and implements a feature discriminator for defect detection,thereby enhancing the pre-trained model’s industrial imagery representation capabilities.(2)Knowledge distillation co-training stage:a multi-model feature knowledge distillation mechanism is introduced.Through feature-level knowledge transfer between the global model and historical local models,the current local model is guided to learn better feature representations from the global model.The approach prevents local models from converging to local optima and mitigates performance degradation caused by data heterogeneity.(3)Model parameter aggregation stage:participating clients utilize weighted averaging aggregation to synthesize an updated global model,facilitating efficient knowledge consolidation.Experimental results demonstrate that FADE improves the average image-level Area under the Receiver Operating Characteristic Curve(AUROC)by 7.34%compared to methods directly utilizing pre-trained models.In federated learning environments,FLAME’s multi-model feature knowledge distillation mechanism outperforms the classic FedAvg algorithm by 2.34%in average image-level AUROC,while exhibiting superior convergence properties.展开更多
Detecting surface defects on unused rails is crucial for evaluating rail quality and durability to ensure the safety of rail transportation.However,existing detection methods often struggle with challenges such as com...Detecting surface defects on unused rails is crucial for evaluating rail quality and durability to ensure the safety of rail transportation.However,existing detection methods often struggle with challenges such as complex defect morphology,texture similarity,and fuzzy edges,leading to poor accuracy and missed detections.In order to resolve these problems,we propose MSCM-Net(Multi-Scale Cross-Modal Network),a multiscale cross-modal framework focused on detecting rail surface defects.MSCM-Net introduces an attention mechanism to dynamically weight the fusion of RGB and depth maps,effectively capturing and enhancing features at different scales for each modality.To further enrich feature representation and improve edge detection in blurred areas,we propose a multi-scale void fusion module that integrates multi-scale feature information.To improve cross-modal feature fusion,we develop a cross-enhanced fusion module that transfers fused features between layers to incorporate interlayer information.We also introduce a multimodal feature integration module,which merges modality-specific features from separate decoders into a shared decoder,enhancing detection by leveraging richer complementary information.Finally,we validate MSCM-Net on the NEU RSDDS-AUG RGB-depth dataset,comparing it against 12 leading methods,and the results show that MSCM-Net achieves superior performance on all metrics.展开更多
Roads inevitably have defects during use,which not only seriously affect their service life but also pose a hidden danger to traffic safety.Existing algorithms for detecting road defects are unsatisfactory in terms of...Roads inevitably have defects during use,which not only seriously affect their service life but also pose a hidden danger to traffic safety.Existing algorithms for detecting road defects are unsatisfactory in terms of accuracy and generalization,so this paper proposes an algorithm based on YOLOv11.The method embeds wavelet transform convolution(WTConv)into the backbone’s C3k2 module to enhance low-frequency feature extraction while avoiding parameter bloat.Secondly,a novel multi-scale fusion diffusion network(MFDN)architecture is designed for the neck to strengthen cross-scale feature interactions,boosting detection precision.In terms of model optimization,the traditional downsampling method is discarded,and the innovative Adown(adaptive downsampling)technique is adopted,which streamlines the parameter scales while effectively mitigating the information loss problem during downsampling.Finally,in this paper,we propose Wise-PIDIoU by combining WiseIoU and MPDIoU to minimize the negative impact of low-quality anchor frames and enhance the detection capability of the model.The experimental results indicate that the proposed algorithm achieves an average detection accuracy of 86.5%for mAP@50 on the RDD2022 dataset,which is 2%higher than the original algorithm while ensuring that the amount of computation is basically unchanged.The number of parameters is reduced by 17%,and the F1 score is improved by 3%,showing better detection performance than other algorithms when facing different types of defects.The excellent performance on embedded devices proves that the algorithm also has favorable application prospects in practical inspection.展开更多
Real-time detection of surface defects on cables is crucial for ensuring the safe operation of power systems.However,existing methods struggle with small target sizes,complex backgrounds,low-quality image acquisition,...Real-time detection of surface defects on cables is crucial for ensuring the safe operation of power systems.However,existing methods struggle with small target sizes,complex backgrounds,low-quality image acquisition,and interference from contamination.To address these challenges,this paper proposes the Real-time Cable Defect Detection Network(RC2DNet),which achieves an optimal balance between detection accuracy and computational efficiency.Unlike conventional approaches,RC2DNet introduces a small object feature extraction module that enhances the semantic representation of small targets through feature pyramids,multi-level feature fusion,and an adaptive weighting mechanism.Additionally,a boundary feature enhancement module is designed,incorporating boundary-aware convolution,a novel boundary attention mechanism,and an improved loss function to significantly enhance boundary localization accuracy.Experimental results demonstrate that RC2DNet outperforms state-of-the-art methods in precision,recall,F1-score,mean Intersection over Union(mIoU),and frame rate,enabling real-time and highly accurate cable defect detection in complex backgrounds.展开更多
With the rapid development of computer vision technology,artificial intelligence algorithms,and high-performance computing platforms,machine vision technology has gradually shown its great potential in automated produ...With the rapid development of computer vision technology,artificial intelligence algorithms,and high-performance computing platforms,machine vision technology has gradually shown its great potential in automated production lines,especially in defect detection.Machine vision technology can be applied in many industries such as semiconductor,automobile manufacturing,aerospace,food,and drugs,which can significantly improve detection efficiency and accuracy,reduce labor costs,improve product quality,enhance market competitiveness,and provide strong support for the arrival of Industry 4.0 era.In this article,the concept,advantages,and disadvantages of machine vision and the algorithm framework of machine vision in the defect detection system are briefly described,aiming to promote the rapid development of industry and strengthen China’s industry.展开更多
Manufacturers must identify and classify various defects in automotive sealing rings to ensure product quality.Deep learning algorithms show promise in this field,but challenges remain,especially in detecting small-sc...Manufacturers must identify and classify various defects in automotive sealing rings to ensure product quality.Deep learning algorithms show promise in this field,but challenges remain,especially in detecting small-scale defects under harsh industrial conditions with multimodal data.This paper proposes an enhanced version of You Only Look Once(YOLO)v8 for improved defect detection in automotive sealing rings.We introduce the Multi-scale Adaptive Feature Extraction(MAFE)module,which integrates Deformable ConvolutionalNetwork(DCN)and Spaceto-Depth(SPD)operations.This module effectively captures long-range dependencies,enhances spatial aggregation,and minimizes information loss of small objects during feature extraction.Furthermore,we introduce the Blur-Aware Wasserstein Distance(BAWD)loss function,which improves regression accuracy and detection capabilities for small object anchor boxes,particularly in scenarios involving defocus blur.Additionally,we have constructed a high-quality dataset of automotive sealing ring defects,providing a valuable resource for evaluating defect detection methods.Experimental results demonstrate our method’s high performance,achieving 98.30% precision,96.62% recall,and an inference speed of 20.3 ms.展开更多
Solar cell defect detection is crucial for quality inspection in photovoltaic power generation modules.In the production process,defect samples occur infrequently and exhibit random shapes and sizes,which makes it cha...Solar cell defect detection is crucial for quality inspection in photovoltaic power generation modules.In the production process,defect samples occur infrequently and exhibit random shapes and sizes,which makes it challenging to collect defective samples.Additionally,the complex surface background of polysilicon cell wafers complicates the accurate identification and localization of defective regions.This paper proposes a novel Lightweight Multiscale Feature Fusion network(LMFF)to address these challenges.The network comprises a feature extraction network,a multi-scale feature fusion module(MFF),and a segmentation network.Specifically,a feature extraction network is proposed to obtain multi-scale feature outputs,and a multi-scale feature fusion module(MFF)is used to fuse multi-scale feature information effectively.In order to capture finer-grained multi-scale information from the fusion features,we propose a multi-scale attention module(MSA)in the segmentation network to enhance the network’s ability for small target detection.Moreover,depthwise separable convolutions are introduced to construct depthwise separable residual blocks(DSR)to reduce the model’s parameter number.Finally,to validate the proposed method’s defect segmentation and localization performance,we constructed three solar cell defect detection datasets:SolarCells,SolarCells-S,and PVEL-S.SolarCells and SolarCells-S are monocrystalline silicon datasets,and PVEL-S is a polycrystalline silicon dataset.Experimental results show that the IOU of our method on these three datasets can reach 68.5%,51.0%,and 92.7%,respectively,and the F1-Score can reach 81.3%,67.5%,and 96.2%,respectively,which surpasses other commonly usedmethods and verifies the effectiveness of our LMFF network.展开更多
Efficient detection of surface defects is primary for ensuring product quality during manufacturing processes.To enhance the performance of deep learning-based methods in practical applications,the authors propose Den...Efficient detection of surface defects is primary for ensuring product quality during manufacturing processes.To enhance the performance of deep learning-based methods in practical applications,the authors propose Dense-YOLO,a fast surface defect detection network that combines the strengths of DenseNet and you only look once version 3(YOLOv3).The authors design a lightweight backbone network with improved densely connected blocks,optimising the utilisation of shallow features while maintaining high detection speeds.Additionally,the authors refine the feature pyramid network of YOLOv3 to increase the recall of tiny defects and overall positioning accuracy.Furthermore,an online multi-angle template matching technique is introduced based on normalised cross-correlation to precisely locate the detection area.This refined template matching method not only accelerates detection speed but also mitigates the influence of the background.To validate the effectiveness of our enhancements,the authors conduct comparative experiments across two private datasets and one public dataset.Results show that Dense-YOLO outperforms existing methods,such as faster R-CNN,YOLOv3,YOLOv5s,YOLOv7,and SSD,in terms of mean average precision(mAP)and detection speed.Moreover,Dense-YOLO outperforms networks inherited from VGG and ResNet,including improved faster R-CNN,FCOS,M2Det-320 and FRCN,in mAP.展开更多
Lithium-plating-type defects in lithium-ion batteries pose severe safety risks due to their potential to trigger thermal runaway.To prevent defective batteries from entering the market,developing in-line detection met...Lithium-plating-type defects in lithium-ion batteries pose severe safety risks due to their potential to trigger thermal runaway.To prevent defective batteries from entering the market,developing in-line detection methods during manufacturing is critical yet challenging.This study introduces a deep learning-based method for detecting lithium-plating-type defects using formation and capacity grading data,enabling accurate identification of defective batteries without additional equipment.First,lithiumplating-type defect batteries with various types and area ratios are fabricated.Formation and capacity grading data from 154 batteries(48 defective,106 normal)are collected to construct a dataset.Subsequently,a dual-task deep learning model is then developed,where the reconstruction task learns latent representations from the features,while the classification task identifies the defective batteries.Shapley value analysis further quantifies feature importance,revealing that defective batteries exhibit reduced coulombic efficiency(attributed to irreversible lithium loss)and elevated open-circuit voltage/K-values(linked to self-equalization effects).These findings align with the electrochemical mechanisms of lithium plating,enhancing the model's interpretability.Validated on statistically robust samples shows that the framework achieves a recall of 97.14%for defective batteries and an overall accuracy of 97.42%.This deep learning-driven solution provides a scalable and cost-effective quality control strategy for battery manufacturing.展开更多
A novel dual-branch decoding fusion convolutional neural network model(DDFNet)specifically designed for real-time salient object detection(SOD)on steel surfaces is proposed.DDFNet is based on a standard encoder–decod...A novel dual-branch decoding fusion convolutional neural network model(DDFNet)specifically designed for real-time salient object detection(SOD)on steel surfaces is proposed.DDFNet is based on a standard encoder–decoder architecture.DDFNet integrates three key innovations:first,we introduce a novel,lightweight multi-scale progressive aggregation residual network that effectively suppresses background interference and refines defect details,enabling efficient salient feature extraction.Then,we propose an innovative dual-branch decoding fusion structure,comprising the refined defect representation branch and the enhanced defect representation branch,which enhance accuracy in defect region identification and feature representation.Additionally,to further improve the detection of small and complex defects,we incorporate a multi-scale attention fusion module.Experimental results on the public ESDIs-SOD dataset show that DDFNet,with only 3.69 million parameters,achieves detection performance comparable to current state-of-the-art models,demonstrating its potential for real-time industrial applications.Furthermore,our DDFNet-L variant consistently outperforms leading methods in detection performance.The code is available at https://github.com/13140W/DDFNet.展开更多
基金supported by Postgraduate Research&Practice Innovation Program of Jiangsu Province(Grant No.KYCX24_4084).
文摘To solve the problem of low detection accuracy for complex weld defects,the paper proposes a weld defects detection method based on improved YOLOv5s.To enhance the ability to focus on key information in feature maps,the scSE attention mechanism is intro-duced into the backbone network of YOLOv5s.A Fusion-Block module and additional layers are added to the neck network of YOLOv5s to improve the effect of feature fusion,which is to meet the needs of complex object detection.To reduce the computation-al complexity of the model,the C3Ghost module is used to replace the CSP2_1 module in the neck network of YOLOv5s.The scSE-ASFF module is constructed and inserted between the neck network and the prediction end,which is to realize the fusion of features between the different layers.To address the issue of imbalanced sample quality in the dataset and improve the regression speed and accuracy of the loss function,the CIoU loss function in the YOLOv5s model is replaced with the Focal-EIoU loss function.Finally,ex-periments are conducted based on the collected weld defect dataset to verify the feasibility of the improved YOLOv5s for weld defects detection.The experimental results show that the precision and mAP of the improved YOLOv5s in detecting complex weld defects are as high as 83.4%and 76.1%,respectively,which are 2.5%and 7.6%higher than the traditional YOLOv5s model.The proposed weld defects detection method based on the improved YOLOv5s in this paper can effectively solve the problem of low weld defects detection accuracy.
基金funded by Woosong University Academic Research 2024.
文摘This study investigates the application of Learnable Memory Vision Transformers(LMViT)for detecting metal surface flaws,comparing their performance with traditional CNNs,specifically ResNet18 and ResNet50,as well as other transformer-based models including Token to Token ViT,ViT withoutmemory,and Parallel ViT.Leveraging awidely-used steel surface defect dataset,the research applies data augmentation and t-distributed stochastic neighbor embedding(t-SNE)to enhance feature extraction and understanding.These techniques mitigated overfitting,stabilized training,and improved generalization capabilities.The LMViT model achieved a test accuracy of 97.22%,significantly outperforming ResNet18(88.89%)and ResNet50(88.90%),aswell as the Token to TokenViT(88.46%),ViT without memory(87.18),and Parallel ViT(91.03%).Furthermore,LMViT exhibited superior training and validation performance,attaining a validation accuracy of 98.2%compared to 91.0%for ResNet 18,96.0%for ResNet50,and 89.12%,87.51%,and 91.21%for Token to Token ViT,ViT without memory,and Parallel ViT,respectively.The findings highlight the LMViT’s ability to capture long-range dependencies in images,an areawhere CNNs struggle due to their reliance on local receptive fields and hierarchical feature extraction.The additional transformer-based models also demonstrate improved performance in capturing complex features over CNNs,with LMViT excelling particularly at detecting subtle and complex defects,which is critical for maintaining product quality and operational efficiency in industrial applications.For instance,the LMViT model successfully identified fine scratches and minor surface irregularities that CNNs often misclassify.This study not only demonstrates LMViT’s potential for real-world defect detection but also underscores the promise of other transformer-based architectures like Token to Token ViT,ViT without memory,and Parallel ViT in industrial scenarios where complex spatial relationships are key.Future research may focus on enhancing LMViT’s computational efficiency for deployment in real-time quality control systems.
文摘Based on inspection data,the authors analyze and summarize the main types and distribution characteristics of tunnel structural defects.These defects are classified into three types:surface defects,internal defects,and defects behind the structure.To address the need for rapid detection of different defect types,the current state of rapid detection technologies and equipment,both domestically and internationally,is systematically reviewed.The research reveals that surface defect detection technologies and equipment have developed rapidly in recent years.Notably,the integration of machine vision and laser scanning technologies have significantly improved detection efficiency and accuracy,achieving crack detection precision of up to 0.1 mm.However,the non-contact rapid detection of internal and behind-the-structure defects remains constrained by hardware limitations,with traditional detection remaining dominant.Nevertheless,phased array radar,ultrasonic,and acoustic vibration detection technologies have become research hotspots in recent years,offering promising directions for detecting these challenging defect types.Additionally,the application of multisensor fusion technology in rapid detection equipment has further enhanced detection capabilities.Devices such as cameras,3D laser scanners,infrared thermal imagers,and radar demonstrate significant advantages in rapid detection.Future research in tunnel inspection should prioritize breakthroughs in rapid detection technologies for internal and behind-the-structure defects.Efforts should also focus on developing multifunctional integrated detection vehicles that can simultaneously inspect both surface and internal structures.Furthermore,progress in fully automated,intelligent systems with precise defect identification and real-time reporting will be essential to significantly improve the efficiency and accuracy of tunnel inspection.
基金supported by the National Natural Science Foundation of China(No.62103298)the Natural Science Foundation of Hebei Province(No.F2018209289)。
文摘Aiming at the problems of low detection efficiency and difficult positioning of traditional steel surface defect detection methods,a lightweight steel surface defect detection model based on you only look once version 7(YOLOv7)is proposed.First,a cascading style sheets(CSS)block module is proposed,which uses more lightweight operations to obtain redundant information in the feature map,reduces the amount of computation,and effectively improves the detection speed.Secondly,the improved spatial pyramid pooling with cross stage partial convolutions(SPPCSPC)structure is adopted to ensure that the model can also pay attention to the defect location information while predicting the defect category information,obtain richer defect features.In addition,the convolution operation in the original model is simplified,which significantly reduces the size of the model and helps to improve the detection speed.Finally,using efficient intersection over union(EIOU)loss to focus on high-quality anchors,speed up convergence and improve positioning accuracy.Experiments were carried out on the Northeastern University-defect(NEU-DET)steel surface defect dataset.Compared with the original YOLOv7 model,the number of parameters of this model was reduced by 40%,the frames per second(FPS)reached 112,and the average accuracy reached 79.1%,the detection accuracy and speed have been improved,which can meet the needs of steel surface defect detection.
基金supported by the Key Research and Development Program of Shaanxi Province-International Science and Technology Cooperation Program Project (No.2020KW-001)the Contract for Xi'an Municipal Science and Technology Plan Project-Xi'an City Strong Foundation Innovation Plan (No.21XJZZ0074)the Key Project of Graduate Student Innovation Fund at Xi'an University of Posts and Telecommunications (No.CXJJZL2023013)。
文摘The detection of surface defects in concrete bridges using deep learning is of significant importance for reducing operational risks,saving maintenance costs,and driving the intelligent transformation of bridge defect detection.In contrast to the subjective and inefficient manual visual inspection,deep learning-based algorithms for concrete defect detection exhibit remarkable advantages,emerging as a focal point in recent research.This paper comprehensively analyzes the research progress of deep learning algorithms in the field of surface defect detection in concrete bridges in recent years.It introduces the early detection methods for surface defects in concrete bridges and the development of deep learning.Subsequently,it provides an overview of deep learning-based concrete bridge surface defect detection research from three aspects:image classification,object detection,and semantic segmentation.The paper summarizes the strengths and weaknesses of existing methods and the challenges they face.Additionally,it analyzes and prospects the development trends of surface defect detection in concrete bridges.
基金supported by the National Natural Science Foundation of China(Nos.62373215,62373219 and 62073193)the Natural Science Foundation of Shandong Province(No.ZR2023MF100)+1 种基金the Key Projects of the Ministry of Industry and Information Technology(No.TC220H057-2022)the Independently Developed Instrument Funds of Shandong University(No.zy20240201)。
文摘Current you only look once(YOLO)-based algorithm model is facing the challenge of overwhelming parameters and calculation complexity under the printed circuit board(PCB)defect detection application scenario.In order to solve this problem,we propose a new method,which combined the lightweight network mobile vision transformer(Mobile Vi T)with the convolutional block attention module(CBAM)mechanism and the new regression loss function.This method needed less computation resources,making it more suitable for embedded edge detection devices.Meanwhile,the new loss function improved the positioning accuracy of the bounding box and enhanced the robustness of the model.In addition,experiments on public datasets demonstrate that the improved model achieves an average accuracy of 87.9%across six typical defect detection tasks,while reducing computational costs by nearly 90%.It significantly reduces the model's computational requirements while maintaining accuracy,ensuring reliable performance for edge deployment.
文摘Rail defects can pose significant safety risks in railway operations, raising the need for effective detection methods. Acoustic Emission (AE) technology has shown promise for identifying and monitoring these defects, and this study evaluates an advanced on-vehicle AE detection approach using bone-conduct sensors—a solution to improve upon previous AE methods of using on-rail sensor installations, which required extensive, costly on-rail sensor networks with limited effectiveness. In response to these challenges, the study specifically explored bone-conduct sensors mounted directly on the vehicle rather than rails by evaluating AE signals generated by the interaction between rails and the train’s wheels while in motion. In this research, a prototype detection system was developed and tested through initial trials at the Nevada Railroad Museum using a track with pre-damaged welding defects. Further testing was conducted at the Transportation Technology Center Inc. (rebranded as MxV Rail) in Colorado, where the system’s performance was evaluated across various defect types and train speeds. The results indicated that bone-conduct sensors were insufficient for detecting AE signals when mounted on moving vehicles. These findings highlight the limitations of contact-based methods in real-world applications and indicate the need for exploring improved, non-contact approaches.
基金supported by the Scientific and technological key project in Henan Province 22210224002the Natural Science Foundation of Henan Polytechnic University B2021-38.
文摘The service life of internal combustion engines is significantly influenced by surface defects in cylinder liners.To address the limitations of traditional detection methods,we propose an enhanced YOLOv8 model with Swin Transformer as the backbone network.This approach leverages Swin Transformer's multi-head self-attention mechanism for improved feature extraction of defects spanning various scales.Integrated with the YOLOv8 detection head,our model achieves a mean average precision of 85.1%on our dataset,outperforming baseline methods by 1.4%.The model's effectiveness is further demonstrated on a steel-surface defect dataset,indicating its broad applicability in industrial surface defect detection.Our work highlights the potential of combining Swin Transformer and YOLOv8 for accurate and efficient defect detection.
基金funded by National Natural Science Foundation of China(Grant Nos.52130504,52305577,and 52175509)the Key Research and Development Plan of Hubei Province(Grant No.2022BAA013)+4 种基金the Major Program(JD)of Hubei Province(Grant No.2023BAA008-2)the Interdisciplinary Research Program of Huazhong University of Science and Technology(2023JCYJ047)the Innovation Project of Optics Valley Laboratory(Grant No.OVL2023PY003)the Postdoctoral Fellowship Program(Grade B)of China Postdoctoral Science Foundation(Grant No.GZB20230244)the fellowship from the China Postdoctoral Science Foundation(2024M750995)。
文摘In integrated circuit(IC)manufacturing,fast,nondestructive,and precise detection of defects in patterned wafers,realized by bright-field microscopy,is one of the critical factors for ensuring the final performance and yields of chips.With the critical dimensions of IC nanostructures continuing to shrink,directly imaging or classifying deep-subwavelength defects by bright-field microscopy is challenging due to the well-known diffraction barrier,the weak scattering effect,and the faint correlation between the scattering cross-section and the defect morphology.Herein,we propose an optical far-field inspection method based on the form-birefringence scattering imaging of the defective nanostructure,which can identify and classify various defects without requiring optical super-resolution.The technique is built upon the principle of breaking the optical form birefringence of the original periodic nanostructures by the defect perturbation under the anisotropic illumination modes,such as the orthogonally polarized plane waves,then combined with the high-order difference of far-field images.We validated the feasibility and effectiveness of the proposed method in detecting deep subwavelength defects through rigid vector imaging modeling and optical detection experiments of various defective nanostructures based on polarization microscopy.On this basis,an intelligent classification algorithm for typical patterned defects based on a dual-channel AlexNet neural network has been proposed,stabilizing the classification accuracy ofλ/16-sized defects with highly similar features at more than 90%.The strong classification capability of the two-channel network on typical patterned defects can be attributed to the high-order difference image and its transverse gradient being used as the network’s input,which highlights the polarization modulation difference between different patterned defects more significantly than conventional bright-field microscopy results.This work will provide a new but easy-to-operate method for detecting and classifying deep-subwavelength defects in patterned wafers or photomasks,which thus endows current online inspection equipment with more missions in advanced IC manufacturing.
基金supported by Natural Science Foundation of China(Grant No.52175488)Scientific Research Program for Young Outstanding Talent of Higher Education of Hebei Province(China)(Grant No.BJ2021045)S&T Program of Hebei(China)(Grant No.236Z1808G).
文摘High-performance lattice structures produced through powder bed fusion-laser beam exhibit high specific strength and energy absorption capabilities.However,a significant deviation exists between the mechanical properties,service life of lattice structures,and design expectations.This deviation arises from the intense interaction between the laser and powder,which leads to the formation of numerous defects within the lattice structure.To address these issues,this paper proposes a high-performance defect detection model for metal lattice structures based on YOLOv4,called YOLO-Lattice(YOLO-L).The main objectives of this paper are as follows:(1)utilize computed tomography to construct datasets of the diamond lattice and body-centered cubic lattice structures;(2)in the backbone network of YOLOv4,employ deformable convolution to enhance the feature extraction capability of the model for small-scale defects;(3)adopt a dual-attention mechanism to suppress invalid feature information and amplify the distinction between defect and background regions;and(4)implement a channel pruning strategy to eliminate channels carrying less feature information,thereby improving the inference speed of the model.The experimental results on the diamond lattice structure dataset demonstrate that the mean average precision of the YOLO-L model increased from 96.98% to 98.8%(with an intersection over union of 0.5),and the inference speed decreased from 51.3 ms to 32.5 ms when compared to YOLOv4.Thus,the YOLO-L model can be effectively used to detect defects in metal lattice structures.
基金supported in part by the National Natural Science Foundation of China under Grants 32171909,52205254,32301704the Guangdong Basic and Applied Basic Research Foundation under Grants 2023A1515011255,2024A1515010199+1 种基金the Scientific Research Projects of Universities in Guangdong Province under Grants 2024ZDZX1042,2024ZDZX3057the Ji-Hua Laboratory Open Project under Grant X220931UZ230.
文摘Defect detection based on computer vision is a critical component in ensuring the quality of industrial products.However,existing detection methods encounter several challenges in practical applications,including the scarcity of labeled samples,limited adaptability of pre-trained models,and the data heterogeneity in distributed environments.To address these issues,this research proposes an unsupervised defect detection method,FLAME(Federated Learning with Adaptive Multi-Model Embeddings).The method comprises three stages:(1)Feature learning stage:this work proposes FADE(Feature-Adaptive Domain-Specific Embeddings),a framework employs Gaussian noise injection to simulate defective patterns and implements a feature discriminator for defect detection,thereby enhancing the pre-trained model’s industrial imagery representation capabilities.(2)Knowledge distillation co-training stage:a multi-model feature knowledge distillation mechanism is introduced.Through feature-level knowledge transfer between the global model and historical local models,the current local model is guided to learn better feature representations from the global model.The approach prevents local models from converging to local optima and mitigates performance degradation caused by data heterogeneity.(3)Model parameter aggregation stage:participating clients utilize weighted averaging aggregation to synthesize an updated global model,facilitating efficient knowledge consolidation.Experimental results demonstrate that FADE improves the average image-level Area under the Receiver Operating Characteristic Curve(AUROC)by 7.34%compared to methods directly utilizing pre-trained models.In federated learning environments,FLAME’s multi-model feature knowledge distillation mechanism outperforms the classic FedAvg algorithm by 2.34%in average image-level AUROC,while exhibiting superior convergence properties.
基金funded by the National Natural Science Foundation of China(grant number 62306186)the Technology Plan Joint Foundation of Liaoning Province(grant number 2023-MSLH-246)the Technology Plan Joint Foundation of Liaoning Province(grant number 2023-BSBA-238).
文摘Detecting surface defects on unused rails is crucial for evaluating rail quality and durability to ensure the safety of rail transportation.However,existing detection methods often struggle with challenges such as complex defect morphology,texture similarity,and fuzzy edges,leading to poor accuracy and missed detections.In order to resolve these problems,we propose MSCM-Net(Multi-Scale Cross-Modal Network),a multiscale cross-modal framework focused on detecting rail surface defects.MSCM-Net introduces an attention mechanism to dynamically weight the fusion of RGB and depth maps,effectively capturing and enhancing features at different scales for each modality.To further enrich feature representation and improve edge detection in blurred areas,we propose a multi-scale void fusion module that integrates multi-scale feature information.To improve cross-modal feature fusion,we develop a cross-enhanced fusion module that transfers fused features between layers to incorporate interlayer information.We also introduce a multimodal feature integration module,which merges modality-specific features from separate decoders into a shared decoder,enhancing detection by leveraging richer complementary information.Finally,we validate MSCM-Net on the NEU RSDDS-AUG RGB-depth dataset,comparing it against 12 leading methods,and the results show that MSCM-Net achieves superior performance on all metrics.
文摘Roads inevitably have defects during use,which not only seriously affect their service life but also pose a hidden danger to traffic safety.Existing algorithms for detecting road defects are unsatisfactory in terms of accuracy and generalization,so this paper proposes an algorithm based on YOLOv11.The method embeds wavelet transform convolution(WTConv)into the backbone’s C3k2 module to enhance low-frequency feature extraction while avoiding parameter bloat.Secondly,a novel multi-scale fusion diffusion network(MFDN)architecture is designed for the neck to strengthen cross-scale feature interactions,boosting detection precision.In terms of model optimization,the traditional downsampling method is discarded,and the innovative Adown(adaptive downsampling)technique is adopted,which streamlines the parameter scales while effectively mitigating the information loss problem during downsampling.Finally,in this paper,we propose Wise-PIDIoU by combining WiseIoU and MPDIoU to minimize the negative impact of low-quality anchor frames and enhance the detection capability of the model.The experimental results indicate that the proposed algorithm achieves an average detection accuracy of 86.5%for mAP@50 on the RDD2022 dataset,which is 2%higher than the original algorithm while ensuring that the amount of computation is basically unchanged.The number of parameters is reduced by 17%,and the F1 score is improved by 3%,showing better detection performance than other algorithms when facing different types of defects.The excellent performance on embedded devices proves that the algorithm also has favorable application prospects in practical inspection.
基金supported by the National Natural Science Foundation of China under Grant 62306128the Basic Science Research Project of Jiangsu Provincial Department of Education under Grant 23KJD520003the Leading Innovation Project of Changzhou Science and Technology Bureau under Grant CQ20230072.
文摘Real-time detection of surface defects on cables is crucial for ensuring the safe operation of power systems.However,existing methods struggle with small target sizes,complex backgrounds,low-quality image acquisition,and interference from contamination.To address these challenges,this paper proposes the Real-time Cable Defect Detection Network(RC2DNet),which achieves an optimal balance between detection accuracy and computational efficiency.Unlike conventional approaches,RC2DNet introduces a small object feature extraction module that enhances the semantic representation of small targets through feature pyramids,multi-level feature fusion,and an adaptive weighting mechanism.Additionally,a boundary feature enhancement module is designed,incorporating boundary-aware convolution,a novel boundary attention mechanism,and an improved loss function to significantly enhance boundary localization accuracy.Experimental results demonstrate that RC2DNet outperforms state-of-the-art methods in precision,recall,F1-score,mean Intersection over Union(mIoU),and frame rate,enabling real-time and highly accurate cable defect detection in complex backgrounds.
文摘With the rapid development of computer vision technology,artificial intelligence algorithms,and high-performance computing platforms,machine vision technology has gradually shown its great potential in automated production lines,especially in defect detection.Machine vision technology can be applied in many industries such as semiconductor,automobile manufacturing,aerospace,food,and drugs,which can significantly improve detection efficiency and accuracy,reduce labor costs,improve product quality,enhance market competitiveness,and provide strong support for the arrival of Industry 4.0 era.In this article,the concept,advantages,and disadvantages of machine vision and the algorithm framework of machine vision in the defect detection system are briefly described,aiming to promote the rapid development of industry and strengthen China’s industry.
文摘Manufacturers must identify and classify various defects in automotive sealing rings to ensure product quality.Deep learning algorithms show promise in this field,but challenges remain,especially in detecting small-scale defects under harsh industrial conditions with multimodal data.This paper proposes an enhanced version of You Only Look Once(YOLO)v8 for improved defect detection in automotive sealing rings.We introduce the Multi-scale Adaptive Feature Extraction(MAFE)module,which integrates Deformable ConvolutionalNetwork(DCN)and Spaceto-Depth(SPD)operations.This module effectively captures long-range dependencies,enhances spatial aggregation,and minimizes information loss of small objects during feature extraction.Furthermore,we introduce the Blur-Aware Wasserstein Distance(BAWD)loss function,which improves regression accuracy and detection capabilities for small object anchor boxes,particularly in scenarios involving defocus blur.Additionally,we have constructed a high-quality dataset of automotive sealing ring defects,providing a valuable resource for evaluating defect detection methods.Experimental results demonstrate our method’s high performance,achieving 98.30% precision,96.62% recall,and an inference speed of 20.3 ms.
基金supported in part by the National Natural Science Foundation of China under Grants 62463002,62062021 and 62473033in part by the Guiyang Scientific Plan Project[2023]48–11,in part by QKHZYD[2023]010 Guizhou Province Science and Technology Innovation Base Construction Project“Key Laboratory Construction of Intelligent Mountain Agricultural Equipment”.
文摘Solar cell defect detection is crucial for quality inspection in photovoltaic power generation modules.In the production process,defect samples occur infrequently and exhibit random shapes and sizes,which makes it challenging to collect defective samples.Additionally,the complex surface background of polysilicon cell wafers complicates the accurate identification and localization of defective regions.This paper proposes a novel Lightweight Multiscale Feature Fusion network(LMFF)to address these challenges.The network comprises a feature extraction network,a multi-scale feature fusion module(MFF),and a segmentation network.Specifically,a feature extraction network is proposed to obtain multi-scale feature outputs,and a multi-scale feature fusion module(MFF)is used to fuse multi-scale feature information effectively.In order to capture finer-grained multi-scale information from the fusion features,we propose a multi-scale attention module(MSA)in the segmentation network to enhance the network’s ability for small target detection.Moreover,depthwise separable convolutions are introduced to construct depthwise separable residual blocks(DSR)to reduce the model’s parameter number.Finally,to validate the proposed method’s defect segmentation and localization performance,we constructed three solar cell defect detection datasets:SolarCells,SolarCells-S,and PVEL-S.SolarCells and SolarCells-S are monocrystalline silicon datasets,and PVEL-S is a polycrystalline silicon dataset.Experimental results show that the IOU of our method on these three datasets can reach 68.5%,51.0%,and 92.7%,respectively,and the F1-Score can reach 81.3%,67.5%,and 96.2%,respectively,which surpasses other commonly usedmethods and verifies the effectiveness of our LMFF network.
基金Program for Young Excellent Talents in the University of Fujian Province,Grant/Award Number:201847The National Key Research and Development Program of China,Grant/Award Number:2022YFB3206605Natural Science Foundation of Xiamen Municipality,Grant/Award Number:3502Z20227189。
文摘Efficient detection of surface defects is primary for ensuring product quality during manufacturing processes.To enhance the performance of deep learning-based methods in practical applications,the authors propose Dense-YOLO,a fast surface defect detection network that combines the strengths of DenseNet and you only look once version 3(YOLOv3).The authors design a lightweight backbone network with improved densely connected blocks,optimising the utilisation of shallow features while maintaining high detection speeds.Additionally,the authors refine the feature pyramid network of YOLOv3 to increase the recall of tiny defects and overall positioning accuracy.Furthermore,an online multi-angle template matching technique is introduced based on normalised cross-correlation to precisely locate the detection area.This refined template matching method not only accelerates detection speed but also mitigates the influence of the background.To validate the effectiveness of our enhancements,the authors conduct comparative experiments across two private datasets and one public dataset.Results show that Dense-YOLO outperforms existing methods,such as faster R-CNN,YOLOv3,YOLOv5s,YOLOv7,and SSD,in terms of mean average precision(mAP)and detection speed.Moreover,Dense-YOLO outperforms networks inherited from VGG and ResNet,including improved faster R-CNN,FCOS,M2Det-320 and FRCN,in mAP.
基金supported by the National Natural Science Foundation of China(NSFC,52277223 and 51977131)the Shanghai Pujiang Programme(23PJD062)。
文摘Lithium-plating-type defects in lithium-ion batteries pose severe safety risks due to their potential to trigger thermal runaway.To prevent defective batteries from entering the market,developing in-line detection methods during manufacturing is critical yet challenging.This study introduces a deep learning-based method for detecting lithium-plating-type defects using formation and capacity grading data,enabling accurate identification of defective batteries without additional equipment.First,lithiumplating-type defect batteries with various types and area ratios are fabricated.Formation and capacity grading data from 154 batteries(48 defective,106 normal)are collected to construct a dataset.Subsequently,a dual-task deep learning model is then developed,where the reconstruction task learns latent representations from the features,while the classification task identifies the defective batteries.Shapley value analysis further quantifies feature importance,revealing that defective batteries exhibit reduced coulombic efficiency(attributed to irreversible lithium loss)and elevated open-circuit voltage/K-values(linked to self-equalization effects).These findings align with the electrochemical mechanisms of lithium plating,enhancing the model's interpretability.Validated on statistically robust samples shows that the framework achieves a recall of 97.14%for defective batteries and an overall accuracy of 97.42%.This deep learning-driven solution provides a scalable and cost-effective quality control strategy for battery manufacturing.
基金supported in part by the National Key R&D Program of China(Grant No.2023YFB3307604)the Shanxi Province Basic Research Program Youth Science Research Project(Grant Nos.202303021212054 and 202303021212046)+3 种基金the Key Projects Supported by Hebei Natural Science Foundation(Grant No.E2024203125)the National Science Foundation of China(Grant No.52105391)the Hebei Provincial Science and Technology Major Project(Grant No.23280101Z)the National Key Laboratory of Metal Forming Technology and Heavy Equipment Open Fund(Grant No.S2308100.W17).
文摘A novel dual-branch decoding fusion convolutional neural network model(DDFNet)specifically designed for real-time salient object detection(SOD)on steel surfaces is proposed.DDFNet is based on a standard encoder–decoder architecture.DDFNet integrates three key innovations:first,we introduce a novel,lightweight multi-scale progressive aggregation residual network that effectively suppresses background interference and refines defect details,enabling efficient salient feature extraction.Then,we propose an innovative dual-branch decoding fusion structure,comprising the refined defect representation branch and the enhanced defect representation branch,which enhance accuracy in defect region identification and feature representation.Additionally,to further improve the detection of small and complex defects,we incorporate a multi-scale attention fusion module.Experimental results on the public ESDIs-SOD dataset show that DDFNet,with only 3.69 million parameters,achieves detection performance comparable to current state-of-the-art models,demonstrating its potential for real-time industrial applications.Furthermore,our DDFNet-L variant consistently outperforms leading methods in detection performance.The code is available at https://github.com/13140W/DDFNet.