1. Introduction
In the high-end industrial field, any small defect on the surface about galvanized sheet is detrimental to product [1]. However, due to complex characteristics concerning surface for galvanized sheet, research on the detection of ZFDs on its surface is still scarce. Existing research methods are mainly divided into three categories: based on artificial visual detection methods, based on emerging technologies such as infrared and eddy current, and based on deep learning (DL).
The method based on manual visual detection will be subject to the subjective influence of experience and working state of staff, resulting in different evaluation standards and different test results [2]. Due to faster running speed regarding factory production line, and small shape of many steel surface defects, there will be many missing judgments and misjudgments in manual detection, and detection effect is not very ideal. Although emerging technologies such as infrared and eddy current can independently detect a specific defect, they are only suitable for some cases where detection requirements are not high. In addition, these technologies cannot comprehensively assess quality status of products [3]. In complex multi-defect detection work with multiple defects, these techniques may not be adequate [4]. Object detection technology based on DL is an end-to-end detection method, which has been widely used in defect detection in various fields. Many people apply DL to defect detection in steel field.
In recent years, many defect detection methods based on convolution neural network (CNN) have become concerned [5–10]. Liu et al. [11] proposed an improved U-Net model for detection about steel plate surface defects, which solved difficulty about inequality sample collection and segmentation for small defect areas. Zhao et al. [12] based on Faster R-CNN can effectively identify small defects on steel surfaces. Huang et al. [13] proposed SSA-YOLO, which achieves higher accuracy and sensitivity in detecting surface defects about steel strips. Hu et al. [14] extracted key information for texture and geometric shape by analyzing collected defect information concerning continuous casting billet surface, and obtained 83% accuracy by using support vector machine technology. Subsequently, they introduced CNN technology, which has an accuracy of more than 88%, significantly improving effectiveness of defect detection. Zhang et al. [15] designed a detection model named GDM-YOLO, which was derived from improvement of YOLOv8s. The experimental results show that, compared with YOLOv8s, accuracy regarding GADM-YOLO on the Neu-Det dataset is increased by 3%. At the same time, the number of parameters is reduced, and real-time demand for steel surface defect detection in industrial production is reached. Meng et al. [16] proposed an improved method for steel surface detection based on YOLOv8n. By replacing space pyramid fusion module, YOLOv8n improves speed and accuracy of detecting steel surface defects. By using the advanced machine vision system Faster R-CNN, Gu et al. [17] could accurately find various forms of different defects, and could quickly and accurately locate defects according to their different characteristics. To this end, they also introduced pyramid fusion algorithm and deformable convolution technology to greatly improve accuracy concerning Faster R-CNN. The average recognition accuracy is more than 90%, and accuracy is less than 90% when dealing with more complex situations such as scratches and black spots on the edge. Finally, after a study by Xu et al. [18], the YOLO-v3 network model achieved satisfactory results in treating the defects on the surface of the steel plate. MobileNet technology was used to strengthen cavity convolution, which greatly improved detection efficiency about model. Through the introduction for inception architecture, the coverage regarding network is greatly expanded, thus significantly improving accuracy for detection.
In addition, edge detection methods have also been applied in the field of defect identification [19–22]. He et al. [23] improved the Canny algorithm in view of the existing edge detection algorithm’s vulnerability to external interference and fuzzy detection results. In this paper, a new automatic edge detection method for power chip package defect image is proposed, which uses double filter algorithm to remove noise from power chip package defect image and improve image quality. Chen et al. [24] proposed an improved Canny operator to realize the edge detection and target region extraction of defective steel plate images. By introducing bilateral filtering and improved Otsu method, the image denoising and double threshold adaptive adjustment of Canny detector are realized respectively, and the feature index with prior knowledge is constructed to filter the image background and extract the target region. The experimental results show that the proposed method is superior to the traditional edge detection methods in the detection accuracy and robustness of defective steel plate images.
Due to characteristics of fuzzy boundary and more background interference and the shortcomings about existing detection methods, a high-precision real-time detection method for ZFDs on galvanized steel surface, ZFD-Net, was proposed in this paper. This method can not only greatly improve accuracy of detection, but also realize real-time detection. Our significant contributions and originality to this work are summarized below:
1. (1). We propose a framework for surface defect detection of galvanized sheets called ZFD-Net, which is designed to perform ZFD detection tasks with high accuracy and speed. Since there is no public data set available for this paper, we construct a new dataset for detecting ZFDs on galvanized sheet surfaces. The dataset consists of 2880 real-world images with motion blur, clarity changes, different viewing angles, and dust interference.
2. (2). We propose that the CSTR module can improve ability about model to obtain global attention, so that model can extract global features for image. Bi-FPN was used for multi-scale feature fusion (MSFF), which effectively fused semantic information and location information for different levels in feature extraction network (FEN).
3. (3). In this paper, a CRSFN module is proposed to accelerate the model inference speed and improve the model’s ability to focus on important defect features.
4. (4). Experimental analysis shows that compared with other detection methods, the ZFD-Net algorithm proposed in paper has better performance in detecting ZFDs on surface of galvanized sheet, effectively meeting the requirements of the production line for detection accuracy and detection speed, and has better generalization ability.
2. Dataset production and augmentation
2.1. Zinc flower defect dataset of galvanized sheet
The quality about dataset directly determines performance regarding trained model and upper limit for detection effect. A high-quality dataset is an important prerequisite for verifying performance regarding model. At present, there is no public dataset of ZFDs on surface of galvanized sheet, so data sets used in training and testing for this paper are self-made dataset. In this paper, sample images for defective galvanized sheets and real-time images about intercepted production lines were selected to produce data sets, as shown in Figs 1 and 2.
[Figure omitted. See PDF.]
[Figure omitted. See PDF.]
In this paper, the dataset of zinc-flower defects on surface concerning galvanized sheet is collected from the finished products of galvanized sheet produced by the factory. We choose twill and inequality two common defects for research; each picture contains obvious defects. Among them, twill defects mainly occur in hot base galvanized products with thick substrate and thick zinc layer, which are manifested as streaks on edge concerning hot base galvanized sheet at a certain angle to running direction concerning strip steel, as shown in green box about Fig 3a, and zinc layer at streaks is obviously thickened. In extreme cases, streak may run through entire cross section about galvanized sheet, forming a penetrating stripe defect. Inequality zinc flower size is a common defect, it is shown that head and tail concerning steel zinc flower size is significantly smaller than the middle, or difference between the two is large, as shown in yellow and orange boxes in Fig 3b.
[Figure omitted. See PDF.]
Zinc-flower defect data set of galvanized sheets are composed concerning original image and corresponding label files. First, this paper uses Labelimg software to classify defects one by one on original image and manually label them to make labels for different kinds of defects, in which pixels of different defects are marked with different values. In the task of detecting zinc-pattern defects on surface concerning galvanized sheet, twill defects are marked as 0 and inequality defects are marked as 1. txt files suitable for YOLO network format and XML files in VOC2007 format are exported.
2.2. Data preprocessing
When galvanized sheet is sampled in factory line, due to high-speed operation concerning equipment, camera used to photograph ZFD on surface about galvanized sheet will move relative to galvanized sheet. In addition, due to problems such as exposure time, motion blur occurs when camera takes a single frame shot. Because image acquisition itself is susceptible to external environment interference, and surface defects of galvanized sheet have characteristics regarding fuzzy boundary, similar to background area material, color, texture, etc., which is easy to cause interference, direct training will lead to poor defect detection effect.
Therefore, two preprocessing operations, wiener filter [25] to reduce motion blur and contrast limited adaptive histogram equalization (CLAHE) [26], are carried out in this paper according to characteristics regarding galvanized sheet images. It can effectively remove noise and other interfering factors in picture, thus greatly enhancing accuracy for data. Effect concerning reducing motion blur is shown in Fig 4. CLAHE’s shown in Fig 5. As can be seen from Fig 5, after processing with this algorithm, contrast about image is improved, and detailed information such as defect boundary is richer and clearer.
[Figure omitted. See PDF.]
[Figure omitted. See PDF.]
(a) Original motion blur image(b) Remove blur after image
2.3. Data enhancement
Generally speaking, a large number of data samples are needed to train DL network model so that parameters in network can reach optimal state, and the quality of training samples also greatly affects final performance concerning network. However, in fact, image for ZFD on surface about galvanized sheet can be obtained from production line and defective galvanized sheet, and image is usually too large, resulting in cumbersome data labeling work. Dataset used for training is not enough to support a good detection model, so it is necessary to rely on data enhancement to expand dataset image. To increase diversity of datasets and improve performance concerning model, this paper enhanced marked datasets [27], expanded data sets by random rotation, random flipping, changing brightness, adjusting contrast, adding gaussian noise and other methods, and increased the size concerning dataset to 12 times that about original dataset. It effectively reduces overfitting during training and improves generalization and robustness network. The overall effect is shown in Fig 6. Through the above data enhancement methods, we expanded dataset, and finally obtained 2880 ZFD images and corresponding labels concerning galvanized sheet. Training set, valid set and test set are randomly divided according to proportion of 80%, 10% and 10%. Valid set is used to select optimal combination of network weight parameters. Finally, weight parameter model is applied to test set to evaluate model performance.
[Figure omitted. See PDF.]
3. Propose method
3.1. The overall architecture of ZFD-Net
By improving and optimizing the baseline (YOLO-v5), we propose a new ZFD-Net network, whose architecture can be seen from Fig 7, which includes four parts: input, backbone FEN, feature pyramid and detection head. YOLO-v5 extracts images from the incoming network through backbone FEN, fuses image semantic information at the top level with the bottom level using FPN, and enhances the positioning signal at the top level using the bottom-up path enhancement method PANet. However, for the detection task of ZFDs on the surface of galvanized sheet, especially the extraction from high-resolution images, because the ZFDs of galvanized sheet do not have clear edges, many features of the background area of galvanized sheet are similar to those of the defect area, if the shallow layer information is directly added to the high-level features, the extraction results will be very unreliable. Since factory has high requirements for speed concerning production line operation, reasoning speed about YOLO-v5 network should also be further improved.
[Figure omitted. See PDF.]
By replacing C3 module with CRSFN module, the ZFD-Net network proposed in this paper solves problem of too many parameters and too much computation. This method not only improves the inference speed regarding model, but also improves the ability about FE. The CSTR module is added to the last layer for backbone FEN to make model have ability to compare global information regarding feature map and obtain a larger receptive field. Finally, due to the complex zinc pattern path on the surface concerning galvanized sheet, YOLO-v5 cannot interpret deeper features, and cannot clearly extract defect and non-defect areas in the image, and introduce a lot of interference information. By using Bi-FPN technology, we can effectively fuse the information for different scales together, so as to better deal with characteristics concerning zinc flowers on the surface about galvanized sheet, and achieve better transmission and fusion of information.
3.2. CSTR module
Many characteristics concerning ZFDs on the surface about galvanized sheet are very similar to those of normal zinc flowers, such as similar color, and even similar shape and texture for zinc flowers in inequality defects. It is difficult to accurately identify defects only through the local features concerning feature map. For the task of detecting ZFDs on the surface of galvanized sheet, the network needs a larger receptive field to compare the features regarding different regions, so that the model can learn the features that can truly identify defects. However, the network structure based on CNN is limited by the size concerning convolution kernel. It is difficult to obtain a comprehensive receptive field to extract defect features globally. In addition, the surface of galvanized sheet has the characteristic about reflection, which is affected by light, so it is difficult to identify the exact defect characteristics by common convolutional network. To solve above problems, this paper proposes the CSTR module, which adopts self-attention thought in Transformer, and its global receptive field can extract effective information from the overall feature map. The problem that backgrounds characteristics concerning defects are similar to those of normal galvanized sheet is solved effectively. In this paper, the 1 × 1 convolution method is used to divide the original information into two independent parts, which greatly reduces the computational complexity. One of the branches is stretched into a one-dimensional vector, spliced with the classification vector and then spliced with the position vector. Then encoder module is introduced to extract global features through multi-head self-attention mechanism. Finally, it is spliced with another input branch to form the output of the CSTR module after a convolution process. In this way, the encoder can effectively learn features while reducing module computation and avoiding network degradation. The overall architecture of CSTR module is shown in Fig 8.
[Figure omitted. See PDF.]
3.3. Bi-FPN module
At present, feature pyramid has become a standard configuration concerning target detection network, which can improve detection ability about objects concerning different scales. Using feature pyramid technology, we can effectively collect feature map information concerning various sizes, which can be effectively integrated into a model, so that we can identify target object more accurately. We used weighted Bi-FPN [28] to do some simple and efficient scale feature fusion, as shown in Fig 9c.
[Figure omitted. See PDF.]
3.4. CRSFN module
In the actual industrial production process, the operation speed regarding galvanized sheet production line is very fast, in this case, the operation speed about entire galvanized sheet surface ZFD detection system is also a high requirement. To deal with this problem, we need not only better hardware equipment such as cameras and computers, but also higher reasoning speed of network models. For common convolutional network structures such as Resnet, the reasoning speed regarding model is slow due to large number of parameters and calculation amount, and computing power of the hardware device is also required. In this paper, a new module CRSFN is proposed, which uses a new type of partial convolution (PConv) to reduce the number of parameters and computation. Floating-point operations per second (FLOPS) of the computer is guaranteed, thus speeding up the reasoning speed of the model. In this module, an attention mechanism simple attention module (simAM) based on 3-D weights is used, which can realize cooperative operation on the unified weight for spatial attention and channel attention, and calculate importance about each neuron by optimizing the energy function. Thus, the model can highlight information-rich neurons without increasing the number of parameters, so that CRSFN module can quickly find effective neurons that can express defect characteristics regarding galvanized sheet. Since the influence of attention mechanism on the model may not be applicable to the feature graphs at every level about network, this paper improved simAM and introduced residual structure on its basis, so as to avoid over-interpretation for negative features of the model by simAM. The overall structure of CRSFN module is shown in Fig 10.
[Figure omitted. See PDF.]
In order to make neural networks run faster [29], many lightweight models focus more on reducing floating point operations (FLOPs). In addition, since the number of FLOPs can reflect the computing power of a system, it also becomes an important reference for measuring system performance. Classic lightweight networks such as MobileNets, ShuffleNets, and GhostNet mostly use depthwise convolution (DWConv) or group convolution (GConv). GConv replaces normal convolution to achieve lightweight models. However, these convolution processes are also affected by increase of memory access in the process about reducing the computation amount, resulting in a decrease in FLOPS. However, PConv makes use of the redundancy concerning feature graph. Since the feature graph is highly similar among different channels, conventional convolution is applied to only part regarding input channels and the remaining channels remain unchanged, which can reasonably reduce the number of computation redundancy and memory access. This paper makes use of this characteristic of PConv to accelerate inference speed of the model to cope with the fast running for factory production line.
4. Experimental setup
4.1. Evaluation criteria
The detection for ZFDs on the surface concerning galvanized sheet can be considered as a classification task, that is, the classification task about defective pixels and other background pixels. In defect detection, using accuracy alone is not an appropriate performance measure. Therefore, in order to accurately evaluate the algorithm, this paper uses Precision, Recall and mean average precision (mAP) to evaluate the results of the detection experiment. Among them, the accuracy rate refers to proportion of ZFDs in the sample predicted by the model, which is actually ZFDs. The recall rate refers to the percentage of samples that are actually ZFDs that are successfully detected by the model. In some cases, accuracy and recall are often contradictory indicators, that is, increasing accuracy tends to lead to lower recall rates, and vice versa. mAP is also often introduced as the main performance indicator to evaluate the accuracy of the target detection model, which is a good compromise between the two significant detection indicators precision and recall. mAP is usually calculated based on Precision-Recall curve (PR Curve). Precision, Recall, AP, and mAP are defined as follows:
(1)(2)(3)(4)
where TP, FP and FN represent true positive, false positive and false negative respectively. For each point on PR curve, value concerning Precision takes value about the largest Precision to right concerning that point. j is to the amounts of classes, nj is total number of classes, and APj is average accuracy for each class.
The purpose of each formula used is as follows:
Formula (1) is the Precision, which aims to find out the proportion of actual zinc flower defect samples among all zinc flower defect samples predicted by the model.
Formula (2) is the Recall, which aims to find out the proportion of actual zinc flower defect samples that are successfully predicted correctly by the model.
Formula (3) is the average precision of detecting each defect class, and its purpose is to determine the mean average precision of each defect class.
Formula (4) is the total average precision for detecting all defect classes, and its purpose is to evaluate the total mean average precision of the model for detecting all defect classes.
To meet requirements regarding real-time detection, calculation speed concerning model is also a relatively important index in detection task about ZFDs on surface regarding galvanized sheet. Therefore, reasoning speed regarding model for the whole picture (how many ms is needed to process an image) is also introduced as an evaluation standard in comparison experiment. In this paper, optimal results of each index are shown in bold.
4.2. Implementation details
All experiments in this paper were conducted based on the same configuration, as shown in Table 1, to ensure the effectiveness of experimental comparison.
[Figure omitted. See PDF.]
There are 2880 pictures in our dataset, which are randomly divided into training set, verification set and test set according to proportion regarding 80%, 10% and 10% during the training process. In this paper, 300 epochs iterations were performed on each network participating in experiment, and two main defect twill and inequality data were trained. In this experiment, we first unified the training parameters about model, batch size: 32, momentum: 0.9, image size: 640, weight attenuation: 0.0005, and initial learning rate: 0.01. In this paper, defective galvanized sheet sample images and captured real-time image testset regarding production line were selected to test the performance regarding model. We want to explain that this paper uses 3-channel RGB images for present investigation. Fig 11 is the image taken by the defective galvanized sheet sample about Hangang Group.
[Figure omitted. See PDF.]
5. Experimental
5.1. Comparison with SOTA methods
We compare the ZFD-Net with other SOTA methods to prove its superiority, and its specific parameters are shown in Table 2.
[Figure omitted. See PDF.]
The algorithms compared included SSD [30], YOLO-v8, YOLO-v9, Efficientdet, YOLO-v10, and two-stage Faster-RCNN, which were also one-stage target detection networks. Generally, the Efficientdet effect in this dataset was only 0.712 for mAP and 0.887 for SSD algorithm. The detection speed about fax-RCNN was faster than the Efficientdet and SSD, but the number of parameters and FLOPs regarding model were much higher. The overall accuracy for YOLO-v8 and YOLO-v9 is better than SSD, which are 0.959 and 0.966 respectively. The effect regarding YOLO-v10 in the detection task for ZFD on the surface of galvanized sheet is not as good as expected, and mAP is 0.956. Compared with other mainstream algorithms, the algorithm proposed in this paper has improved accuracy concerning twill and inequality defects, and has certain advantages in speed. The results show that this algorithm has obvious advantages in detection concerning ZFDs on the surface about galvanized sheet.
The possible reasons for the decrease in accuracy when YOLO version is added are as follows.
1. Network structure impact: As versions have been increased, YOLO may have introduced new network structures or made adjustments to existing ones. For example, adding more convolutional layers or deeper network structures may cause the model to overfit or be less effective in feature extraction than the previous version, reducing the accuracy of the model.
2. Dataset impact: Dataset splitting, annotation changes, and dataset size all have the potential to affect the model’s ability to generalize as YOLO versions increase, resulting in decreased accuracy as YOLO versions increase.
5.2. Ablation study
The ZFD-Net algorithm has achieved excellent results in dataset for ZFDs on the surface of galvanized sheet, and results are shown in Fig 12. There are 2880 pictures in this dataset, including two defect types, twill and inequality, whose accuracy, recall rate and mAP are shown in Table 3.
[Figure omitted. See PDF.]
[Figure omitted. See PDF.]
As can be seen from Section 3.4, the ZFD-Net surface ZFD detection model proposed in this paper uses CRSFN module to completely replace original position convolutional structure, CSTR module is used in the last layer concerning original YOLO-v5 backbone FEN, and Bi-FPN is used to carry out MSFF about FEN. In this paper, different improvement schemes for YOLO-v5 algorithm are compared on the same dataset, as shown in Table 4. Specific schemes are as follows: (1) Scheme 1 is YOLO-v5. (2) Scheme 2 is YOLO-v5 + CSTR (3) Scheme 3 is Bi-FPN+YOLO-v5. (4) Scheme 4 combines Scheme 2 and Scheme 3 to improve the YOLO-v5 network. (5) Scheme 5 replaces the FEN about YOLO-v5 with a CRSFN module. (6) Scheme 6 synthesizes the previous improvement schemes to generate ZFD-Net model in this paper. The detection results regarding twill defects by six defect detection schemes are shown in Fig 13. The results of six schemes for detecting inequality defects are shown in Fig 14.
[Figure omitted. See PDF.]
[Figure omitted. See PDF.]
[Figure omitted. See PDF.]
Among them, Scheme 1 May have some missed detection regarding twill defects, and Scheme 2 and Scheme 3 have fewer missed detection cases than Scheme 1, but there are also a few cases in which twill defects cannot be detected. Scheme 4 has a relatively comprehensive detection effect on twill, but detection speed is relatively slow. Scheme 5 uses CRSFN lightweight module, detection speed is fastest among schemes, but there are some cases about missing detection. Scheme 6 used in this paper is best scheme considering detection accuracy and detection speed. For inequality defects, Scheme 3 has some overfitting, and other schemes have similar effects. It can be seen from Scheme 2 in Table 4 that introduction regarding CSTR module into YOLO-v5 model can improve FE capability regarding network, improve AP and average accuracy regarding various categories, reduce the number of FLOPs, and improve calculation speed. It can be seen from data in Scheme 3 that MSFF concerning network using Bi-FPN has a significant improvement on mAP, but FLOPs have increased. Similarly, Scheme 4 has the highest detection accuracy for non-uniform defects. Scheme 5 has the fastest detection speed. Scheme 6 is comprehensive optimal option.
6. Conclusion
To solve difficulties caused by unclear edge of ZFD on surface about galvanized sheet and small difference from non-defective background characteristics, a ZFD detection model ZFD-Net on surface of galvanized sheet was established. In this paper, CSTR module is proposed to improve the ability of model to obtain global attention, so that model can extract global features about image. Bi-FPN was used for MSFF, which effectively fused semantic information and location information for different levels in FEN. In this paper, a CRSFN module is proposed to speed up model inference and improve the ability of models to focus on important features. In this paper, CSTR module, Bi-FPN module and CRSFN module are cleverly integrated into YOLO network model. The experimental analysis shows that compared with other target detection networks, ZFD-Net algorithm proposed in this paper has better performance in detecting ZFDs on surface forgalvanized sheet, effectively meets requirements concerning detection accuracy and detection speed regarding production line, and has better generalization ability.
References
1. 1. Fernández-Solis C, Keil P, Erbe A. Molybdate and Phosphate Cross-Linked Chitosan Films for Corrosion Protection of Hot-Dip Galvanized Steel. ACS Omega. 2023;8(22):19613–24. pmid:37305241
* View Article
* PubMed/NCBI
* Google Scholar
2. 2. Shen Y, Sun H, Xu X, Zhou J. Detection and Positioning of Surface Defects on Galvanized Sheet Based on Improved MobileNet v2. 2019 Chinese Control Conference (CCC). Guangzhou, China. 2019. p. 8450–4. https://doi.org/10.23919/ChiCC.2019.8865922
3. 3. Xin H, Song J. YOLOv5-ACCOF Steel Surface Defect Detection Algorithm. IEEE Access. 2024;12:157496–506.
* View Article
* Google Scholar
4. 4. Chen H, Song K, Cui W, Zhang T, Yan Y, Li J. SRPCNet: Self-Reinforcing Perception Coordination Network for Seamless Steel Pipes Internal Surface Defect Detection. IEEE Trans Ind Inf. 2025;21(1):950–9.
* View Article
* Google Scholar
5. 5. Dong H, Song K, He Y, Xu J, Yan Y, Meng Q. PGA-Net: Pyramid Feature Fusion and Global Context Attention Network for Automated Surface Defect Detection. IEEE Trans Ind Inf. 2020;16(12):7448–58.
* View Article
* Google Scholar
6. 6. Li K, Jiao P, Ding J, DU W. Bearing defect detection based on the improved YOLOv5 algorithm. PLoS One. 2024;19(10):e0310007. pmid:39466760
* View Article
* PubMed/NCBI
* Google Scholar
7. 7. Chen F-C, Jahanshahi MR. NB-CNN: Deep Learning-Based Crack Detection Using Convolutional Neural Network and Naïve Bayes Data Fusion. IEEE Trans Ind Electron. 2018;65(5):4392–400.
* View Article
* Google Scholar
8. 8. Wang X, Maidin SS, Batumalay M. PCB defect detection based on pseudo-inverse transformation and YOLOv5. PLoS One. 2024;19(12):e0315424. pmid:39666652
* View Article
* PubMed/NCBI
* Google Scholar
9. 9. Xu X, Hou W, Li X. Detection method of small size defects on pipeline weld surface based on improved YOLOv7. PLoS One. 2024;19(12):e0313348. pmid:39666774
* View Article
* PubMed/NCBI
* Google Scholar
10. 10. Chen Z, Wang Y, Gu Q. CEC-YOLO: An Improved Steel Defect Detection Algorithm Based on YOLOv5. 2024 International Joint Conference on Neural Networks (IJCNN). Yokohama, Japan. 2024. p. 1–8. https://doi.org/10.1109/IJCNN60899.2024.10651516
11. 11. Liu X, Zhou Y. Surface Defect Detection on Steel Plates Based on Improved Unet Network. 2024 36th Chinese Control and Decision Conference (CCDC). Xi’an, China. 2024. p. 6268–73. https://doi.org/10.1109/CCDC62350.2024.10587873
12. 12. Zhao WD, Chen F, Huang HC, Li D, Cheng W. A new steel defect detection algorithm based on deep learning. Computational Intelligence and Neuroscience. 2021:1–13.
13. 13. Huang X, Zhu J, Huo Y. SSA-YOLO: An Improved YOLO for Hot-Rolled Strip Steel Surface Defect Detection. IEEE Trans Instrum Meas. 2024;73:1–17.
* View Article
* Google Scholar
14. 14. Hu J, Wang X, Liu H. Surface defect detection of continuous casting billet based on deep learning. Journal of Shanghai University (Natural Science). 2019;25(04):445–52.
* View Article
* Google Scholar
15. 15. Zhang T, Pang H, Jiang C. GDM-YOLO: A Model for Steel Surface Defect Detection Based on YOLOv8s. IEEE Access. 2024;12:148817–25.
* View Article
* Google Scholar
16. 16. Meng J, Wen S. Detection of Steel Surface Defects Based on Improved YOLOv8n Algorithm. 2024 2nd International Conference on Algorithm, Image Processing and Machine Vision (AIPMV). Zhenjiang, China. 2024. p. 8–12. https://doi.org/10.1109/AIPMV62663.2024.10692098
17. 17. Gu J, Gao L, Liu L. Application of object detection algorithm based on deep learning in surface defect detection of cold rolling. Metallurgical Automation. 2019;43(06):19–22.
* View Article
* Google Scholar
18. 18. Xu Q, Zhu H, Fan H, Zhou H, Yu G. Research on surface defect detection of steel plate by improved YOLOv3 network. Computer Engineering and Applications. 2020;56(16):265–72.
* View Article
* Google Scholar
19. 19. Luo S, Hou J, Zheng B, Zhong X, Liu P. Research on edge detection algorithm of work piece defect in machine vision detection system. 2022 IEEE 6th Information Technology and Mechatronics Engineering Conference (ITOEC). Chongqing, China. 2022. p. 1231–5. https://doi.org/10.1109/ITOEC53115.2022.9734631
20. 20. Wang C, Chen H. EEDN: An Efficient Edge Detection Network for Aeroengine Blade Defect Segmentation. 2023 42nd Chinese Control Conference (CCC). Tianjin, China. 2023. p. 8594–8. https://doi.org/10.23919/CCC58697.2023.10240342
21. 21. Lei S, Guo Y, Liu Y, Li F, Zhang G, Yang D. Detection of Mechanical Defects of High Voltage Circuit Breaker based on Improved Edge Detection and Deep Learning Algorithms. 2022 6th International Conference on Electric Power Equipment - Switching Technology (ICEPE-ST). Seoul, Korea, Republic of. 2022. p. 372–5. https://doi.org/10.1109/ICEPE-ST51904.2022.97570888
22. 22. Pan Y, Lu Y, Dong S, Zhao Z, Zhao Z. Defect Detection Based on Edge Detection and Connected Region Filtering Algorithm. 2019 International Conference on Communications, Information System and Computer Engineering (CISCE). Haikou, China. 2019. p. 254–9. https://doi.org/10.1109/cisce.2019.00065
23. 23. He Y, Xin M, Wang Y, Xu C. Automatic Edge Detection Method of Power Chip Packaging Defect Image Based on Improved Canny Algorithm. 2024 9th International Conference on Electronic Technology and Information Science (ICETIS). Hangzhou, China. 2024. p. 281–6. https://doi.org/10.1109/icetis61828.2024.10593784
24. 24. Chen F, Dong H, Cheng M, Chen B, Xiao W. An adaptive edge detection method for extracting images of defect steel plates under complex background. 2023 3rd International Conference on Neural Networks, Information and Communication Engineering (NNICE). Guangzhou, China. 2023. p. 360–4. https://doi.org/10.1109/nnice58320.2023.10105772
25. 25. M. PA, Wiener N. The Extrapolation, Interpolation and Smoothing of Stationary Time Series, with Engineering Applications. Journal of the Royal Statistical Society Series A (General). 1950;113(3):413.
* View Article
* Google Scholar
26. 26. Zuiderveld K. Contrast limited adaptive histogram equalization ScienceDirect. Graphics Gems. 1994:474–85.
* View Article
* Google Scholar
27. 27. Krizhevsky A, Sutskever I, Hinton GE. Imagenet classification with deep convolutional neural networks. Advances in Neural Information Processing Systems. 2012;60(6):84–90.
* View Article
* Google Scholar
28. 28. Tan M, Pang R, Le QV. Efficientdet: Scalable and efficient object detection. Proceedings of the IEEE/CVF conference on computer vision and pattern recognition. 2020:10778–87.
29. 29. Chen J, Kao S, He H, Zhuo W, Wen S, Lee C. Run, don’t walk: chasing higher flops for faster neural networks. 2023.
30. 30. Liu W, Anguelov D, Erhan D, Szegedy C, Reed SE, Fu C. SSD: Single Shot MultiBox Detector. European Conference on Computer Vision. 2016:21–37.
Citation: Gao Y, Zhang H, Zhu L, Xie F, Xiao D (2025) ZFD-Net: Zinc flower defect detection model of galvanized steel surface based on improved YOLOV5. PLoS One 20(6): e0325507. https://doi.org/10.1371/journal.pone.0325507
About the Authors:
Yang Gao
Roles: Conceptualization, Formal analysis, Writing – original draft
Affiliation: State Key Laboratory of Digital Steel, Northeastern University, Shenyang, China
Hanquan Zhang
Roles: Conceptualization, Data curation, Resources, Validation, Writing – review & editing
Affiliation: College of Information Science and Engineering, Northeastern University, Shenyang, China
Lifu Zhu
Roles: Data curation, Methodology, Writing – original draft
Affiliation: Information Technology Center, People’s Hospital of Liaoning Province, Shenyang, China
Feitong Xie
Roles: Software, Validation
Affiliation: College of Information Science and Engineering, Northeastern University, Shenyang, China
Dong Xiao
Roles: Funding acquisition, Investigation, Resources, Validation
E-mail: [email protected]
Affiliation: College of Information Science and Engineering, Northeastern University, Shenyang, China
ORICD: https://orcid.org/0000-0002-0401-6654
[/RAW_REF_TEXT]
[/RAW_REF_TEXT]
[/RAW_REF_TEXT]
[/RAW_REF_TEXT]
[/RAW_REF_TEXT]
[/RAW_REF_TEXT]
[/RAW_REF_TEXT]
[/RAW_REF_TEXT]
[/RAW_REF_TEXT]
[/RAW_REF_TEXT]
[/RAW_REF_TEXT]
[/RAW_REF_TEXT]
[/RAW_REF_TEXT]
[/RAW_REF_TEXT]
1. Fernández-Solis C, Keil P, Erbe A. Molybdate and Phosphate Cross-Linked Chitosan Films for Corrosion Protection of Hot-Dip Galvanized Steel. ACS Omega. 2023;8(22):19613–24. pmid:37305241
2. Shen Y, Sun H, Xu X, Zhou J. Detection and Positioning of Surface Defects on Galvanized Sheet Based on Improved MobileNet v2. 2019 Chinese Control Conference (CCC). Guangzhou, China. 2019. p. 8450–4. https://doi.org/10.23919/ChiCC.2019.8865922
3. Xin H, Song J. YOLOv5-ACCOF Steel Surface Defect Detection Algorithm. IEEE Access. 2024;12:157496–506.
4. Chen H, Song K, Cui W, Zhang T, Yan Y, Li J. SRPCNet: Self-Reinforcing Perception Coordination Network for Seamless Steel Pipes Internal Surface Defect Detection. IEEE Trans Ind Inf. 2025;21(1):950–9.
5. Dong H, Song K, He Y, Xu J, Yan Y, Meng Q. PGA-Net: Pyramid Feature Fusion and Global Context Attention Network for Automated Surface Defect Detection. IEEE Trans Ind Inf. 2020;16(12):7448–58.
6. Li K, Jiao P, Ding J, DU W. Bearing defect detection based on the improved YOLOv5 algorithm. PLoS One. 2024;19(10):e0310007. pmid:39466760
7. Chen F-C, Jahanshahi MR. NB-CNN: Deep Learning-Based Crack Detection Using Convolutional Neural Network and Naïve Bayes Data Fusion. IEEE Trans Ind Electron. 2018;65(5):4392–400.
8. Wang X, Maidin SS, Batumalay M. PCB defect detection based on pseudo-inverse transformation and YOLOv5. PLoS One. 2024;19(12):e0315424. pmid:39666652
9. Xu X, Hou W, Li X. Detection method of small size defects on pipeline weld surface based on improved YOLOv7. PLoS One. 2024;19(12):e0313348. pmid:39666774
10. Chen Z, Wang Y, Gu Q. CEC-YOLO: An Improved Steel Defect Detection Algorithm Based on YOLOv5. 2024 International Joint Conference on Neural Networks (IJCNN). Yokohama, Japan. 2024. p. 1–8. https://doi.org/10.1109/IJCNN60899.2024.10651516
11. Liu X, Zhou Y. Surface Defect Detection on Steel Plates Based on Improved Unet Network. 2024 36th Chinese Control and Decision Conference (CCDC). Xi’an, China. 2024. p. 6268–73. https://doi.org/10.1109/CCDC62350.2024.10587873
12. Zhao WD, Chen F, Huang HC, Li D, Cheng W. A new steel defect detection algorithm based on deep learning. Computational Intelligence and Neuroscience. 2021:1–13.
13. Huang X, Zhu J, Huo Y. SSA-YOLO: An Improved YOLO for Hot-Rolled Strip Steel Surface Defect Detection. IEEE Trans Instrum Meas. 2024;73:1–17.
14. Hu J, Wang X, Liu H. Surface defect detection of continuous casting billet based on deep learning. Journal of Shanghai University (Natural Science). 2019;25(04):445–52.
15. Zhang T, Pang H, Jiang C. GDM-YOLO: A Model for Steel Surface Defect Detection Based on YOLOv8s. IEEE Access. 2024;12:148817–25.
16. Meng J, Wen S. Detection of Steel Surface Defects Based on Improved YOLOv8n Algorithm. 2024 2nd International Conference on Algorithm, Image Processing and Machine Vision (AIPMV). Zhenjiang, China. 2024. p. 8–12. https://doi.org/10.1109/AIPMV62663.2024.10692098
17. Gu J, Gao L, Liu L. Application of object detection algorithm based on deep learning in surface defect detection of cold rolling. Metallurgical Automation. 2019;43(06):19–22.
18. Xu Q, Zhu H, Fan H, Zhou H, Yu G. Research on surface defect detection of steel plate by improved YOLOv3 network. Computer Engineering and Applications. 2020;56(16):265–72.
19. Luo S, Hou J, Zheng B, Zhong X, Liu P. Research on edge detection algorithm of work piece defect in machine vision detection system. 2022 IEEE 6th Information Technology and Mechatronics Engineering Conference (ITOEC). Chongqing, China. 2022. p. 1231–5. https://doi.org/10.1109/ITOEC53115.2022.9734631
20. Wang C, Chen H. EEDN: An Efficient Edge Detection Network for Aeroengine Blade Defect Segmentation. 2023 42nd Chinese Control Conference (CCC). Tianjin, China. 2023. p. 8594–8. https://doi.org/10.23919/CCC58697.2023.10240342
21. Lei S, Guo Y, Liu Y, Li F, Zhang G, Yang D. Detection of Mechanical Defects of High Voltage Circuit Breaker based on Improved Edge Detection and Deep Learning Algorithms. 2022 6th International Conference on Electric Power Equipment - Switching Technology (ICEPE-ST). Seoul, Korea, Republic of. 2022. p. 372–5. https://doi.org/10.1109/ICEPE-ST51904.2022.97570888
22. Pan Y, Lu Y, Dong S, Zhao Z, Zhao Z. Defect Detection Based on Edge Detection and Connected Region Filtering Algorithm. 2019 International Conference on Communications, Information System and Computer Engineering (CISCE). Haikou, China. 2019. p. 254–9. https://doi.org/10.1109/cisce.2019.00065
23. He Y, Xin M, Wang Y, Xu C. Automatic Edge Detection Method of Power Chip Packaging Defect Image Based on Improved Canny Algorithm. 2024 9th International Conference on Electronic Technology and Information Science (ICETIS). Hangzhou, China. 2024. p. 281–6. https://doi.org/10.1109/icetis61828.2024.10593784
24. Chen F, Dong H, Cheng M, Chen B, Xiao W. An adaptive edge detection method for extracting images of defect steel plates under complex background. 2023 3rd International Conference on Neural Networks, Information and Communication Engineering (NNICE). Guangzhou, China. 2023. p. 360–4. https://doi.org/10.1109/nnice58320.2023.10105772
25. M. PA, Wiener N. The Extrapolation, Interpolation and Smoothing of Stationary Time Series, with Engineering Applications. Journal of the Royal Statistical Society Series A (General). 1950;113(3):413.
26. Zuiderveld K. Contrast limited adaptive histogram equalization ScienceDirect. Graphics Gems. 1994:474–85.
27. Krizhevsky A, Sutskever I, Hinton GE. Imagenet classification with deep convolutional neural networks. Advances in Neural Information Processing Systems. 2012;60(6):84–90.
28. Tan M, Pang R, Le QV. Efficientdet: Scalable and efficient object detection. Proceedings of the IEEE/CVF conference on computer vision and pattern recognition. 2020:10778–87.
29. Chen J, Kao S, He H, Zhuo W, Wen S, Lee C. Run, don’t walk: chasing higher flops for faster neural networks. 2023.
30. Liu W, Anguelov D, Erhan D, Szegedy C, Reed SE, Fu C. SSD: Single Shot MultiBox Detector. European Conference on Computer Vision. 2016:21–37.
You have requested "on-the-fly" machine translation of selected content from our databases. This functionality is provided solely for your convenience and is in no way intended to replace human translation. Show full disclaimer
Neither ProQuest nor its licensors make any representations or warranties with respect to the translations. The translations are automatically generated "AS IS" and "AS AVAILABLE" and are not retained in our systems. PROQUEST AND ITS LICENSORS SPECIFICALLY DISCLAIM ANY AND ALL EXPRESS OR IMPLIED WARRANTIES, INCLUDING WITHOUT LIMITATION, ANY WARRANTIES FOR AVAILABILITY, ACCURACY, TIMELINESS, COMPLETENESS, NON-INFRINGMENT, MERCHANTABILITY OR FITNESS FOR A PARTICULAR PURPOSE. Your use of the translations is subject to all use restrictions contained in your Electronic Products License Agreement and by using the translation functionality you agree to forgo any and all claims against ProQuest or its licensors for your use of the translation functionality and any output derived there from. Hide full disclaimer
© 2025 Gao et al. This is an open access article distributed under the terms of the Creative Commons Attribution License: http://creativecommons.org/licenses/by/4.0/ (the “License”), which permits unrestricted use, distribution, and reproduction in any medium, provided the original author and source are credited. Notwithstanding the ProQuest Terms and Conditions, you may use this content in accordance with the terms of the License.
Abstract
Due to the complex factory environment, zinc flower defects and galvanized sheet background are difficult to distinguish, and the production line running speed is fast, the existing detection methods are difficult to meet the needs of real-time detection in terms of accuracy and speed. We propose ZFD-Net, a zinc flower defect detection model on the surface of galvanized sheet based on improved you only look once (YOLO)v5. Firstly, the model combined the YOLOV5 model with our proposed cross stage partial transformer (CSTR) module in this paper to increase the model receptive field and improve the global feature extraction (FE) capability. Secondly, we use bi-directional feature pyramid network (Bi-FPN) weighted bidirectional feature pyramid network to fuse defect details of different levels and scales to improve them. Then we propose a cross resnet simam fasternet (CRSFN) module to improve the reasoning speed of ZFD-Net and ensure the detection effect of zinc flower defects. Finally, we construct a high-quality dataset of zinc flower defect (ZFD) detection on galvanized sheet surface, which solves the problem that no public dataset is available at present. ZFD-Net is compared with state-of-the-art (SOTA) methods on the self-built data set, and its performance indicators are better than all methods.
You have requested "on-the-fly" machine translation of selected content from our databases. This functionality is provided solely for your convenience and is in no way intended to replace human translation. Show full disclaimer
Neither ProQuest nor its licensors make any representations or warranties with respect to the translations. The translations are automatically generated "AS IS" and "AS AVAILABLE" and are not retained in our systems. PROQUEST AND ITS LICENSORS SPECIFICALLY DISCLAIM ANY AND ALL EXPRESS OR IMPLIED WARRANTIES, INCLUDING WITHOUT LIMITATION, ANY WARRANTIES FOR AVAILABILITY, ACCURACY, TIMELINESS, COMPLETENESS, NON-INFRINGMENT, MERCHANTABILITY OR FITNESS FOR A PARTICULAR PURPOSE. Your use of the translations is subject to all use restrictions contained in your Electronic Products License Agreement and by using the translation functionality you agree to forgo any and all claims against ProQuest or its licensors for your use of the translation functionality and any output derived there from. Hide full disclaimer