期刊文献+
共找到151篇文章
< 1 2 8 >
每页显示 20 50 100
Weld defects detection method based on improved YOLOv5s 被引量:1
1
作者 Runchao Liu Jiyang Qi +1 位作者 Dongliang Shui Tang Ebolo Micheline Hortense 《China Welding》 2025年第2期119-131,共13页
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. 展开更多
关键词 Weld defects detection Improved YOLOv5s scSE-ASFF Feature fusion
在线阅读 下载PDF
Evaluation of On-Vehicle Bone-Conduct Acoustic Emission Detection for Rail Defects
2
作者 Lei Jia Jee Woong Park +2 位作者 Ming Zhu Yingtao Jiang Hualiang Teng 《Journal of Transportation Technologies》 2025年第1期95-121,共27页
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. 展开更多
关键词 Railroad Infrastructure Rail Defect detection Rail Health Monitoring Wavelet Analysis Acoustic Emission detection
在线阅读 下载PDF
Detecting Vehicle Mechanical Defects Using an Ensemble Deep Learning Model with Mel Frequency Cepstral Coefficients from Acoustic Data
3
作者 Mudasir Ali Muhammad Faheem Mushtaq +3 位作者 Urooj Akram Nagwan Abdel Samee Mona M.Jamjoom Imran Ashraf 《Computer Modeling in Engineering & Sciences》 2025年第11期1863-1901,共39页
Differentiating between regular and abnormal noises in machine-generated sounds is a crucial but difficult problem.For accurate audio signal classification,suitable and efficient techniques are needed,particularly mac... Differentiating between regular and abnormal noises in machine-generated sounds is a crucial but difficult problem.For accurate audio signal classification,suitable and efficient techniques are needed,particularly machine learning approaches for automated classification.Due to the dynamic and diverse representative characteristics of audio data,the probability of achieving high classification accuracy is relatively low and requires further research efforts.This study proposes an ensemble model based on the LeNet and hierarchical attention mechanism(HAM)models with MFCC features to enhance the models’capacity to handle bias.Additionally,CNNs,bidirectional LSTM(BiLSTM),CRNN,LSTM,capsule network model(CNM),attention mechanism(AM),gated recurrent unit(GRU),ResNet,EfficientNet,and HAM models are implemented for performance comparison.Experiments involving the DCASE2020 dataset reveal that the proposed approach works better than the others,achieving an impressive 99.13%accuracy and 99.56%k-fold cross-validation accuracy.Comparison with state-of-the-art studies further validates this performance.The study’s findings highlight the potential of the proposed approach for accurate fault detection in vehicles,particularly involving the use of acoustic data. 展开更多
关键词 Vehicle defect detection sound classification acoustic analysis deep learning hybrid model Mel frequency cepstral coefficients
在线阅读 下载PDF
Lightweight Small Defect Detection with YOLOv8 Using Cascaded Multi-Receptive Fields and Enhanced Detection Heads
4
作者 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
Algorithmic Scheme for Concurrent Detection and Classification of Printed Circuit Board Defects 被引量:11
5
作者 Jakkrit Onshaunjit Jakkree Srinonchat 《Computers, Materials & Continua》 SCIE EI 2022年第4期355-367,共13页
An ideal printed circuit board(PCB)defect inspection system can detect defects and classify PCB defect types.Existing defect inspection technologies can identify defects but fail to classify all PCB defect types.This ... An ideal printed circuit board(PCB)defect inspection system can detect defects and classify PCB defect types.Existing defect inspection technologies can identify defects but fail to classify all PCB defect types.This research thus proposes an algorithmic scheme that can detect and categorize all 14-known PCB defect types.In the proposed algorithmic scheme,fuzzy cmeans clustering is used for image segmentation via image subtraction prior to defect detection.Arithmetic and logic operations,the circle hough transform(CHT),morphological reconstruction(MR),and connected component labeling(CCL)are used in defect classification.The algorithmic scheme achieves 100%defect detection and 99.05%defect classification accuracies.The novelty of this research lies in the concurrent use of CHT,MR,and CCL algorithms to accurately detect and classify all 14-known PCB defect types and determine the defect characteristics such as the location,area,and nature of defects.This information is helpful in electronic parts manufacturing for finding the root causes of PCB defects and appropriately adjusting the manufacturing process.Moreover,the algorithmic scheme can be integrated into machine vision to streamline the manufacturing process,improve the PCB quality,and lower the production cost. 展开更多
关键词 PCB inspection PCB defect types defect detection defect classification image processing
在线阅读 下载PDF
Improved Roberts operator for detecting surface defects of heavy rails with superior precision and efficiency 被引量:7
6
作者 石甜 Kong Jianyi +2 位作者 Wang Xingdong Liu Zhao Xiong Jianliang 《High Technology Letters》 EI CAS 2016年第2期207-214,共8页
An experimental platform accompanying with the improved Roberts algorithm has been developed to achieve accurate and real-time edge detection of surface defects on heavy rails.Detection results of scratching defects s... An experimental platform accompanying with the improved Roberts algorithm has been developed to achieve accurate and real-time edge detection of surface defects on heavy rails.Detection results of scratching defects show that the improved Roberts operator can attain accurate positioning to defect contour and get complete edge information.Meanwhile,a decreasing amount of interference noises as well as more precise characteristic parameters of the extracted defects can also be confirmed for the improved algorithm.Furthermore,the BP neural network adopted for defects classification with the improved Roberts operator can obtain the target training precision with 98 iterative steps and time of 2s while that of traditional Roberts operator is 118 steps and 4s.Finally,an enhanced defects identification rate of 13.33%has also been confirmed after the Roberts operator is improved.The proposed detecting platform will be positive in producing high-quality heavy rails and guaranteeing the national transportation safety. 展开更多
关键词 detecting platform Roberts operator defects detection heavy rails identificationrate
在线阅读 下载PDF
Internal Defects Detection Method of the Railway Track Based on Generalization Features Cluster Under Ultrasonic Images 被引量:4
7
作者 Fupei Wu Xiaoyang Xie +1 位作者 Jiahua Guo Qinghua Li 《Chinese Journal of Mechanical Engineering》 SCIE EI CAS CSCD 2022年第5期364-381,共18页
There may be several internal defects in railway track work that have different shapes and distribution rules,and these defects affect the safety of high-speed trains.Establishing reliable detection models and methods... There may be several internal defects in railway track work that have different shapes and distribution rules,and these defects affect the safety of high-speed trains.Establishing reliable detection models and methods for these internal defects remains a challenging task.To address this challenge,in this study,an intelligent detection method based on a generalization feature cluster is proposed for internal defects of railway tracks.First,the defects are classified and counted according to their shape and location features.Then,generalized features of the internal defects are extracted and formulated based on the maximum difference between different types of defects and the maximum tolerance among same defects’types.Finally,the extracted generalized features are expressed by function constraints,and formulated as generalization feature clusters to classify and identify internal defects in the railway track.Furthermore,to improve the detection reliability and speed,a reduced-dimension method of the generalization feature clusters is presented in this paper.Based on this reduced-dimension feature and strongly constrained generalized features,the K-means clustering algorithm is developed for defect clustering,and good clustering results are achieved.Regarding the defects in the rail head region,the clustering accuracy is over 95%,and the Davies-Bouldin index(DBI)index is negligible,which indicates the validation of the proposed generalization features with strong constraints.Experimental results prove that the accuracy of the proposed method based on generalization feature clusters is up to 97.55%,and the average detection time is 0.12 s/frame,which indicates that it performs well in adaptability,high accuracy,and detection speed under complex working environments.The proposed algorithm can effectively detect internal defects in railway tracks using an established generalization feature cluster model. 展开更多
关键词 Railway track Generalization features cluster defects classification Ultrasonic image defects detection
在线阅读 下载PDF
Improvement of High-Speed Detection Algorithm for Nonwoven Material Defects Based on Machine Vision 被引量:3
8
作者 LI Chengzu WEI Kehan +4 位作者 ZHAO Yingbo TIAN Xuehui QIAN Yang ZHANG Lu WANG Rongwu 《Journal of Donghua University(English Edition)》 CAS 2024年第4期416-427,共12页
Defect detection is vital in the nonwoven material industry,ensuring surface quality before producing finished products.Recently,deep learning and computer vision advancements have revolutionized defect detection,maki... Defect detection is vital in the nonwoven material industry,ensuring surface quality before producing finished products.Recently,deep learning and computer vision advancements have revolutionized defect detection,making it a widely adopted approach in various industrial fields.This paper mainly studied the defect detection method for nonwoven materials based on the improved Nano Det-Plus model.Using the constructed samples of defects in nonwoven materials as the research objects,transfer learning experiments were conducted based on the Nano DetPlus object detection framework.Within this framework,the Backbone,path aggregation feature pyramid network(PAFPN)and Head network models were compared and trained through a process of freezing,with the ultimate aim of bolstering the model's feature extraction abilities and elevating detection accuracy.The half-precision quantization method was used to optimize the model after transfer learning experiments,reducing model weights and computational complexity to improve the detection speed.Performance comparisons were conducted between the improved model and the original Nano Det-Plus model,YOLO,SSD and other common industrial defect detection algorithms,validating that the improved methods based on transfer learning and semi-precision quantization enabled the model to meet the practical requirements of industrial production. 展开更多
关键词 defect detection nonwoven materials deep learning object detection algorithm transfer learning halfprecision quantization
在线阅读 下载PDF
Automatic Detection of Weld Defects in Pressure Vessel X-Ray Image Based on CNN 被引量:1
9
作者 XIAO Wenkai FENG Xiang +1 位作者 NAN Shuiyu ZHANG Linlin 《Wuhan University Journal of Natural Sciences》 CAS CSCD 2022年第6期489-498,共10页
The visual automatic detection method based on artificial intelligence has attracted more and more attention. In order to improve the performance of weld nondestructive defect detection,we propose DRepDet(Dilated RepP... The visual automatic detection method based on artificial intelligence has attracted more and more attention. In order to improve the performance of weld nondestructive defect detection,we propose DRepDet(Dilated RepPoints Detector). First, we analyze the weld defect dataset in detail and summarize the distribution characteristics of weld defect data, that is, the defect scale is very different and the aspect ratio distribution range is large. Second, according to the distribution characteristics of defect data, we design DResBlock module, and introduce dilated convolution with different dilated rates in the process of feature extraction to expand the receptive field and improve the detection performance of large-scale defects. Based on DResBlock and anchor-free detection framework RepPoints, we design DRepDet. Extensive experiments show that our proposed detector can detect 7 types of defects. When using combined dilated rate convolution network in detection, the AP50 and Recall50 of big defects are improved by 3.1% and 3.3% respectively, while the performance of small defects is not affected, almost the same or slightly improved. The final performance of the whole network is improved a large margin,with 6% AP50 and 4.2% Recall50 compared with Cascade RCNN and 1.4% AP50 and 2.9% Recall50 compared with RepPoints. 展开更多
关键词 nondestructive testing depth learning weld defect detection convolutional neural networks dilated convolution
原文传递
Method for Detecting Industrial Defects in Intelligent Manufacturing Using Deep Learning 被引量:1
10
作者 Bowen Yu Chunli Xie 《Computers, Materials & Continua》 SCIE EI 2024年第1期1329-1343,共15页
With the advent of Industry 4.0,marked by a surge in intelligent manufacturing,advanced sensors embedded in smart factories now enable extensive data collection on equipment operation.The analysis of such data is pivo... With the advent of Industry 4.0,marked by a surge in intelligent manufacturing,advanced sensors embedded in smart factories now enable extensive data collection on equipment operation.The analysis of such data is pivotal for ensuring production safety,a critical factor in monitoring the health status of manufacturing apparatus.Conventional defect detection techniques,typically limited to specific scenarios,often require manual feature extraction,leading to inefficiencies and limited versatility in the overall process.Our research presents an intelligent defect detection methodology that leverages deep learning techniques to automate feature extraction and defect localization processes.Our proposed approach encompasses a suite of components:the high-level feature learning block(HLFLB),the multi-scale feature learning block(MSFLB),and a dynamic adaptive fusion block(DAFB),working in tandem to extract meticulously and synergistically aggregate defect-related characteristics across various scales and hierarchical levels.We have conducted validation of the proposed method using datasets derived from gearbox and bearing assessments.The empirical outcomes underscore the superior defect detection capability of our approach.It demonstrates consistently high performance across diverse datasets and possesses the accuracy required to categorize defects,taking into account their specific locations and the extent of damage,proving the method’s effectiveness and reliability in identifying defects in industrial components. 展开更多
关键词 Industrial defect detection deep learning intelligent manufacturing
在线阅读 下载PDF
Detection of Fabric Defects with Fuzzy Label Co-occurrence Matrix Set 被引量:1
11
作者 邹超 汪秉文 孙志刚 《Journal of Donghua University(English Edition)》 EI CAS 2009年第5期549-553,共5页
Co-occurrence matrices have been successfully applied in texture classification and segmentation.However,they have poor computation performance in real-time application.In this paper,the efficient co-occurrence matrix... Co-occurrence matrices have been successfully applied in texture classification and segmentation.However,they have poor computation performance in real-time application.In this paper,the efficient co-occurrence matrix solution for defect detection is focused on,and a method of Fuzzy Label Co-occurrence Matrix (FLCM) set is proposed.In this method,all gray levels are supposed to subject to some fuzzy sets called fuzzy tonal sets and three defective features are defined.Features of FLCM set with various parameters are combined for the final judgment.Unlike many methods,image acquired for learning hasn't to be entirely free of defects.It is shown that the method produces high accuracy and can be a competent candidate for plain colour fabric defect detection. 展开更多
关键词 fabric defect detection fuzzy label cooccurrence matrix set fuzzy logic
在线阅读 下载PDF
Detection of fabric defects based on bilateral filter and frangi filter 被引量:1
12
作者 徐启永 Hu Feng Wang Chuantong 《石化技术》 CAS 2018年第5期121-121,共1页
Aimed at low contrast effect on fabric detection,a method based on bilateral filter and frangi filter is proposed. Firstly,in order to reduce the influence of fabric background texture information on the detection res... Aimed at low contrast effect on fabric detection,a method based on bilateral filter and frangi filter is proposed. Firstly,in order to reduce the influence of fabric background texture information on the detection results,bilateral filter is used to deal with the fabric image. Then frangi filter is used to filter the fabric image after bilateral filtering to enhance the fabric defect area information. Finally,a maximum entropy method is implemented on the fabric image after frangi filtering to separate the defected area. Experimental results show that the proposed method can effectively detect defects. 展开更多
关键词 defect detection bilateral filter frangi filter maximum entropy method
在线阅读 下载PDF
YOLO-RLC:An Advanced Target-Detection Algorithm for Surface Defects of Printed Circuit Boards Based on YOLOv5
13
作者 Yuanyuan Wang Jialong Huang +4 位作者 Md Sharid Kayes Dipu Hu Zhao Shangbing Gao Haiyan Zhang Pinrong Lv 《Computers, Materials & Continua》 SCIE EI 2024年第9期4973-4995,共23页
Printed circuit boards(PCBs)provide stable connections between electronic components.However,defective printed circuit boards may cause the entire equipment system to malfunction,resulting in incalculable losses.There... Printed circuit boards(PCBs)provide stable connections between electronic components.However,defective printed circuit boards may cause the entire equipment system to malfunction,resulting in incalculable losses.Therefore,it is crucial to detect defective printed circuit boards during the generation process.Traditional detection methods have low accuracy in detecting subtle defects in complex background environments.In order to improve the detection accuracy of surface defects on industrial printed circuit boards,this paper proposes a residual large kernel network based on YOLOv5(You Only Look Once version 5)for PCBs surface defect detection,called YOLO-RLC(You Only Look Once-Residual Large Kernel).Build a deep large kernel backbone to expand the effective field of view,capture global informationmore efficiently,and use 1×1 convolutions to balance the depth of the model,improving feature extraction efficiency through reparameterization methods.The neck network introduces a bidirectional weighted feature fusion network,combined with a brand-new noise filter and feature enhancement extractor,to eliminate noise information generated by information fusion and recalibrate information from different channels to improve the quality of deep features.Simplify the aspect ratio of the bounding box to alleviate the issue of specificity values.After training and testing on the PCB defect dataset,our method achieved an average accuracy of 97.3%(mAP50)after multiple experiments,which is 4.1%higher than YOLOv5-S,with an average accuracy of 97.6%and an Frames Per Second of 76.7.The comparative analysis also proves the superior performance and feasibility of YOLO-RLC in PCB defect detection. 展开更多
关键词 Deep learning PCB defect detection large kernel noise filtering weighted fusion YOLO
在线阅读 下载PDF
YOLO-VSI: An Improved YOLOv8 Model for Detecting Railway Turnouts Defects in Complex Environments
14
作者 Chenghai Yu Zhilong Lu 《Computers, Materials & Continua》 SCIE EI 2024年第11期3261-3280,共20页
Railway turnouts often develop defects such as chipping,cracks,and wear during use.If not detected and addressed promptly,these defects can pose significant risks to train operation safety and passenger security.Despi... Railway turnouts often develop defects such as chipping,cracks,and wear during use.If not detected and addressed promptly,these defects can pose significant risks to train operation safety and passenger security.Despite advances in defect detection technologies,research specifically targeting railway turnout defects remains limited.To address this gap,we collected images from railway inspectors and constructed a dataset of railway turnout defects in complex environments.To enhance detection accuracy,we propose an improved YOLOv8 model named YOLO-VSS-SOUP-Inner-CIoU(YOLO-VSI).The model employs a state-space model(SSM)to enhance the C2f module in the YOLOv8 backbone,proposed the C2f-VSS module to better capture long-range dependencies and contextual features,thus improving feature extraction in complex environments.In the network’s neck layer,we integrate SPDConv and Omni-Kernel Network(OKM)modules to improve the original PAFPN(Path Aggregation Feature Pyramid Network)structure,and proposed the Small Object Upgrade Pyramid(SOUP)structure to enhance small object detection capabilities.Additionally,the Inner-CIoU loss function with a scale factor is applied to further enhance the model’s detection capabilities.Compared to the baseline model,YOLO-VSI demonstrates a 3.5%improvement in average precision on our railway turnout dataset,showcasing increased accuracy and robustness.Experiments on the public NEU-DET dataset reveal a 2.3%increase in average precision over the baseline,indicating that YOLO-VSI has good generalization capabilities. 展开更多
关键词 YOLO railway turnouts defect detection mamba FPN(Feature Pyramid Network)
在线阅读 下载PDF
Industry-Oriented Detection Method of PCBA Defects Using Semantic Segmentation Models
15
作者 Yang Li Xiao Wang +10 位作者 Zhifan He Ze Wang Ke Cheng Sanchuan Ding Yijing Fan Xiaotao Li Yawen Niu Shanpeng Xiao Zhenqi Hao Bin Gao Huaqiang Wu 《IEEE/CAA Journal of Automatica Sinica》 SCIE EI CSCD 2024年第6期1438-1446,共9页
Automated optical inspection(AOI)is a significant process in printed circuit board assembly(PCBA)production lines which aims to detect tiny defects in PCBAs.Existing AOI equipment has several deficiencies including lo... Automated optical inspection(AOI)is a significant process in printed circuit board assembly(PCBA)production lines which aims to detect tiny defects in PCBAs.Existing AOI equipment has several deficiencies including low throughput,large computation cost,high latency,and poor flexibility,which limits the efficiency of online PCBA inspection.In this paper,a novel PCBA defect detection method based on a lightweight deep convolution neural network is proposed.In this method,the semantic segmentation model is combined with a rule-based defect recognition algorithm to build up a defect detection frame-work.To improve the performance of the model,extensive real PCBA images are collected from production lines as datasets.Some optimization methods have been applied in the model according to production demand and enable integration in lightweight computing devices.Experiment results show that the production line using our method realizes a throughput more than three times higher than traditional methods.Our method can be integrated into a lightweight inference system and pro-mote the flexibility of AOI.The proposed method builds up a general paradigm and excellent example for model design and optimization oriented towards industrial requirements. 展开更多
关键词 Automated optical inspection(AOI) deep learning defect detection printed circuit board assembly(PCBA) semantic segmentation.
在线阅读 下载PDF
An Approach to Detect Structural Development Defects in Object-Oriented Programs
16
作者 Maxime Seraphin Gnagne Mouhamadou Dosso +1 位作者 Mamadou Diarra Souleymane Oumtanaga 《Open Journal of Applied Sciences》 2024年第2期494-510,共17页
Structural development defects essentially refer to code structure that violates object-oriented design principles. They make program maintenance challenging and deteriorate software quality over time. Various detecti... Structural development defects essentially refer to code structure that violates object-oriented design principles. They make program maintenance challenging and deteriorate software quality over time. Various detection approaches, ranging from traditional heuristic algorithms to machine learning methods, are used to identify these defects. Ensemble learning methods have strengthened the detection of these defects. However, existing approaches do not simultaneously exploit the capabilities of extracting relevant features from pre-trained models and the performance of neural networks for the classification task. Therefore, our goal has been to design a model that combines a pre-trained model to extract relevant features from code excerpts through transfer learning and a bagging method with a base estimator, a dense neural network, for defect classification. To achieve this, we composed multiple samples of the same size with replacements from the imbalanced dataset MLCQ1. For all the samples, we used the CodeT5-small variant to extract features and trained a bagging method with the neural network Roberta Classification Head to classify defects based on these features. We then compared this model to RandomForest, one of the ensemble methods that yields good results. Our experiments showed that the number of base estimators to use for bagging depends on the defect to be detected. Next, we observed that it was not necessary to use a data balancing technique with our model when the imbalance rate was 23%. Finally, for blob detection, RandomForest had a median MCC value of 0.36 compared to 0.12 for our method. However, our method was predominant in Long Method detection with a median MCC value of 0.53 compared to 0.42 for RandomForest. These results suggest that the performance of ensemble methods in detecting structural development defects is dependent on specific defects. 展开更多
关键词 Object-Oriented Programming Structural Development Defect detection Software Maintenance Pre-Trained Models Features Extraction BAGGING Neural Network
在线阅读 下载PDF
Steel Surface Defect Detection Using Learnable Memory Vision Transformer
17
作者 Syed Tasnimul Karim Ayon Farhan Md.Siraj Jia Uddin 《Computers, Materials & Continua》 SCIE EI 2025年第1期499-520,共22页
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. 展开更多
关键词 Learnable Memory Vision Transformer(LMViT) Convolutional Neural Networks(CNN) metal surface defect detection deep learning computer vision image classification learnable memory gradient clipping label smoothing t-SNE visualization
在线阅读 下载PDF
A review of concrete bridge surface defect detection based on deep learning
18
作者 LIAO Yanna HUANG Chaoyang Abdel-Hamid SOLIMAN 《Optoelectronics Letters》 2025年第9期562-576,共15页
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. 展开更多
关键词 deep learning detection surface defects intelligent transformation manual visual inspectiondeep concrete bridges reducing operational riskssaving concrete bridge concrete defect detection
原文传递
Steel surface defect detection based on lightweight YOLOv7
19
作者 SHI Tao WU Rongxin +1 位作者 ZHU Wenxu MA Qingliang 《Optoelectronics Letters》 2025年第5期306-313,共8页
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. 展开更多
关键词 obtain redundant information defect detection steel surface cascading style sheets block module lightweight yolov lightweight operations spatial pyramid pooling steel surface defect detection
原文传递
X-Ray Techniques for Defect Detection in Industrial Components and Materials:A Review
20
作者 Xin Wen Siru Chen +3 位作者 Kechen Song Han Yu Xingjie Li Ling Zhong 《Computers, Materials & Continua》 2025年第12期4173-4201,共29页
With the growing demand for higher product quality in manufacturing,X-ray non-destructive testing has found widespread application not only in industrial quality control but also in a wide range of industrial applicat... With the growing demand for higher product quality in manufacturing,X-ray non-destructive testing has found widespread application not only in industrial quality control but also in a wide range of industrial applications,owing to its unique capability to penetrate materials and reveal both internal and surface defects.This paper presents a systematic review of recent advances and current applications of X-ray-based defect detection in industrial components.It begins with an overview of the fundamental principles of X-ray imaging and typical inspection workflows,followed by a review of classical image processing methods for defect detection,segmentation,and classification,with particular emphasis on their limitations in feature extraction and robustness.The focus then shifts to recent developments in deep learning techniques—particularly convolutional neural networks,object detection,and segmentation algorithms—and their innovative applications in X-ray defect analysis,which demonstrate substantial advantages in terms of automation and accuracy.In addition,the paper summarizes newly released public datasets and performance evaluation metrics reported in recent years.Finally,it discusses the current challenges and potential solutions in X-ray-based defect detection for industrial components,outlines key directions for future research,and highlights the practical relevance of these advances to real-world industrial applications. 展开更多
关键词 X-RAY industrial applications non-destructive testing defect detection deep learning
在线阅读 下载PDF
上一页 1 2 8 下一页 到第
使用帮助 返回顶部