1. Introduction
In the pursuit of maintaining competitiveness, steel manufacturers have prioritized not only high productivity but also superior product quality. A critical aspect of achieving this goal is the quality control of steel surfaces. Compared to automated alternatives, manual inspection methods prove less reliable in high-speed production environments due to their time-consuming nature, high dependency on inspector expertise, and elevated costs [1]. Consequently, automated inspection systems for steel surfaces have garnered significant interest, promising enhanced performance, efficiency, profitability, cost reduction, and product quality improvement. Automated defect inspection primarily aims to identify and characterize image deformities, offering advantages such as reduced labor costs and increased productivity [2]. Numerous studies advocate for automatic defect detection to bolster quality [3]. In automated inspection systems, surface images of industrial products are typically captured using charge-coupled device (CCD) cameras under specific lighting conditions, as shown in Figure 1. Subsequently, various image processing methods are employed, followed by defect detection utilizing structural or statistical techniques [4]. Automated defect inspection generally comprises two steps: defect classification, addressing “What is the defect?” and defect detection, determining “What and Where is the defect?” and outputting respective scores and bounding boxes [5]. Figure 2 illustrates both defect detection and classification tasks on steel surfaces. Recently, numerous algorithms have been proposed to detect surface defects, with steel surfaces being a focal point [6,7]. Several reviews have investigated detecting and classifying defects on steel surfaces, offering valuable insights for researchers in the field [8,9,10,11,12,13,14,15]. For instance, ref. [8] navigates the complexities of automatic surface inspection and evaluates different detection and classification methods for steel surface defects. Meanwhile, ref. [12] reviews hardware and software aspects of visual detection, categorizing detection methods into statistics, models, filtering, and machine learning and classifying classification methods into supervised and unsupervised learning. Luo et al. [13,14] have conducted comprehensive surveys on surface defect detection and classification methods over the past two decades, categorizing methodologies into statistical, spectral, model-based, and machine learning approaches for flat steel products. Czimmermann et al. [12] focus on visual inspection techniques for various surfaces in industrial applications, while Zheng et al. [16] delve into deep learning-based methods for surface defect inspection in various manufacturing processes. Additionally, Jin et al. [13,14] explore defect detection in steel products using traditional image processing and deep learning techniques, respectively. From these reviews, a typical visual inspection system for steel surface strips can be categorized into three main components: an image acquisition unit, visual processing algorithms, and a control unit. This study presents modern visual processing methods specifically for detecting and classifying steel-strip defects, building upon previous reviews and providing an updated overview of the field’s current status.
Given the complex nature of detecting and classifying defects within the industrial settings of steel-strip production, endeavors to enhance quality control continue, with researchers diligently exploring diverse methodologies to achieve heightened efficacy. Hence, we attempt to provide a comprehensive overview of cutting-edge techniques for detecting and classifying surface imperfections in steel, aiming to contribute to improving quality assurance measures in this domain.
The contributions of this paper are as follows:
1.. We provide a comprehensive overview of existing methods for detecting and classifying defects on steel surfaces, encompassing more than 200 studies.
2.. We present an analysis of the performance evaluation of various state-of-the-art algorithms for detecting and classifying defects on steel surfaces.
3.. We discuss evaluation metrics commonly used in steel surface defect detection. By providing insights into these evaluation metrics, the paper aids in assessing the performance of defect detection methods.
4.. We provide an overview of diverse state-of-the-art methods employed in detecting and classifying steel surface defects, emphasizing their strengths and weaknesses.
2. Steel and Its Surface Defect Types
Steel products can be broadly categorized into flat products and long products, as illustrated in Figure 3 [17]. Of late, hot strips, cold strips, and plates have garnered increased attention from researchers. The steel surface unavoidably accumulates various defects throughout the production process, which involves processing, casting, and rolling. These defects include scratches resulting from the relative movement between a hard, sharp object and the steel surface or between two steel surfaces such as plates and strips. Scales, primarily caused by incompletely removed impurities and greasy dirt on work rollers during temper rolling, are also common. Roll marks, attributed to poor roller shape or excessive curl, not only affect the product’s appearance but also diminish its key features like corrosion resistance, abrasion resistance, and fatigue strength, leading to significant economic losses [18]. Figure 4 showcases examples of typical steel surface defects. According to Neogi et al. [17], no universally agreed standard exists for these defects. The diverse array of steel surface products exhibits a wide range of defects, characterized by both similarities and diversities within these groups. This diversity and similarity challenge the defect classification process [19].
3. Defect Detection Methods
Researchers have explored numerous methods to enhance the quality of steel products and facilitate automated inspection [20]. These methods can be categorized into four main groups: statistical methods, spectral methods, texture segmentation based methods, and machine learning-based methods, as outlined in Figure 5. This section provides a concise overview of various approaches and techniques proposed for quality monitoring in steel manufacturing settings.
3.1. Statistical Models
Statistical models [21,22,23] leverage probability theory and statistical analysis to formulate mathematical models capable of quantitatively predicting, analyzing, inferring, and summarizing the spatial distribution of pixel gray values. In recent years, statistical methods have gained traction for detecting defects in steel surfaces. Table 1 compares the strengths and limitations of various statistical detection methods for steel defects. This section offers a succinct introduction to seven representative statistical approaches as follows:
3.1.1. Autocorrelation
The autocorrelation technique serves as a valuable feature for determining the size of tonal primitives [39]. It aims to establish correlations between textures and their translations using displacement vectors, particularly identifying vertices in cases of high regularity. Notably, this technique demonstrates exceptional robustness against lighting variations and noise. Methods relying on autocorrelation techniques find applications in analyzing textures characterized by repetitive patterns, such as textiles. The mathematical expression for one-dimensional autocorrelation is computed as follows:
(1)
where r represents the autocorrelation value, N represents the total number of samples, t is the time, x is the normalized signal value, and is the shift value.Zhu et al. [24] combined autocorrelation and the gray-level co-occurrence matrix (GLCM) to detect yarn-dyed fabric defect; however, the results were not reported.
3.1.2. Thresholding
The main objective of thresholding methods is to separate objects from the image background. It is one of the common approaches used for image segmentation. In steel-surface inspection systems, thresholding is often used to separate defective regions on steel surfaces. It has been recently widely applied in automated visual inspection [40]. Djukic et al. [25] used dynamical thresholding to discriminate true defects from random noise pixels for hot-rolled steel. However, no quantitative results were reported for that study.
3.1.3. Gray-Level Co-Occurrence Matrix
The gray-level co-occurrence matrix (GLCM) is a statistical method that uses spatial gray-level co-occurrence to analyze image texture. First proposed by Haralick et al. [39], it is also known as the gray-level dependency matrix. It has the ability to construct a matrix that quantifies the spatial relationship of pixels over an image. As described in [41], given an image I of size , the co-occurrence matrix is expressed as
(2)
where(3)
where and are used to calculate the position of in relation to its neighbors at a distance d and direction .Haralick’s features could then be extracted from the gray level co-occurrence matrix to characterize steel surface.
Guo et al. [26] proposed a feature extraction method based on the GLCM to characterize four types of defects, including edge crack, pinch, and inclusion. This method was then used to analyze forehead wrinkles extracted from steel strips. The higher recognition rate obtained from the pinch defect type was 85.00%. Zaghdoudi et al. [27] presented a method for the classification of steel defects based on machine vision techniques and support vector machine (SVM). They composed two sets of features, GLCM and the Histogram of Oriented Gradients (HOG), to extract the features from the training database. The recognition accuracy was 90.16%. Nevertheless, the computing time taken by the GLCM was long, and the process also required relatively a high storage space.
3.1.4. Local Binary Pattern
The local binary pattern (LBP), introduced by Ojala et al. [42], stands out as a remarkably efficient and straightforward feature descriptor. It operates by relabeling each pixel in an image through a coding mechanism based on comparisons between the original pixel value and those of its neighboring pixels [43]. This approach has garnered significant attention across various applications owing to its computational simplicity and discriminative power [44]. In recent years, several researchers have employed the LBP to detect steel surface defects [45,46]. Abukhait [28] proposed an inspection system combining the LBP’s uniform patterns’ histogram and GLCM textural features to construct feature descriptors for surfaces, achieving a recognition accuracy of 95.60%. Makaremi [47] and Tajerip [48] introduced a new technique based on modified local binary patterns for detecting textures and fabrics, achieving detection rates of 91.86% and 95.00%, respectively. Wang et al. [29] introduced the entity sparsity pursuit (ESP) algorithm for identifying steel surface defects, utilizing an intuitive LBP-inspired feature extractor for industrial grayscale images. Luo et al. [30] proposed a generalized completed local binary pattern framework for steel surface defect classification. Additionally, Luo et al. [31] introduced a method to enhance classification accuracy and time efficiency for existing LBP variants in steel defect classification tasks. Gyimah et al. [32] presented the RCLBP method, which combined the completed local binary pattern and an NL-means filter with wavelet thresholding to extract noise-robust features for surface defect detection. However, despite its computational simplicity, the LBP is highly sensitive to noise and scale changes.
3.1.5. Fractal Model
The fractal model, introduced by Mandelbrot in 1983 [49], serves as a valuable tool in computer vision for recognizing and interpreting various objects. Two key metrics within the fractal model are the fractal dimension and porosity. The formula for calculating the fractal size is provided below:
(4)
where r represents the ruler scale, and N denotes the number of scales obtained with r. In a study by [33], a defect detection algorithm based on multifractals was proposed, focusing on detecting surface defects in cold strips. The algorithm utilized ten features to reduce classifier complexity and successfully identified five types of defects, including pickled, annealing stain defect, emulsion rust, dirty surface, and sticking, achieving an average accuracy of 97.90%.3.1.6. Edge-Based Features
Edge detection encompasses a collection of mathematical techniques designed to pinpoint locations in a digital image where there are abrupt changes in brightness [50]. These techniques are utilized to delineate regions within the image based on color rendition. Wen and Xia [34] introduced a method to discern and evaluate candidate edges against predetermined conditions for leather surfaces.
3.1.7. Histogram Properties
Histograms provide a visual representation of the distribution of data values within an image. Among the commonly used histogram statistics are the geometric mean, standard deviation, range, harmonic mean, variance, and median. These properties offer advantages such as low computational cost, translation, rotation, and scale invariance, particularly in applications involving thresholding and segmentation of grayscale images, color-based image classification, and image retrieval. Kobayashi [51] utilized histograms as feature extractors for classifying defects on steel surfaces. Similarly, Kholief et al. [35] employed a method based on two statistical features derived from histograms and edge detection for detecting defects on steel surfaces. Furthermore, various studies have implemented histogram properties for defect detection on surfaces composed of different materials [36,37]. Despite their utility as low-level processes in defect detection, these methods have demonstrated effectiveness in the field.
3.2. Spectral Methods
Spectral methods can be used for images that have a uniform structure, such as fabric patterns that are created periodically, and they are not suitable for textures that are not periodic in images with random textures. By using spectral methods, the defect objects’ separation can be easy from both the global and local backgrounds. In Table 2, the advantages and disadvantages of several spectral methods are compared. Eight representative spectral methods are briefly introduced below.
3.2.1. Fourier Transform
The Fourier transform is a mathematical operation used to decompose a signal or a function of time into its constituent frequencies. In image processing, the input signal is typically represented in the spatial domain . The Fourier transform of an image is expressed by the following equation, where u and v denote frequency variables ranging from and , respectively:
(5)
where denotes the gray-level intensity of the pixel at position , and N and M represent the width and height of the image, respectively. Yazdchi et al. [33] proposed a defect detection method based on a multifractal analysis for steel surfaces. In that approach, the Fourier analysis was employed to temporally enhance the image temporally, followed by the utilization of the multifractal dimension to isolate the defective region from the image and specify its location. The achieved accuracy was 97.90%. However, Fourier transform based approaches may encounter challenges in achieving non-interference when dealing with frequency-domain components related to defects or background.3.2.2. Wavelet Transform
The wavelet transform emerged as an alternative to the Fourier transform to address potential resolution issues. Unlike the Fourier transform, which decomposes the signal into cosines and sines, the wavelet transform utilizes localized functions in both the real and Fourier space [52]. Aarthi et al. [53] employed the discrete wavelet transform to isolate defects by applying a threshold to the transformed image and extracting different statistical features. Similarly, the imperfections were identified using the threshold of the transformed image in order to exclude them. Selvi [54] introduced wavelet and lifting schemes combined with co-occurrence features to distinguish between normal and defective steel surfaces. Wavelet filters were utilized for noise removal, while co-occurrence features were extracted for further analysis. However, methods based on wavelet transforms can be susceptible to feature correlations between scales.
3.2.3. Gabor Filter
The Gabor filter, a linear filter widely employed in numerous image processing tasks, including texture analysis, edge detection, and feature extraction, plays a significant role in various applications. Considering an image, I, the two-dimensional Gabor residuals are obtained by performing the convolution of with the Gabor function defined in Equation (6) and formulated as [55]
(6)
where is defined as(7)
where , , , , and represent the wavelength of the Gabor function cosine factor, orientation normal to the parallel stripes of the Gabor function, phase offset of the Gabor function cosine factor, standard deviation sigma of the Gaussian factor, and ellipticity of the Gaussian factor, respectively. The Gabor filter has found wide application in detecting defects on steel surfaces, as evidenced by several studies [56,57,58]. Choi et al. [59] proposed combining morphological features and Gabor filtering to detect pinholes on steel slab surfaces. Similarly, Wankhede [60] used Gabor filters to inspect defects on texture surfaces of metal sheets automatically. Medina et al. [61] developed a method employing Gabor filters to detect defects on flat products in a flat-steel cutting factory, achieving a detection rate of 96.61%. These studies highlight the effectiveness of Gabor filtering in characterizing distinctive texture patterns and its utility in detecting defects on steel surfaces.3.2.4. Optimized FIR Filters
Finite impulse response (FIR) filters provide remarkable feature separation between non-defective and defective regions in FIR-filtered frames [62]. Kumar [63] introduced a method utilizing FIR filters for defect detection in fabric, yielding significant results within the textile industry. Moreover, Jeon et al. [64] introduced a new filtering technique that utilized lighting methods for identifying different shapes of defects on steel surfaces.
Table 2Advantages and disadvantages of different spectral detection methods for steel surface defects.
Methods | Advantages | Disadvantages | Applications |
---|---|---|---|
Fourier transform | Expansion and rotation invariance to translation | Lack of localized signal analysis function | [33,65,66] |
Wavelet transform | Capable of representing local signal features and multiresolution analysis; high detection accuracy, ranging from 83.00% to 97.00% | Hard to choose the wavelet basis; feature correlations between scales can be easily influenced | [53,54,67,68,69] |
Gabor filters | Appropriate for feature spaces with high dimensions; low computational burden | Difficult to select the best filter parameters | [56,58,59,70] |
Optimized FIR filters | Suitable, specifically on defects that have subtle intensity variation; they are simple and always stable | Require more memory; limitations to solve the problem of low frequencies | [63,64] |
Multiscale geometric analysis | Image compression efficiency with less data loss; less details are required | Existing redundancy problem | [66,71,72] |
Hough transform | Robust against interference and insensitive to noise | Only tracks the direction of edges; information regarding the length of a line segment is lost | [73] |
Frequency-domain filtering | Suitable for detecting both global and local defects; invariant to translation, expansion, and rotation | Lack of ability for spatial orientation; not suited for detecting random textures | [40,74,75] |
Morphological operations | Geometric representation of texture images; suitable for random or natural textures; computational simplicity. | Only implemented on non-periodic steel defects | [76,77,78,79] |
Spatial filter | Its text-based approach is more centralized (the text file segment is separated from the image segmentation) | The best filter parameters are hard to determine; difficult to maintain spatial orientation | [80,81,82,83,84] |
3.2.5. Multiscale Geometric Analysis
Multiscale geometric analysis (MGA) offers a versatile approach for detecting edge features and distinguishing lines and surface singularities arising from the finite separable wavelet directions [10]. Ai et al. [66] introduced a novel feature extraction technique leveraging kernel locality-preserving projections (KLPP) and the curvelet transform to detect surface longitudinal cracks in slabs. A sample set classification was performed using an SVM, resulting in a classification rate of 91.89%. However, effectively distinguishing active background textures proved challenging, as they were often mistaken for defective edges, necessitating further investigation into this issue.
3.2.6. Hough Transform
The Hough transform is a method for extracting features that use a voting system to identify approximate examples of objects belonging to a specific class of shapes [85]. Invented by Hough in 1962 for detecting intricate lines in images [86], it aids in separating features of a specific shape within an image, which is especially useful for generating a comprehensive description of features across the entire image. The Hough transform has found applications in various fields, including vehicle license plate recognition [87] and fingerprint identification [88,89]. Sharifzadeh et al. [73] proposed a Hough transform detection method to detect defects such as scratches, holes, coil breaks, and rust on cold-rolled steel strips. However, the detection rate achieved remained below 90.00%.
3.2.7. Morphological Operations
Morphological operations have been used to study the enhancement of images with respect to appearance, shape, and organization. It has also been used in steel-strip analysis [90]. Several studies have explored the combination of mathematical morphology with genetic algorithms to develop an algorithm capable of detecting defects on steel surfaces [91,92]. Using image processing techniques, a defect detection algorithm was developed by Joen [93] to perform corner crack detection in the surfaces of billets. Landstr et al. [76] proposed an online inspection method that used mathematical morphology to reduce the effect of noises and perform edge detection on steel surfaces. Tang et al. [77] used mathematical morphology to detect steel surface defects. Additionally, Yazdchi et al. [78] employed local entropy in combination with morphology to identify defect positions in cold-rolling mill steel. In [94], an algorithm for defect detection on steel billets was introduced, leveraging mathematical morphology to recognize both defects and pseudo-defects. Other papers on morphological methods for defect detection are presented in [95,96,97,98]. Nevertheless, these techniques depend on a structural element that traverses pixels within an image to gather image information. Consequently, the computational cost must be carefully considered, especially in online applications for inspecting steel-strip surfaces.
3.2.8. Frequency-Domain Analysis
Frequency domain analysis involves transforming an image into the frequency domain utilizing a mathematical transformation technique, which can help address limitations associated with spatial filtering methods. Wu [74] and Wu et al. [40] introduced two online surface inspection methods for cold- and hot-rolled strips. Additionally, Wu et al. [75] presented a method for detecting defects in hot-rolled strips, utilizing the fast Fourier transform as a feature extractor and combining genetic algorithms and neural networks for steel surface defect recognition. The achieved performance using frequency-domain features was 92.92%.
3.2.9. Spatial Filter
The spatial filtering technique involves determining the value of a pixel at a given coordinate based on the original value of that pixel and the original pixel values of its neighboring pixels [99]. These techniques are broadly classified into two categories: linear filtering operations and nonlinear filtering operations, both of which are integral to image analysis. Gradient filters, for instance, are employed to detect edges, lines, and isolated points. Guan [80] introduced an algorithm based on saliency map construction, which detected defects on steel surface products by performing a Gaussian pyramid decomposition on the discrete frequency information of steel surfaces. Additionally, Alkapov et al. [81] developed a prototype for automatic visible defect detection and classification in metallurgical plants, utilizing the Sobel operator to identify gradients along two axes, achieving an accuracy of 98.10%.
3.3. Texture Segmentation-Based Methods
Spectral-based methods inherently lack local information and struggle to effectively represent various defects, while statistical-based methods tend to be more noise-sensitive. Table 3 provides an overview of the strengths and limitations of model-based methods for detecting steel surface defects.
3.3.1. Markov Random Field Model
The Markov random field (MRF) model, initially used as a texture model by Cross et al. [109], primarily captures the statistical properties of images through non-directional graphs. This model finds applications across various problems in image processing [110]. The Markov random field equation is defined as
(8)
where represents the conditional probability distribution based on observations, denotes the fixed value based on observed values, and signifies the prior probability. Unsalan [100] applied the GLCM and MRF as a texture analysis method to detect and classify six types of steel surfaces using the k-nearest neighbors (KNN) classifier, achieving a higher classification result with an MRF of 91.36%. Ozdemir [101] investigated a novel method based on Karhunen–Loeve Transforms and a model-based approach with an MRF as the texture model for textile fabric defect detection.3.3.2. Autoregressive Model
The autoregressive (AR) model discerns correlations between values within a time series and their preceding and succeeding values, enabling the linear prediction of future behavior based on past observations [29]. This method offers notable time savings compared to nonlinear approaches [111]. Hajimowlana et al. [102] introduced a one-dimensional autoregressive method for texture modeling and defect detection in web inspection systems, although its application to two-dimensional textures was limited. Basu and Lin [103] investigated using the autoregressive (AR) process for tree texture modeling, employing a multi-scale AR texture model for fabric samples. Serafim [104,105] utilized multiresolution pyramids with 2D autoregressive models for leather defect segmentation in natural images, albeit without providing quantitative results.
3.3.3. Weibull Model
The Weibull distribution, commonly employed in life data analysis, offers distinct advantages in detecting defects that may be challenging to identify with an MRF. Its comprehensive descriptive capabilities regarding texture contrast, shape characteristics, and scale contribute to its efficacy [112]. Timma et al. [106] introduced a novel approach to defect detection in textures, leveraging two distinct features. Liu et al. [107] presented a method based on an unsupervised approach. Their study proposed a novel HWV model for defect detection on steel surfaces, achieving a detection rate of 96.20%. However, the Weibull distribution may struggle to detect defects in samples characterized by a low contrast or gradual intensity variations.
3.3.4. Active Contour Model
The active contour model, also known as snakes, is a computer vision framework introduced by Kass et al. [113], designed to delineate object outlines from potentially noisy two-dimensional images. This model finds widespread application in various domains including segmentation, shape recognition, object tracking, and edge detection, addressing various segmentation challenges [108]. Notably, it has been observed that this method is adept at detecting nearly all microdefects without generating false objects, even amidst cluttered backgrounds. However, the absence of constraints makes determining the convergence position challenging for the active contour model.
3.4. Machine Learning-Based Methods
3.4.1. Artificial Neural Networks
Artificial neural networks (ANN) represent an information processing model inspired by the functionality of biological nervous systems, such as the brain or central nervous system [114]. The multilayer perceptron (MLP) is widely used among various ANN architectures. A simple MLP architecture comprises one input layer, one output layer, and one hidden layer, as illustrated in Figure 6. The classifier based on an MLP for defect classification in steel surfaces is structured as follows: the input layer’s size corresponds to the number of components (m) in the feature vectors representing the steel surface (), while the output layer’s size represents the number of defect types to be detected (). The size and number of hidden layers depend on the specific application. Equations (9) and (10) are employed to compute the value of the ith neuron in the lth layer, , by summing the products of values from the previous layer and their corresponding weight parameters , where , and represents the size of the ith layer.
(9)
(10)
where denotes the bias term, represents the size of the layer, and .In Equation (11), the activation function g compresses outputs to the range from zero to one, yielding probabilities that a given feature vector for a road segment belongs to a particular class.
(11)
Equation (11) determines the predicted class label for each steel surface input feature vector X. Training the MLP classifier involves obtaining predicted class labels, , based on randomly initialized weight parameters W for steel surface feature vector , given a training sample representation , , where denotes the class of , and N is the training sample size.
Several attempts have been made to utilize ANNs to control steel surface quality. Zhang [115] proposed an improved backpropagation (BP) algorithm for quality inspection of cold-rolled strips, emphasizing a modification that accelerated convergence. Caleb [116] discussed two adaptive computing techniques, based on supervised and unsupervised learning, to establish a foundation for building a reliable decision support system for classifying steel surface defects. Redmon [117] introduced YOLO9000 for detecting over 9000 object categories. Li et al. [118] proposed a system to detect surface defects in cold-rolled steel, achieving an accuracy of 98.57%.
3.4.2. Moving Center Hypersphere
The Moving Center Hypersphere (MCH) technique, introduced as a method for sample compression [119], operates on the principle of using hyperspheres to represent clusters of points, thereby approximating each sample with a number of hyperspheres. This approach enables the representation of each class of patterns in n-dimensional space using a series of n hyperspheres. In contrast to traditional methods such as K-NN and neural networks, MCH methods offer the advantage of representing patterns from each class in n-dimensional space using a series of n hyperspheres, whereas traditional approaches treat patterns from one class as a set of points [120]. Chu et al. [121] introduced a novel multi-class classification technique, quantile hypersphere based on machine learning (QH-ML), to identify six types of steel surface defects. However, determining the optimal parameters for the MCH presents challenges. Recently, hyperspheres have gained attention from researchers for detecting defects on steel surfaces [122].
3.4.3. Sparse Coding
Sparse coding refers to a set of algorithms designed to learn a valuable sparse representation of given data. These algorithms require only input data to acquire the sparse representation, making them particularly useful as they can directly process raw data and automatically uncover the representation without sacrificing essential information. It is worth noting that sparse coding operates as an unsupervised learning method. The mathematical expression for sparse coding is represented as follows:
(12)
where, x denotes the input vector, and a represents the weight.Huangpeng et al. [123] introduced a method for defect classification in images using transfer learning and sparse coding, aiming to enhance the accuracy of defect classification. Zhou et al. [124] proposed a class-specific and shared-dictionary learning approach to achieve sparse representation, facilitating the classification of surface defects on steel sheets. Furthermore, Liu et al. [125] presented a novel sparse-coding model for object recognition and object feature representation. They also incorporated a flexible data selection mechanism within the photo-receptor layer to enhance the speed and accuracy of detecting defects on steel plate surfaces. Despite these advancements, the computation time remains a limiting factor for real-time defect detection.
3.4.4. Deep Learning-Based Steel Surface Defect Detection Methods
Deep Learning is a specific subset of machine learning techniques concerned with algorithms inspired by the structure and function of the brain. It utilizes multiple layers of artificial neural networks for the machine learning process. Some of the popular deep learning models, like CNNs, generative adversarial networks (GANs), and convolutional autoencoder (CAE), are widely used in the process of extracting features from images of steel surfaces. This section provides an overview of current research on detecting defects on steel surfaces. The methods employed for this task using deep learning techniques can be categorized into three main approaches: supervised, semi-supervised, and unsupervised methods.
Supervised
Supervised deep learning methods leverage labeled training data to learn complex patterns and characteristics of steel surface defects. Supervised learning enables the neural network to learn discriminative features and make accurate predictions automatically by providing the model with pairs of input images and corresponding defect annotations. By harnessing the power of labeled training data and sophisticated neural network architectures, these methods pave the way for more reliable quality control systems in industrial settings. For enhancing defect detection accuracy, Zhao et al. [126] integrated a feature pyramid network into the You Look Only Once Network Version 4 (YOLOv4) architecture, achieving an average detection accuracy of 92.50%. Semantic segmentation-based methods have also been explored, with Zhou et al. [127] utilizing semantic segmentation for steel defect detection and Dong et al. [128] introducing the PGA-Net method for pixelwise defect detection, achieving an 82.25% accuracy. Gao et al. [129] proposed a hierarchical training CNN with feature alignment to improve the recognition accuracy of steel surface defects. Recent advancements include transfer learning-based approaches, such as Abu et al. [130] using MobileNet, ResNet, and Visual Geometry Group (VGG) models for steel defect detection, achieving an 80.41% detection rate with MobileNet. Additionally, kateb et al. [131] utilized a pre-trained ResNet-50 network for steel defect classification. Furthermore, Chen et al. [132] proposed an aluminum profile surface defect detection method based on a deep self-attention mechanism, achieving a 98.70% accuracy using a ResNet model. Litvintseva et al. [133] compared E-Net, DeepLabV3, and U-Net models for metal surface defect recognition, with DeepLabV3 achieving the highest accuracy. Fadli et al. [134] employed VGG-16 and VGG-19 models for image recognition of steel surface defects, achieving performance values of 97.20% and 93.30%, respectively. Gao et al. [135] proposed a lightweight inspection network for multi-class steel plate surface defect detection. Lian et al. [136] utilized an adversarial network to generate numerous exaggerated defect samples, thereby improving the classification accuracy for identifying tiny flaws within single images.
Unsupervised
Unsupervised deep learning methods are advantageous when there is a scarcity or high cost associated with acquiring labeled training data, as they do not necessitate such data. Alternatively, these techniques use the organization and recurring patterns within the data to obtain significant representations through self-regulation or clustering. Mujeeb et al. [137] introduced a method based on unsupervised learning utilizing a deep autoencoder network for detecting surface-level defects. Meanwhile, Zhao et al. [138] proposed a combined approach integrating an autoencoder (AE), a generative adversarial network (GAN), and LBP to detect defects on textured surfaces. Notably, labeled samples were not required in these approaches due to their unsupervised nature. Mei et al. [139] proposed an unsupervised learning method involving the construction of a convolutional denoising autoencoder architecture based on a Gaussian pyramid to discern defective and defect-free regions. Additionally, Youkachen et al. [140] presented a model based on unsupervised learning using CAE and image processing for defect segmentation in various steel surface forms.
Semi-Supervised
Semi-supervised learning techniques combine the benefits of supervised learning, which uses labeled training data, with the scalability and flexibility of unsupervised learning, which utilizes unlabeled data to acquire meaningful representations. Yiping et al. [141] proposed a semi-supervised learning technique employing a CNN, with the CNN enhanced by pseudo-labeling, to recognize defects on steel surfaces. Meanwhile, Zhang et al. [142] developed a semi-supervised generative adversarial network (SSGAN) for image defect detection. The SSGAN comprised two key sub-networks: a segmentation network and a fully convolutional discriminator (FCD) network. The segmentation network employed a dual attention mechanism to precisely segment defects from both labeled and unlabeled images. In contrast, the FCD network utilized adversarial and cross-entropy loss functions to generate confidence density maps for unlabeled images in a semi-supervised learning fashion. Additionally, Zheng et al. [143] introduced a deep learning method based on a generic semi-supervised approach, which required only a small quantity of labeled data for surface defect inspection. Table 4 summarizes the strengths and weaknesses of various machine learning methods for detecting steel defects.
4. Comparison of Some Defect Detection Methods
Many studies on the detection of steel surface defects have been conducted in the literature, and some defect detection methods are listed in Table 5. This table focuses on the detection methods, their relevant references, the type of steel used, the types of defects, the size of the dataset, the reported accuracy of detection, and the advantages and limitations of each method.
5. Defects Classification Methods
The classification of steel surface defects is the process of categorizing these defects into various classes, such as crazing, patches, scratches, etc., either automatically or manually. Various factors, including grease, dirt, impurities, temperature changes, high humidity, and more, can cause defects on the steel surface. These defects can cover only small regions of the image, a comparatively larger area of the image, or be whole-area defects. Different descriptors are used to describe these defects, requiring different feature extraction techniques and classification methods. Steel surface defect classification aims to ensure the quality of steel products by accurately identifying the type of defect. This requires high efficiency and accuracy from the classification methods, making it challenging for researchers. Three main categories of classifiers are used for this task: supervised, unsupervised, and semi-supervised.
5.1. Supervised Classifiers
In supervised classification, the user can specify which pixels in an image represent certain classes by labeling the data. That means the user does the data labeling, so the labeled data of steel surface images would tell the model which image includes the scratch, hole, scarring, etc. When presented with a new steel surface image, the model uses the labeled training data to model its class and later make a prediction of the class to which a new item belongs. Various supervised classification methods have been proposed, including KNN, ANN, SVM, discriminant function (DF), and fuzzy logic (FL).
5.1.1. K-nearest Neighbors Classifiers
The k-nearest neighbors classifier (K-NN) is a machine learning algorithm that operates based on the distance between observations. In the K-NN method, an object is classified by a majority vote among its neighbors. Specifically, the object is assigned to the most common class among its k nearest neighbors. During the training stage, the algorithm stores feature values and target vectors of training data instances [167]. Various researchers in the steel surface defect inspection field have employed the k-nearest neighbors classifier [65,168]. For instance, in their work [165], Boudiaf et al. developed an automatic system to detect surface defects in hot-rolled flat steel. Their method used the HOG for image feature extraction and a k-nearest neighbors classifier for defect classification, achieving a recognition accuracy of 91.12%. Similarly, Cem et al. [100] utilized the nearest neighbor classifier to classify grades on steel surfaces. However, that method failed to meet real-time requirements.
5.1.2. Artificial Neural Network
An artificial neural network (ANN) is an information processing system designed to emulate the functioning principles of the human brain [114]. Neural networks consist of interconnected neurons capable of performing complex computations. In the structure of an artificial neural cell, inputs represent external data, while weights indicate the significance of incoming data and their impact on the cell. The transfer function calculates the net input to a cell, with the weighted sum function being commonly used. Activation functions determine the output generated by the cell based on its input and process the net input. Various activation functions like sigmoid, threshold, and hyperbolic tangent can be employed. The output represents the value sent to the external world or another cell, and the activation function influences its calculation. ANNs can mainly be categorized into feedforward neural networks (FFNNs) and backpropagation or feedback neural networks (FBNNs) [169]. FFNNs are made of interconnected layers, where information flows only from input to output; Examples of FFNNs are single-layer perceptron and multilayer perceptron. FBNNs are neural networks in which a specific algorithm is used for training, such that the error is propagated backward through the network to adjust the weights, thereby optimizing the networks’ performance. Examples of FBNNs are Kohonen’s self-organizing map and recurrent neural networks (RNNs). They find wide applications across domains like system diagnostics, pattern recognition, robotics, nonlinear control, and signal processing. Khalifa et al. [35] proposed a method for detecting and classifying surface defects on hot-rolled steel strips. The approach involved using histogram and edge detection for feature extraction while employing two classifiers for defect classification: an ANN as a supervised classifier and a DAN as an unsupervised classifier. Sarma et al. [170] proposed a method for detecting surface defects on hot-rolled steel sheets, employing a three-level 2D Haar wavelet transform and training an ANN classifier for texture feature extraction. The approach achieved promising results when tested on 45 defect-free and 55 defective images. Similarly, Popat et al. [171] established general guidelines for developing a neural network model for automatically detecting and classifying defects in hot strips, achieving a classification accuracy of 98.75%. In the steel surface defect inspection realm, ANN has been widely utilized by various researchers [172,173].
5.1.3. Support Vector Machines
Support vector machines (SVMs), also known as support vector networks, are supervised machine learning algorithms capable of classification and regression tasks [174]. The SVM model was introduced in 1995 by Vapnik et al. [175]. Deep learning models often face the challenge of overfitting due to the many parameters involved. SVMs offer a solution to this issue. Their promising empirical performance and appealing characteristics have attracted significant attention from researchers. In recent years, SVMs have been widely employed in classifying steel surface defects, yielding excellent performance [176,177,178]. An adaptive classifier with a Bayes kernel (BYEC) was proposed in [179]. That approach involved the introduction of five types of features for the loss problem, followed by the proposal of a series of SVMs. Subsequently, a Bayes classifier was trained as an evolutionary kernel to fuse the results from the base SVMs. Additionally, in [180], an evolutionary classifier with a Bayes kernel (BTEC) was developed for classifying steel surface defects. Furthermore, twin support vector machines with multi-information (MTSVMs) were introduced in [181] for classifying defects in steel surfaces. Chu proposed a multi-class classifier called ELSGTWSVM in [182] for classifying surface defects in strip steel. The classifier was designed to categorize six classes of strip steel surface defects, including cracks, scarring, holes, wrinkles, scratches, and scales. Moreover, Hu et al. [183] proposed an SVM-based model to categorize surface defects on steel strips using grayscale, geometric, and shape features extracted by combining the defect target image and its corresponding binary image. Additionally, Song et al. [184] applied a scattering operator to extract features for defect recognition, enhancing the tolerance ability of local deformations. The improved scattering convolution network achieved a best average recognition accuracy of 98.60% using the SVM classifier. Furthermore, Hu et al. [185] constructed a classification model based on a hybrid chromosome genetic algorithm to classify surface defects on steel strips using shape, geometric, grayscale, and texture features extracted from defect target images and their corresponding binary images. The SVM classifier achieved an average prediction accuracy of 95.04%.
5.1.4. Discriminant Function
The discriminant function (DF) is a classification method used to discriminate between two or more naturally occurring groups [186,187]. The discriminant function procedure can be divided into two phases. First, it tests the significance of a set of discriminant functions, then it performs classification [188]. Generally, discriminant analysis is a highly beneficial technique that involves two key steps. Firstly, detecting the variables, and secondly, accurately classifying cases into different classes. It has been applied widely in many fields. Two notable studies on the theory behind discriminant functions have been conducted [1,2]. These studies are valuable resources for researchers interested in the discriminant function theory. Weiwei et al. [189] demonstrated that the discriminant function model was appropriate for feature components extracted from steel surface defects. A classification approach was described in Cord [190] that was based on textural information for metallic surfaces exhibiting intricate random patterns.
5.1.5. Fuzzy Logic
The concept of fuzzy logic, pioneered by Zadeh in 1956 [191,192], offers a unique approach to problem-solving by incorporating linguistic expressions rather than solely relying on numerical values. Neural networks, with their capacity to process intricate and imprecise data, excel at detecting and extracting patterns that may be too intricate for conventional systems. Shitole et al. conducted a study [193] where they developed a neural-fuzzy classifier specifically for detecting, classifying, and interpreting weld defects. This classifier was compared against two other classification methods: a fuzzy logic classifier and an artificial neural network classifier.
5.1.6. Deep Learning
Deep learning has revolutionized the steel surface defect inspection field by enabling computers to learn from large numbers of images without explicitly programmed instructions [194,195,196]. It involves training artificial neural networks with multiple layers to recognize patterns on the steel surfaces and make decisions. Guan et al. [197] proposed an advanced deep learning algorithm for classifying steel surface defects by incorporating feature visualization and quality evaluation techniques. They utilized the pre-trained VGG19 model for defect classification and employed DVGG19 to extract image features. Decision trees and the Structural Similarity Index (SSIM) were employed to adjust VGG19’s parameters and structure and evaluate the feature image quality. Their VSD network achieved an impressive total accuracy of 93.70%. Kostenetskiy et al. [198] developed a prototype system for Iron-and-Steel Works in the Russian Federation, leveraging convolutional neural networks (CNNs) to automatically detect and classify defects with a classification accuracy of 98.10% on test data comprising six defect types. Additionally, a defect detection system based on deep learning was proposed in [5], achieving an mAP of 82.30 for detection and a 99.70% accuracy for classification tasks by fusing multilevel features. Konovalenko and Maruschak [199] utilized the ResNet50 neural network classifier to detect and classify three types of technical defects in rolled-metal products, achieving a total accuracy of 95.80%. Wu et al. [200] proposed a method that combined feature transformation, extraction, and nearest neighbors to classify steel surface defects using Residual Net, MobileNet, and Dense Net networks, achieving a classification accuracy of 92.33%. Fu et al. [201] introduced a deep neural network for recognizing and classifying new defect classes on steel surfaces, utilizing a Siamese network and achieving classification accuracies of 85.80% and 100% on the NEU and Xsteel datasets, respectively. They employed a pre-trained SqueezeNet model with a multi-receptive field module to emphasize low-level feature learning. Additionally, Zhou et al. [202] proposed a novel method for surface defect detection based on a bilinear model using the Double-Visual Geometry Group16 feature function, achieving an accurate classification and localization of surface defects. Furthermore, Fu et al. [203] proposed an approach that combined a pre-trained VGG16 model for feature extraction and a CNN for classification, while Wang et al. [204] combined object detection and binary classification models to enhance the accuracy and speed of steel plate surface defect detection, achieving an accuracy of 98.20%. Lastly, Nagy et al. [205] addressed the challenges of adapting existing models to new artifact classes by combining EfficientNet deep neural networks with randomized classifiers. Masci et al. [206] introduced the Max-Pooling Convolutional Neural Network (MPCNN), which achieved a 7% error rate in classifying seven defects in cold strips, outperforming SVM. Similarly, Yi et al. [207] presented a simple CNN model for classifying steel sheet surface defects. Meanwhile, Deshpande et al. [208] proposed a Siamese CNN for one-shot defect recognition on steel surfaces. Prihatno et al. [209] employed CNNs to detect defects in steel sheets, achieving 96.00% and 73.00% accuracy in training and testing, respectively. Ibrahim and Tapamo [210] combined a pre-trained VGG16 model as a feature extractor with a newly designed CNN classifier to address the challenges of diversity and similarity among defect types. He et al. [211] introduced a novel framework leveraging multi-scale receptive field to extract multi-scale features. In their approach, a set of autoencoders were trained to reduce the dimensionality of the extracted multi-scale features, achieving a classification rate of 97.20%. Niu et al. [212] introduced the surface defect-generation adversarial network (SDGAN), a novel method based on GANs for defect image generation using a large number of defect-free images collected from industrial sites.
5.2. Unsupervised Classifiers
Unsupervised classifiers are techniques used to select which pixels are related and group them into classes. The computer model receives unlabeled data without explicit instructions on what to do with it, and the model can learn to form its own classifications of the training data without external help. Recently, unsupervised methods have been used in many studies for surface defects’ inspection [213].
5.2.1. Self-Organizing Map
The self-organizing map (SOM), invented by Kohonen [214], is an artificial neural network extensively employed for clustering and visualization in exploratory data analysis [215,216]. SOMs serve the purpose of reducing a complex, high-dimensional input space into a simpler, low-dimensional representation [217], finding applications across various fields [218]. In [219], an inspection system for rolled steel was proposed, using PCA for feature extraction and SOMs for defect classification. The study targeted three defects: exfoliation, oxidation, and waveform defect, achieving an overall accuracy of 87.00%. In another effort by Luo and He [220], an automatic optical inspection system for hot-rolled flat steel was developed to enhance inspection speed, implemented on an FPGA and reaching an accuracy of 92.11%. Additionally, Caleb [116] discussed two adaptive computing techniques based on supervised and unsupervised learning to establish a reliable decision support system for classifying surface defects on hot-rolled steel.
5.2.2. Learning Vector Quantizer
Learning Vector Quantization (LVQ) is an artificial neural network algorithm versatilely applicable in both supervised and unsupervised learning scenarios for classification tasks [221]. It proves effective for handling variable-length and warped feature sequences and is capable of fine-tuning prototype sequences to achieve optimal class separation. Guifang [75] proposed a method for defect recognition in hot-rolled strips, employing the LVQ neural network fed with 54 features to accomplish surface defect recognition.
5.2.3. Deep Autoencoder Network
A deep autoencoder (DAN) is a type of unsupervised neural network characterized by its three-layer structure, where the output target of the autoencoder matches the input data. Consisting of two main components, namely the encoder network and the decoder network, it operates by transforming input data from a high-dimensional space into codes in a lower-dimensional space through the encoder network, and then reconstructing the inputs from the corresponding codes via the decoder network.
5.3. Semi-Supervised Classifier
Semi-supervised models are the mixing of supervised and unsupervised learning processes that can use fairly small datasets, and the training dataset can include both labeled and unlabeled data for training. It enhances classification performance when not requiring sample-labeled samples for training. Di et al. [222] introduced a novel approach combining CAE with semi-supervised generative adversarial networks (SGANs) for steel surface defect detection and classification. Initially, CAE-SGAN leverages a stacked CAE trained on a vast quantity of unlabeled data, utilizing intermediate layers to enhance feature extraction for fine-grained features. Subsequently, the encoder network of the CAE is retained as a feature extractor and connected to a softmax layer to establish a new classifier. SGAN is then employed for semi-supervised learning to refine the classification further. Odena et al. [223] proposed a semi-supervised approach based on GANs, which coerces the discriminator network to output class labels. Moreover, He et al. [224] presented a defect classification method based on semi-supervised learning using two networks: a residual network and a categorized generative adversarial network. By employing GANs to generate many unlabeled samples, they achieved a classification accuracy of 99.56%. Additionally, semi-supervised learning was utilized as a feature extraction method in another study [225]. The strengths and limitations of classification methods for steel surface defects are summarized in Table 6.
6. Comparison of Some Defect Classification Methods
Numerous studies have focused on classifying surface defects in steel. Table 7, Table 8 and Table 9 present comparisons of various methods in the realms of supervised, unsupervised, and semi-supervised learning, respectively.
7. Evaluation Metrics of Defect Detection and Classification Methods
Evaluation metrics play a crucial role in assessing the performance of defect detection methods. Commonly used evaluation metrics in steel surface defect detection include accuracy, precision, recall, and F1-score [239,240,241,242,243]. These metrics provide valuable insights into the effectiveness of the proposed methods by quantifying their ability to identify and classify defects on steel surfaces accurately. This paper summarizes some of the evaluation metrics commonly used in steel surface defect detection. Their formulas are given in Equations (13)–(16).
(13)
(14)
(15)
(16)
where represents the number of positive samples correctly detected or classified, while indicates negative samples correctly identified as negative. occurs when negative samples are erroneously detected or classified as positive, and occurs when positive samples are incorrectly detected or classified as negative.8. Trend Analysis of the Literature
8.1. Literature Analysis of Detection Methods
Based on the review of steel surface defect detection methods, we can observe that there has been a consistent increase in the number of papers focusing on defect detection methods over the years.
There is a general trend of decrease in statistical methods over time. This could be attributed to the recent popularity of more sophisticated machine learning techniques. As for spectral methods, they experienced fluctuation over the years, with a peak around 2006–2010 before gradually declining in usage. Similarly, the texture segmentation based methods show a peak around 2006–2010 before declining in usage. As shown in Figure 7, the most notable trend is the significant increase in methods based on learning, particularly in the most recent period 2021–2024. This suggests a growing interest in and adoption of machine learning techniques for steel surface defect detection. Therefore, the analysis suggests a shift from traditional statistical and texture segmentation based methods towards more advanced machine learning-based approaches for steel surface defect detection in recent years. This shift is likely driven by the increasing data availability, advancements in machine learning algorithms, and the desire for more accurate and efficient defect detection systems in industrial settings.
8.2. Literature Analysis of Classification Methods
From Figure 8, it can be seen that there has been a clear upward trend in the usage of supervised methods over the years, with a notable increase in the number of papers from 2016 to 2020. Unsupervised methods have been less common than supervised methods, with sporadic utilization over the years.
The number of papers focusing on unsupervised methods is relatively low across all periods. Semi-supervised methods have seen some adoption, particularly from 2016 to 2020, where there is a notable increase in the number of papers compared to previous years. However, there was also a notable increase in the exploration of unsupervised and semi-supervised methods during that period. The analysis suggests a current focus on supervised methods for steel surface defect classification, with a smaller proportion of papers focusing on unsupervised and semi-supervised methods. This trend indicates a preference for methods that depend on labeled data.
9. Conclusions and Future Directions
This work provided a comprehensive overview of techniques employed in detecting and classifying defects on steel surfaces based on more than 200 studies. The study examined existing methods, particularly machine learning approaches, to discover the latest advancements and progress in automating steel surface inspection. Various factors, including grease, dirt, impurities, temperature changes, and high humidity, can cause defects on steel surfaces. Additionally, these defect categories have some diversity and similarities, presenting challenges for their accurate classification. It was noted that recent methods in detecting and classifying steel surface defects emphasized supervised learning due to its superior performance, resulting in a relative neglect of statistical and spectral methods. Nevertheless, there are observations from previous research that contribute to drawing justifiable conclusions in the process of detecting and classifying. Therefore, we emphasize these observations by presenting key points that we consider highly significant:
A standard image dataset must be used to conduct a performance evaluation of detection and classification algorithms and carry out a fair comparative analysis.
Although requiring fewer labeled datasets, semi-supervised learning methods have exhibited lower accuracies than supervised learning methods.
The significant diversity and similarity of various classes of defects make defect classification difficult.
Augmenting data enhances the performance of defect detection and classification models, particularly on unevenly distributed datasets that are not too large.
This paper also discussed evaluation metrics commonly used in steel surface defect detection, including accuracy, precision, recall, and F1-score, which play a crucial role in assessing the performance of defect detection methods by quantifying their ability to detect and accurately classify defects on steel surfaces. There are several encouraging future research studies that could enhance the performance of defect detection and classification methods. Among them are the following:
1.. There is a need for curating large-scale benchmark datasets comprising diverse steel product types and defect categories and standardized evaluation metrics, including accuracy, precision, recall, and F1-score metrics.
2.. Exploring the integration of advanced machine learning models, such as transformer-based models, graph neural networks, and reinforcement learning, to further improve the accuracy and efficiency of defect detection systems.
3.. Ensuring the robustness and generalization of machine learning models across different production environments and steel product types remains a challenge. Future research could investigate methods for enhancing defect detection systems’ robustness and generalization capabilities, such as transfer learning and data augmentation strategies.
4.. Much expectation for future findings for steel surface defect detection and classification points to investigating models based on supervised learning, specifically deep learning techniques and semi-supervised learning methods, to overcome the challenge of limited training data. This shift toward deep learning techniques is expected to improve outcomes in detecting steel-strip defects in the near future.
5.. One of the problems that can be encountered when designing a steel surface defect detection model is the eventuality of small datasets that often lack diversity. The consequence is the design of biased models that fail to appropriately generalize well to unseen data. This is due to the fact that there is not enough variation in the types, sizes, shapes, and locations of defects present in the dataset. Some of the directions that could be explored to resolve these problems are:
Augmenting the dataset through usual techniques such as rotation, flipping, cropping, and color adjustments might not be sufficient to increase dataset size and diversity. It is then crucial to find novel data augmentation strategies particularly adapted to steel surface defect detection.
Designing effective feature representations that capture the relevant characteristics of defects on steel surfaces is crucial. It is a challenge to find suitable features that generalize well and are robust to noise and variations.
Exploring models that can generalize well from small datasets to unseen data is a significant challenge. Regularization techniques, transfer learning, and domain adaptation methods can help improve generalization performance but require careful adaptation and tuning.
It will be worth investigating the integration of human expertise into the training and validation process to help improve model performance in the presence of small datasets, where human feedback is leveraged to refine and validate defect detection models.
The development of benchmark datasets specifically tailored to defect detection on steel surfaces can facilitate the evaluation and comparison of different algorithms and methodologies.
It is observed that supervised learning algorithms have a high likelihood to emerge as the mainstream approaches for steel defect detection and classification, coupled with the challenge of enhancing model accuracy with limited datasets, most future works should focus on designing an accurate supervised learning-based model with low computational complexity for steel surface defect detection and classification.
Conceptualization, A.A.M.S.I. and J.-R.T.; methodology, A.A.M.S.I. and J.-R.T.; software, A.A.M.S.I.; validation, A.A.M.S.I. and J.-R.T.; formal analysis, A.A.M.S.I. and J.-R.T.; investigation, A.A.M.S.I. and J.-R.T.; resources A.A.M.S.I. and J.-R.T.; data curation, A.A.M.S.I. and J.-R.T.; writing—original draft preparation, A.A.M.S.I.; writing—review and editing, A.A.M.S.I. and J.-R.T.; visualization, A.A.M.S.I.; supervision, J.-R.T.; project administration, J.-R.T.; funding acquisition, J.-R.T. All authors have read and agreed to the published version of the manuscript.
Not Applicable.
Not applicable.
No new data were created or analyzed in this study. Data sharing is not applicable to this article.
The authors declare no conflicts of interest.
The following abbreviations are used in this manuscript:
Notations | Description |
ANN | Artificial neural networks |
BP | Backpropagation |
CAE | Convolutional autoencoder |
CCD | Charge-coupled device |
CNN | Convolution neural networks |
CPN | Classification priority network |
DAN | Deep autoencoder network |
DF | Discriminant function |
FBNN | Feedback neural networks |
FFNN | Feedforward neural network |
FIR | Finite impulse response |
FL | Fuzzy logic |
GAN | Generative adversarial network |
GLCM | Gray-level co-occurrence matrix |
HOG | Histogram of Oriented Gradients |
KNN | k-Nearest neighbors |
LBP | Local binary pattern |
LVQ | Learning Vector Quantization |
MCH | Moving Center Hypersphere |
MGA | Multiscale geometric analysis |
MLP | Multilayer perceptron |
MRF | Markov random field |
PCA | Principal component analysis |
R-CNN | Region convolutional neural network |
SOM | Self-organizing map |
SVM | Support vector machine |
VGG | Visual Geometry Group |
YOLOv4 | You Look Only Once Network Version 4 |
TN | True Negative |
TP | True Positive |
FP | False Positive |
FN | False Negative |
Footnotes
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.
Figure 2. Defects detection and classification tasks. (a) Bounding box around detected defect. (b) class identification of each detected defect.
Figure 4. The common various types of defects found on steel surfaces: (a) patches, (b) waves, (c) holes, (d) scratches, (e) scales, (f) scarring.
Strengths and limitations of different statistical detection methods for steel surface defects.
Methods | Strengths | Limitations | Applications |
---|---|---|---|
Autocorrelation | Simple to utilize with repetitive textures like textiles | Difficulties in identifying nonlinear relationships; not suitable for textures with randomly arranged textural elements | [ |
Thresholding | Easy to understand, simple to implement | A small difference in the background can make defect detection fail | [ |
Co-occurrence matrix | Pixels’ spatial relationship can be extracted with different statistical computations | Difficult to referee the optimal displacement selection | [ |
Local binary pattern | Faster discriminative feature extraction with rotation in gray invariance | Noise and scale change have a significant influence; highly dependent on the gray value of the image’s center point | [ |
Fractal model | Remains unaffected by significant geometric transformations and variations in lighting | Has limitations on images without self-similarity; unsatisfactory detection rate | [ |
Edge-based | Easy to extract low-order features of the image and simple to realize | It is only suitable for images with low resolution; sensitive to noise | [ |
Histogram properties | Clarity, invariant to translation and rotation; simple calculations | Poor detection rate for irregular textures less than 70% | [ |
Strengths and limitations of texture segmentation-based Methods for steel surface defects.
Methods | Advantages | Limitations | Applications |
---|---|---|---|
Markov random field | It can be easily combined with statistical and spectral methods for the segmentation task | Incapable of identifying small defects and unsuitable for global texture analysis | [ |
Autoregressive model | It can forecast any recurring patterns in the data; high performance for texture-related problems | Only appropriate for low-resolution images due to increasing memory and computation demands as the image size grows | [ |
Weibull model | Has superiority in describing the contrast, shape of textures, and scale | Difficult to detect defects with low contrast or gradual intensity | [ |
Active contour model | Demonstrates strong performance in detecting both steel pit defects and spot defects; easy to follow an object on subsequent similar images | Difficult to calculate the convergence position due to a lack of constraints; when the image size is too large, this method works slowly | [ |
Strengths and weaknesses of different machine learning methods for steel surface defects’ detection.
Methods | Advantages | Weaknesses | Applications |
---|---|---|---|
Artificial neural networks | Have numerical strength and can perform more than one job at the same time; real-time performance is suitable for industrial use | The training duration of the network is unknown; large-scale feature vectors lead to high calculation cost | [ |
Moving center hypersphere | High accuracy and efficiency in classification (93–96%); not sensitive to noise | Difficult to determine the best parameter | [ |
Sparse coding | It can be used in both input and output phases | The computation time exceeds 45.6 s, rendering it unsuitable for real-time detection | [ |
Deep learning | Effective at producing high-quality results and the quality of work never deteriorates | For better performance, a large quantity of data is required; some DL models that perform well on benchmarked datasets may struggle when they are applied to real-world datasets. | [ |
Comparison of some defects detection methods.
Detection Methods | Reference | Type of Steel | Type of Defects | Size of Dataset | Accuracy % | Advantages | Disadvantages |
---|---|---|---|---|---|---|---|
CNN | [ | Hot-rolled | Crazing, scratches, rolled in scale, pitted surface, patches | 6531 images | 95.63 | Simple computation | The accuracy of outcomes is heavily dependent on the scale of the training dataset |
Improved YOLO | [ | Cold-rolled | Scar, scratches, inclusions, burr seams, iron scale defects | 4655 images | 99.00 | High detection rate | Large datasets are required |
Gradient filter, double thresholding | [ | Rod/bar | Vertical, scratch | 2444 images | 96.90 | Appropriate for high-dimensional feature space | Complicated to determine the optimal filter parameters |
HOG, PCA | [ | Hot-rolled | Inclusion, rolled-in scale, patches, pitted surface, scratches, crazing | 1200 images | 91.12 | PCA needs a small storage space, KNN does not need to create a hypothesis | Many calculations and weakness in distinguishing healthy and defective areas |
Gabor filter | [ | Slab surfaces | Pinholes | 968 images | 98.69 | High speed in searching defects with the lowest cost | Much time needed for feature extraction |
Multifractal | [ | Cold strip | Dirty surface stain, rust under pickled, sticking, emulsion | 2300 images | 97.90 | It implies a continuous spectrum of exponents for the pattern characterization | Most real textures are not ideal fractals |
Wavelet, double threshold | [ | Billet | Corner crack. | 220 images | 97.80 | Very fast computation | Unable to get the information in all directions |
Strengths and limitations of classification methods of steel surface defects.
Methods | Advantages | Limitations | References |
---|---|---|---|
Supervised classifiers | Quite simple, and robust; has a good and reliable effect; very helpful in classification problems | A large dataset needs a long computation time to train; dependent on labeled samples; hard to label large steel surface defects. | [ |
Unsupervised classifiers | Dimensionality reduction can be easily achieved; solve problems by learning from the data and classifying them without any labels | Sensitive to noise and significantly impacted by initial values | [ |
Semi-supervised classifiers | Stability are achieved with just a few labeled samples | Training requires massive interaction and is of low efficiency | [ |
Comparison of some defect classification methods (supervised classifiers).
Classification Methods | Reference | Type of Steel | Type of Defects | Size of Dataset | Accuracy % | Advantages | Disadvantages |
---|---|---|---|---|---|---|---|
INSVHs | [ | Hot-rolled | Hole, scratch bruise, wave scarring, scale | 3320 images | 97.26 | Suitable for strengthening the effect of important samples | Calculation time was slow; sample was unbalanced |
SVM | [ | Hot-rolled | DFBL, DFLS LSBL, LSS | 71 images | 94.74 | A lot of feature vectors from a few images | The performance was not good for all defect samples |
BYEC | [ | Hot-rolled | Rolled-in scale, crazing, inclusion patches, scratches, pitted surface | 1800 images | 97.42 | Adaptive to change in steel surface defects’ dataset | Low accuracy when used on a large dataset |
MHSVM | [ | Hot-rolled | Scratch, hole scarring, wave scale, bruise | 4120 images | 97.33 | It can learn additional information hidden in defect dataset | In order to achieve a satisfactory result, you have to experiment with a number of different parameter settings. |
CNN | [ | Hot-rolled | Pitted surface, inclusion, crazing, rolled-in scale, patches, scratches | 6531 images | 95.63 | The sample size for the inspection of the lot can be increased by the proposed algorithm | For the model training, a significantly large dataset is required. |
DST-KLPP | [ | Hot-rolled | Transverse scratches, transverse cracks, scar, pockmarks, chaps, scales, roll imprints, longitudinal scratches, longitudinal cracks | 1273 images | 90.42 | Suitable for image processing of intense noise | Irregular method |
ARW-NNC | [ | Hot-rolled | 18 types | 4320 images | 97.62 | Classification algorithm is better | More runtime overheads |
DCNN | [ | Hot-rolled | Inclusion, crazing, rolled-in scale, patches, scratches pitted surface | 1800 images | 99.89 | The ensemble strategy improved the recognition rate from the single models | Computation was still too large; noise and low-quality data were ignored |
KNN | [ | Hot-rolled | Pitted surface, inclusion, crazing, rolled-in scale, patches, scratches | 1800 images | 91.12 | The method is simple, easy to achieve, and clear | The recognition accuracy is unsatisfactory |
ANN | [ | Hot-rolled | Rolled-in scale, pitted surface, inclusion, crazing patches, scratches. | 1800 images | 98.16 | When the layers become too many, the network is prone to overfitting | The network requires a large diversity in training for its operation |
CPN | [ | Hot-rolled strip, hot-rolled plates | Water drops, scales, seams, water strains, vertical cracks, horizontal cracks, rolling marks | 7050 images | 94.00 and 96.10 | More sparse and reasonable feature maps can be obtained. | One defect has different morphological characteristics |
MDTWSVM | [ | Hot-rolled | Dent, scarring scratch, dirt hole, damaged edge crack. | 2330 images | 96.92 | Defect feature extraction with rotation invariance and scale | It is not suitable when the dataset includes more noise |
SDC-SN-ELF+MRF | [ | Hot-rolled | Inclusion, crazing patches, scratches, pitted surface, rolled-in scale. | 1800 images | 97.50 | Light-weight model. | Large dataset and a lot of computational power are required for pre-trained model learning. |
Comparison of some defects classification methods (unsupervised classifiers).
Classification Methods | Reference | Type of Steel | Type of Defects | Size of Dataset | Accuracy % | Advantages | Disadvantages |
---|---|---|---|---|---|---|---|
LVQ | [ | Hot-rolled | Crack, pits scar, roll-mark shell, cross texture, pseudo-defects | 485 images | 84.00 to 93.00 | Simple structure | The information from every dimension of the input sample is not fully used |
SOM | [ | Hot-rolled | Bruise, scratch, rolled-in scale, rolled-in bruise, skin lamination, no defect | 1084 images | 97.00 | Integrating SOM into a real-time inspection system could be valuable for generating new class labels directly correlated to the features | Slow processing time |
HWV | [ | Hot-rolled strips | Massive rupture, drops, tar, oil stain, roll marks, white-dot mountain. | 1200 images | 96.20 | Arbitrary type of defect on the homogeneously textured surface can be identified | low contrast, miscellaneous patterns, pseudo-noise interference |
Comparison of some defects classification methods (semi-supervised classifiers).
Classification Methods | Reference | Type of Steel | Type of Defects | Size of Dataset | Accuracy % | Advantages | Disadvantages |
---|---|---|---|---|---|---|---|
cDCGAN, Resnet18 | [ | Hot-rolled | Crazing, patches, pitted surface, inclusion rolled-in scale, scratches. | 1800 images | 99.56 | Require fewer labeled samples | The GAN samples looked slightly fuzzy |
CAE-SGAN | [ | Hot-rolled | Longitudinal crack, transverse crack, scar, wrinkle, water mark, scale seam, edge crack, rolling mark | 10,800 images | 98.60 | Full use of steel surface images (labeled and unlabeled images) | Rates of convergence and asymptotic analyses may not capture the complete image |
PLCNN | [ | Hot-rolled | Inclusion, patches, pitted surface, rolled-in scale, scratches | 1800 images | 90.70 | Unlabeled data can be used | The scale of the training set is limited in early production |
References
1. El-Agamy, M.; Awad, M.A.; Sonbol, H.A. Automated inspection of surface defects using machine vision. Proceedings of the 17th International AMME Conference; Cairo, Egypt, 19–21 April 2016; Volume 19, 21.
2. Andreopoulos, A.; Tsotsos, J.K. 50 years of object recognition: Directions forward. Comput. Vis. Image Underst.; 2013; 117, pp. 827-891. [DOI: https://dx.doi.org/10.1016/j.cviu.2013.04.005]
3. Duan, X.; Duan, F.; Han, F. Study on surface defect vision detection system for steel plate based on virtual instrument technology. Proceedings of the 2011 International Conference on Control, Automation and Systems Engineering (CASE); Singapore, 30–31 July 2011; IEEE: Piscataway, NJ, USA, 2011; pp. 1-4.
4. Xu, K.; Liu, S.; Ai, Y. Application of Shearlet transform to classification of surface defects for metals. Image Vis. Comput.; 2015; 35, pp. 23-30. [DOI: https://dx.doi.org/10.1016/j.imavis.2015.01.001]
5. He, Y.; Song, K.; Meng, Q.; Yan, Y. An end-to-end steel surface defect detection approach via fusing multiple hierarchical features. IEEE Trans. Instrum. Meas.; 2019; 69, pp. 1493-1504. [DOI: https://dx.doi.org/10.1109/TIM.2019.2915404]
6. Yun, J.P.; Lee, S.J.; Koo, G.; Shin, C.; Park, C. Automatic defect inspection system for steel products with exhaustive dynamic encoding algorithm for searches. Opt. Eng.; 2019; 58, 023107.
7. Wang, H.; Zhang, J.; Tian, Y.; Chen, H.; Sun, H.; Liu, K. A simple guidance template-based defect detection method for strip steel surfaces. IEEE Trans. Ind. Inform.; 2018; 15, pp. 2798-2809. [DOI: https://dx.doi.org/10.1109/TII.2018.2887145]
8. Chigateri, K.B.; Hebbale, A.M. A steel surface defect detection model using machine learning. Materials Today: Proceedings; Elsevier: Amsterdam, The Netherlands, 2023.
9. Nath, V.; Chattopadhyay, C.; Desai, K.A. NSLNet: An improved deep learning model for steel surface defect classification utilizing small training datasets. Manuf. Lett.; 2023; 35, pp. 39-42. [DOI: https://dx.doi.org/10.1016/j.mfglet.2022.10.001]
10. Luo, Q.; Fang, X.; Liu, L.; Yang, C.; Sun, Y. Automated visual defect detection for flat steel surface: A survey. IEEE Trans. Instrum. Meas.; 2020; 69, pp. 626-644. [DOI: https://dx.doi.org/10.1109/TIM.2019.2963555]
11. Luo, Q.; Fang, X.; Su, J.; Zhou, J.; Zhou, B.; Yang, C.; Liu, L.; Gui, W.; Tian, L. Automated visual defect classification for flat steel surface: A survey. IEEE Trans. Instrum. Meas.; 2020; 69, pp. 9329-9349. [DOI: https://dx.doi.org/10.1109/TIM.2020.3030167]
12. Czimmermann, T.; Ciuti, G.; Milazzo, M.; Chiurazzi, M.; Roccella, S.; Oddo, C.M.; Dario, P. Visual-based defect detection and classification approaches for industrial applications—A survey. Sensors; 2020; 20, 1459. [DOI: https://dx.doi.org/10.3390/s20051459]
13. Jin, Q.; Chen, L. A survey of surface defect detection of industrial products based on a small number of labeled data. arXiv; 2022; arXiv: 2203.05733
14. Mordia, R.; Verma, A.K. Visual techniques for defects detection in steel products: A comparative study. Eng. Fail. Anal.; 2022; 134, 106047. [DOI: https://dx.doi.org/10.1016/j.engfailanal.2022.106047]
15. Usamentiaga Fernández, R.; González Lema, D.; Díaz Pedrayes, Ó.; García Martínez, D.F. Automated surface defect detection in metals: A comparative review of object detection and semantic segmentation using deep learning. Proceedings of the Conference Record-Ias Annual Meeting; Vancouver, BC, Canada, 10–14 October 2021; IEEE Industry Applications Society: Piscataway, NJ, USA, 2021.
16. Zheng, X.; Zheng, S.; Kong, Y.; Chen, J. Recent advances in surface defect inspection of industrial products using deep learning techniques. Int. J. Adv. Manuf. Technol.; 2021; 113, pp. 35-58. [DOI: https://dx.doi.org/10.1007/s00170-021-06592-8]
17. Neogi, N.; Mohanta, D.K.; Dutta, P.K. Review of vision-based steel surface inspection systems. EURASIP J. Image Video Process.; 2018; 2014, 50. [DOI: https://dx.doi.org/10.1186/1687-5281-2014-50]
18. Song, K.; Yan, Y. A noise robust method based on completed local binary patterns for hot-rolled steel strip surface defects. Appl. Surf. Sci.; 2013; 285, pp. 858-864. [DOI: https://dx.doi.org/10.1016/j.apsusc.2013.09.002]
19. Guha, P. Automated Visual Inspection of Steel Surface, Texture Segmentation and Development of a Perceptual Similarity Measure. Master’s Thesis; Department of Mechanical Engineering: Indian Institute of Technology, Kanpur, India, 2001.
20. Ibrahim, A.A.M.; Tapamo, J.R. Steel Surface Defect Detection and Classification Using Bag of Visual Words with BRISK. Proceedings of the Congress on Smart Computing Technologies; Springer: Singapore, 2022; pp. 235-246.
21. Field, Z.; Miles, J.; Field, A.X. Discovering Statistics Using R; Sage Publications Ltd.: New York, NY, USA, 2006; 992p.
22. Jiang, Y.; Lin, J.; Cukic, B.; Menzies, T. Variance analysis in software fault prediction models. Proceedings of the 2009 20th International Symposium on Software Reliability Engineering; Karnataka, India, 16–19 November 2009; IEEE: Piscataway, NJ, USA, 2009; pp. 99-108.
23. Wang, H.; Khoshgoftaar, T.M.; Van Hulse, J.; Gao, K. Metric selection for software defect prediction. Int. J. Softw. Eng. Knowl. Eng.; 2011; 21, pp. 237-257. [DOI: https://dx.doi.org/10.1142/S0218194011005256]
24. Zhu, D.; Pan, R.; Gao, W.; Zhang, J. Yarn-dyed fabric defect detection based on autocorrelation function and GLCM. Autex Res. J.; 2015; 15, pp. 226-232. [DOI: https://dx.doi.org/10.1515/aut-2015-0001]
25. Djukic, D.; Spuzic, S. Statistical discriminator of surface defects on hot rolled steel. Proceedings of the Image and Vision Computing New Zealand 2007(IVCNZ2007); Hamilton, New Zealand, 5–7 December 2007; pp. 158-163.
26. Guo, Y.J.; Sun, Z.J.; Sun, H.X.; Song, X.L. Texture feature extraction of steel strip surface defect based on gray level co-occurrence matrix. Proceedings of the 2015 International Conference on Machine Learning and Cybernetics (ICMLC); Guangzhou, China, 12–15 July 2015; IEEE: Piscataway, NJ, USA, 2015; Volume 1, pp. 217-221.
27. Zaghdoudi, R.; Seridi, H.; Boudiaf, A. Detection and classification of steel defects using machine vision and SVM classifier. Proceedings of the 2nd International Conference on Automatic Control, Telecommunication and Signals (ICATS’17); Abdelkrim, Gadda, 7–9 May 2017.
28. Abukhait, J. An automated surface defect inspection system using local binary patterns and co-occurrence matrix textures based on svm classifier. Jordan J. Electr. Eng.; 2018; 4, pp. 100-113.
29. Wang, J.; Li, Q.; Gan, J.; Yu, H.; Yang, X. Surface defect detection via entity sparsity pursuit with intrinsic priors. IEEE Trans. Ind. Inform.; 2019; 16, pp. 141-150. [DOI: https://dx.doi.org/10.1109/TII.2019.2917522]
30. Luo, Q.; Sun, Y.; Li, P.; Simpson, O.; Tian, L.; He, Y. Generalized completed local binary patterns for time-efficient steel surface defect classification. IEEE Trans. Instrum. Meas.; 2018; 68, pp. 667-679. [DOI: https://dx.doi.org/10.1109/TIM.2018.2852918]
31. Luo, Q.; Fang, X.; Sun, Y.; Liu, L.; Ai, J.; Yang, C.; Simpson, O. Surface defect classification for hot-rolled steel strips by selectively dominant local binary patterns. IEEE Access; 2019; 7, pp. 23488-23949. [DOI: https://dx.doi.org/10.1109/ACCESS.2019.2898215]
32. Gyimah, N.K.; Girma, A.; Mahmoud, M.N.; Nateghi, S.; Homaifar, A.; Opoku, D. A Robust Completed Local Binary Pattern (RCLBP) for Surface Defect Detection. Proceedings of the 2021 IEEE International Conference on Systems, Man, and Cybernetics (SMC); Melbourne, Australia, 17–20 October 2021; IEEE: Piscataway, NJ, USA, 2021; pp. 1927-1934.
33. Yazdchi, M.; Yazdi, M.; Mahyari, A.G. Steel surface defect detection using texture segmentation based on multifractal dimension. Proceedings of the 2009 International Conference on Digital Image Processing; Cairo, Egypt, 7–10 November 2009; IEEE: Piscataway, NJ, USA, 2009; pp. 346-350.
34. Wen, W.; Xia, A. Verifying edges for visual inspection purposes. Pattern Recognit. Lett.; 1999; 20, pp. 315-328. [DOI: https://dx.doi.org/10.1016/S0167-8655(98)00150-0]
35. Kholief, E.A.; Darwish, S.H.; Fors, M.N. Detection of steel surface defect based on machine learning using deep auto-encoder network. Proceedings of the International Conference on Industrial Engineering and Operations Management Rabat; Morocco, 11–13 April 2017; pp. 218-229.
36. Thai, B.; Healey, G. Modeling and classifying symmetries using a multiscale opponent color representation. IEEE Trans. Pattern Anal. Mach. Intell.; 1998; 20, pp. 1224-1235. [DOI: https://dx.doi.org/10.1109/34.730556]
37. Pietikäinen, M.; Mäenpää, T.; Viertola, J. Color texture classification with color histograms and local binary patterns. Proceedings of the Workshop on Texture Analysis in Machine Vision; Citeseer: New York, NY, USA, Volume 1, pp. 109-112.
38. Ng, H.F. Automatic thresholding for defect detection. Pattern Recognit. Lett.; 2006; 27, pp. 1644-1649. [DOI: https://dx.doi.org/10.1016/j.patrec.2006.03.009]
39. Haralick, R.M. Statistical and structural approaches to texture. Proc. IEEE; 1979; 67, pp. 786-804. [DOI: https://dx.doi.org/10.1109/PROC.1979.11328]
40. Wu, G.; Kwak, H.; Jang, S.; Xu, K.; Xu, J. Design of online surface inspection system of hot rolled strips. Proceedings of the 2008 IEEE International Conference on Automation and Logistics; Chindao, China, 1–3 September 2008; IEEE: Piscataway, NJ, USA, 2008; pp. 2291-2295.
41. Ozseven, T.; Özseven, T. Surface defect detection and quantification with image processing methods. Theoretical Investigations and Applied Studies in Engineering; Ekin Publishing House: Ankara, Turkey, 2019; pp. 63-98.
42. Ojala, T.; Pietikäinen, M.; Harwood, D. A comparative study of texture measures with classification based on featured distributions. Pattern Recognit.; 1996; 29, pp. 51-59. [DOI: https://dx.doi.org/10.1016/0031-3203(95)00067-4]
43. Ojala, T.; Pietikainen, M.; Maenpaa, T. Multiresolution gray-scale and rotation invariant texture classification with local binary patterns. IEEE Trans. Pattern Anal. Mach. Intell.; 2002; 24, pp. 971-987. [DOI: https://dx.doi.org/10.1109/TPAMI.2002.1017623]
44. Chu, M.; Gong, R. Invariant feature extraction method based on smoothed local binary pattern for strip steel surface defect. ISIJ Int.; 2015; 55, pp. 1956-1962. [DOI: https://dx.doi.org/10.2355/isijinternational.ISIJINT-2015-201]
45. Aghdam, S.R.; Amid, E.; Imani, M.F. A fast method of steel surface defect detection using decision trees applied to LBP based features. Proceedings of the 2012 7th IEEE Conference on Industrial Electronics and Applications (ICIEA); Singapore, 18–20 July 2012; IEEE: Piscataway, NJ, USA, 2012; pp. 1447-1452.
46. Chu, M.; Gong, R.; Gao, S.; Zhao, J. Steel surface defects recognition based on multi-type statistical features and enhanced twin support vector machine. Chemom. Intell. Lab. Syst.; 2017; 171, pp. 140-150. [DOI: https://dx.doi.org/10.1016/j.chemolab.2017.10.020]
47. Makaremi, M.; Razmjooy, N.; Ramezani, M. A new method for detecting texture defects based on modified local binary pattern. Signal Image Video Process.; 2018; 12, pp. 1395-1401. [DOI: https://dx.doi.org/10.1007/s11760-018-1294-9]
48. Tajeripour, F.; Kabir, E.; Sheikhi, A. Fabric defect detection using modified local binary patterns. EURASIP J. Adv. Signal Process.; 2007; 2008, 783898. [DOI: https://dx.doi.org/10.1155/2008/783898]
49. Mandelbrot, B.B. The Fractal Geometry of Nature; WH Freeman: New York, NY, USA, 1982; Volume 1.
50. Umbaugh, S.E. Digital Image Processing and Analysis: Human and Computer Vision Applications with CVIPtools; CRC Press: Boca Raton, FL, USA, 2010.
51. Kobayashi, T. BFO meets HOG: Feature extraction based on histograms of oriented pdf gradients for image classification. Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition; Portland, OR, USA, 23–28 June 2013; pp. 747-754.
52. Bultheel, A. Learning to swim in a sea of wavelets. Bull. Belg. Math.-Soc.-Simon Stevin; 1995; 2, pp. 1-45. [DOI: https://dx.doi.org/10.36045/bbms/1103408773]
53. Aarthi, T.; Karthi, M.; Abinesh, M. Detection and analysis of surface defects in metals using wavelet transform. Int. J. Sci. Res. Publ.; 2013; 3, pp. 147-158.
54. Selvi, M.; Jenefa, D. Automated Defect Detection of Steel Surface Using Neural Network Classifier with Co-occurrence Features. Int. J. Adv. Res. Comput. Sci. Softw. Eng.; 2014; 4, pp. 60-67.
55. Özseven, T. Investigation of the effect of spectrogram images and different texture analysis methods on speech emotion recognition. Appl. Acoust.; 2018; 142, pp. 70-77. [DOI: https://dx.doi.org/10.1016/j.apacoust.2018.08.003]
56. Jeon, Y.J.; Choi, D.C.; Yun, J.P.; Park, C.; Kim, S.W. Detection of scratch defects on slab surface. Proceedings of the 11th International Conference on Control, Automation and Systems, Gyeonggi-do, Republic of Korea; 26–29 October 2011; IEEE: Piscataway, NJ, USA, 2011; pp. 1274-1278.
57. Yun, J.P.; Choi, S.H.; Seo, B.; Park, C.H.; Kim, S.W. Defects detection of billet surface using optimized gabor filters. IFAC Proc. Vol.; 2011; 41, pp. 77-82. [DOI: https://dx.doi.org/10.3182/20080706-5-KR-1001.00012]
58. Choi, D.C.; Jeon, Y.J.; Yun, J.P.; Kim, S.W. Pinhole detection in steel slab images using Gabor filter and morphological features. Appl. Opt.; 2011; 50, pp. 5122-5129. [DOI: https://dx.doi.org/10.1364/AO.50.005122]
59. Choi, D.C.; Jeon, Y.J.; Kim, S.H.; Moon, S.; Yun, J.P.; Kim, S.W. Detection of pinholes in steel slabs using Gabor filter combination and morphological features. ISIJ Int.; 2017; 57, pp. 1045-1053. [DOI: https://dx.doi.org/10.2355/isijinternational.ISIJINT-2016-160]
60. Wankhede, P.A.; Gaw, E.R.S.; Khare, N.A. Gabor Filter for Surface Inspection in Metallic Industry. Int. J. Adv. Res. Comput. Sci. Softw. Eng.; 2016; 6, pp. 89-92.
61. Medina, R.; Gayubo, F.; González, L.M.; Olmedo, D.; García-Bermejo, J.G.; Casanova, E.Z.; Perán, J.R. Surface Defects Detection on Rolled Steel Strips by Gabor Filters. Proceedings of the International Conference on Computer Vision Theory and Applications; Madeira, Portugal, 22–25 January 2008; pp. 479-485.
62. Kumar, A. Computer-vision-based fabric defect detection: A survey. IEEE Trans. Ind. Electron.; 2008; 55, pp. 348-363. [DOI: https://dx.doi.org/10.1109/TIE.1930.896476]
63. Kumar, A.; Pang, G.K. Defect detection in textured materials using optimized filters. IEEE Trans. Syst. Man, Cybern. Part (Cybernetics); 2002; 32, pp. 553-570. [DOI: https://dx.doi.org/10.1109/TSMCB.2002.1033176]
64. Jeon, Y.J.; Choi, D.C.; Lee, S.J.; Yun, J.P.; Kim, S.W. Steel-surface defect detection using a switching-lighting scheme. Appl. Opt.; 2016; 55, pp. 47-57. [DOI: https://dx.doi.org/10.1364/AO.55.000047]
65. Wiltschi, K.; Pinz, A.; Lindeberg, T. An automatic assessment scheme for steel quality inspection. Mach. Vis. Appl.; 2000; 12, pp. 113-128. [DOI: https://dx.doi.org/10.1007/s001380050130]
66. Ai, Y.H.; Xu, K. Surface detection of continuous casting slabs based on curvelet transform and kernel locality preserving projections. J. Iron Steel Res. Int.; 2013; 20, pp. 80-86. [DOI: https://dx.doi.org/10.1016/S1006-706X(13)60102-8]
67. Kaya, K.; Bilgutay, N.M.; Murthy, R. Flaw detection in stainless steel samples using wavelet decomposition. 1994 Proceedings of IEEE Ultrasonics Symposium, Cannes, France, 31 October–3 November 1994; IEEE: Piscataway, NJ, USA, 1994; Volume 2, pp. 1271-1274.
68. Yun, J.P.; Choi, S.; Jeon, Y.J.; Choi, D.C.; Kim, S.W. Detection of line defects in steel billets using undecimated wavelet transform. Proceedings of the 2008 International Conference on Control, Automation and Systems; Seoul, Republic of Korea, 14–17 October 2008; IEEE: Piscataway, NJ, USA, 2008; pp. 1725-1728.
69. Ghorai, S.; Mukherjee, A.; Gangadaran, M.; Dutta, P.K. Automatic defect detection on hot-rolled flat steel products. IEEE Trans. Instrum. Meas.; 2012; 62, pp. 612-621. [DOI: https://dx.doi.org/10.1109/TIM.2012.2218677]
70. Hu, G.H. Automated defect detection in textured surfaces using optimal elliptical Gabor filters. Optik; 2015; 126, pp. 1331-1340. [DOI: https://dx.doi.org/10.1016/j.ijleo.2015.04.017]
71. Xu, K.; Xu, Y.; Zhou, P.; Wang, L. Application of RNAMlet to surface defect identification of steels. Opt. Lasers Eng.; 2018; 105, pp. 110-117. [DOI: https://dx.doi.org/10.1016/j.optlaseng.2018.01.010]
72. Zhang, X.; Yan, Y.H.; Chen, W.H.; Chen, J.J. Image fusion method for strip steel surface detect based on Bandelet-PCNN. Adv. Mater. Res.; 2012; 546, pp. 806-810. [DOI: https://dx.doi.org/10.4028/www.scientific.net/AMR.546-547.806]
73. Sharifzadeh, M.; Amirfattahi, R.; Sadri, S.; Alirezaee, S.; Ahmadi, M. Detection of steel defect using the image processing algorithms. Proceedings of the International Conference on Electrical Engineering (Vol. 6, No. 6th International Conference on Electrical Engineering ICEENG 2008, 1–7); Military Technical College: Cairo, Egypt, 2008.
74. Wu, G. Online Surface Inspection Technology of Cold Rolled Strips; INTECH Open Access Publisher: London, UK, 2010.
75. Wu, G.; Zhang, H.; Sun, X.; Xu, J.; Xu, K. A bran-new feature extraction method and its application to surface defect recognition of hot rolled strips. Proceedings of the 2007 IEEE International Conference on Automation and Logistics; Jinan, China, 18–21 August 2007; IEEE: Piscataway, NJ, USA, 2007; pp. 2069-2074.
76. Strom, L.A.; Thurley, M.J. Morphology-based crack detection for steel slabs. IEEE J. Sel. Top. Signal Process.; 2012; 6, pp. 866-875. [DOI: https://dx.doi.org/10.1109/JSTSP.2012.2212416]
77. Tang, B.; Kong, J.Y.; Wang, X.D.; Jiang, G.Z.; Chen, L. Steel strip surface defects detection based on mathematical morphology. J. Iron Steel Res.; 2010; 22, pp. 56-59.
78. Yazdchi, M.R.; Mahyari, A.G.; Nazeri, A. Detection and classification of surface defects of cold rolling mill steel using morphology and neural network. Proceedings of the 2008 International Conference on Computational Intelligence for Modelling Control Automation; Vienna, Austria, 10–12 December 2008; IEEE: Piscataway, NJ, USA, 2008; pp. 1071-1076.
79. Wu, X.Y.; Xu, K.; Xu, J.W. Application of undecimated wavelet transform to surface defect detection of hot rolled steel plates. Proceedings of the 2008 Congress on Image and Signal Processing; Washington, DC, USA, 27–30 May 2008; IEEE: Piscataway, NJ, USA, 2008; Volume 4, pp. 528-532.
80. Guan, S. Strip steel defect detection based on saliency map construction using Gaussian pyramid decomposition. ISIJ Int.; 2015; 55, pp. 1950-1955. [DOI: https://dx.doi.org/10.2355/isijinternational.ISIJINT-2015-041]
81. Alkapov, R.; Konyshev, A.; Vetoshkin, N.; Valkevich, N.; Kostenetskiy, P. Automatic visible defect detection and classification system prototype development for iron-and-steel works. Proceedings of the 2018 Global Smart Industry Conference (GloSIC); Chelyabinsk, Russia, 13–15 November 2018; IEEE: Piscataway, NJ, USA, 2018; pp. 1-8.
82. Dupont, F.; Odet, C.; Cartont, M. Optimization of the recognition of defects in flat steel products with the cost matrices theory. NDT E Int.; 1997; 30, pp. 3-10. [DOI: https://dx.doi.org/10.1016/S0963-8695(96)00045-X]
83. Guo, J.H.; Meng, X.D.; Xiong, M.D. Study on defection segmentation for steel surface image based on image edge detection and fisher discriminant. J. Physics Conf. Ser.; 2006; 48, 364. [DOI: https://dx.doi.org/10.1088/1742-6596/48/1/068]
84. Choi, S.H.; Yun, J.P.; Seo, B.; Park, Y.S.; Kim, S.W. Real-time defects detection algorithm for high-speed steel bar in coil. Proc. World Acad. Sci. Eng. Technol.; 2007; 21, pp. 1307-6884.
85. Shapiro, L.G.; Stockman, G.C. Comput Vision New Jersey; Prentice Hall: Hoboken, NJ, USA, 2001; Volume 3.
86. Hough, P.V. Method and Means for Recognizing Complex Patterns. U.S. Patent; 3,069,654, 1962; Volume 3
87. Duan, T.D.; Duc, D.A.; Du, T.L.H. Combining Hough transform and contour algorithm for detecting vehicles’ license-plates. Proceedings of the 2004 International Symposium on Intelligent Multimedia, Video and Speech Processing; Hong Kong, China, 20–22 October 2004; IEEE: Piscataway, NJ, USA, 2004; pp. 747-750.
88. Si, X.; Feng, J.; Zhou, J.; Luo, Y. Detection and rectification of distorted fingerprints. IEEE Trans. Pattern Anal. Mach. Intell.; 2015; 37, pp. 555-568. [DOI: https://dx.doi.org/10.1109/TPAMI.2014.2345403] [PubMed: https://www.ncbi.nlm.nih.gov/pubmed/26353261]
89. Gu, S.; Feng, J.; Lu, J.; Zhou, J. Efficient rectification of distorted fingerprints. IEEE Trans. Inf. Forensics Secur.; 2017; 13, pp. 156-169. [DOI: https://dx.doi.org/10.1109/TIFS.2017.2745685]
90. Laitinen, T.; Silven, O.; Pietikaeinen, M. Morphological image processing for automated metal strip inspection. Image Algebra and Morphological Image Processing; SPIE: Washington, DC, USA, 1990; Volume 1350, pp. 241-250.
91. Liu, M.; Liu, Y.; Hu, H.; Nie, L. Genetic algorithm and mathematical morphology based binarization method for strip steel defect image with non-uniform illumination. J. Vis. Commun. Image Represent.; 2016; 37, pp. 70-77. [DOI: https://dx.doi.org/10.1016/j.jvcir.2015.04.005]
92. Zheng, H.; Kong, L.X.; Nahav, I.S. Automatic inspection of metallic surface defects using genetic algorithms. J. Mater. Process. Technol.; 2002; 125, pp. 427-433. [DOI: https://dx.doi.org/10.1016/S0924-0136(02)00294-7]
93. Jeon, Y.J.; Yun, J.P.; Choi, D.C.; Kim, S.W. Defect detection algorithm for corner cracks in steel billet using discrete wavelet transform. Proceedings of the 2009 ICCAS-SICE; Fukuoka, Japan, 18–21 August 2009; IEEE: Piscataway, NJ, USA, 2009; pp. 2769-2773.
94. Lee, D.; Kang, Y.I.; Park, C.; Won, S. Defect detection algorithm in steel billets using morphological top-hat filter. IFAC Proc. Vol.; 2009; 42, pp. 209-212. [DOI: https://dx.doi.org/10.3182/20091014-3-CL-4011.00038]
95. Atif, J.; Bloch, I.; Distel, F.; Hudelot, C. Mathematical morphology operators over concept lattices. Proceedings of the Formal Concept Analysis: 11th International Conference, (ICFCA 2013); Dresden, Germany, 21–24 May 2013; Proceedings 11 Springer: Berlin/Heidelberg, Germany, 2013; pp. 28-43.
96. Nguyen, A.Q.; Dao, V.T.S.; Shimonomura, K.; Takehara, K.; Etoh, T.G. Toward the ultimate-high-speed image sensor: From 10 ns to 50 ps. Sensors; 2018; 18, 2407. [DOI: https://dx.doi.org/10.3390/s18082407]
97. Merazi-Meksen, T.; Boudraa, M.; Boudraa, B. Mathematical morphology for TOFD image analysis and automatic crack detection. Ultrasonics; 2014; 54, pp. 1642-1648. [DOI: https://dx.doi.org/10.1016/j.ultras.2014.03.005]
98. Han, B.A.; Xiang, H.Y.; Li, Z.; Huang, J.J. Defects detection of sheet metal parts based on HALCON and region morphology. Applied Mechanics and Materials; Trans Tech Publications Ltd.: Bäch, Switzerland, 2013; Volume 365, pp. 729-732.
99. Umbaugh, S.E. Digital Image Processing and Analysis: Applications with MATLAB and CVIPtools; CRC Press: Boca Raton, FL, USA, 2017.
100. Ünsalan, C.; Erçil, A. Automated inspection of steel structures. Recent Advances in Mechatronics; Kaynak, O.; Tosunoğlu, S.; Ang, M., Jr. Springer-Verlag Ltd.: Singapore, 1999; pp. 468-480.
101. Ozdemir, S.; Ercil, A. Markov random fields and Karhunen-Loeve transforms for defect inspection of textile products. Proceedings of the 1996 IEEE Conference on Emerging Technologies and Factory Automation (ETFA’96); Kauai, HI, USA, 5–6 December 1996; IEEE: Piscataway, NJ, USA, 1996; Volume 2, pp. 697-703.
102. Hajimowlana, S.H.; Muscedere, R.; Jullien, G.A.; Roberts, J.W. 1D autoregressive modeling for defect detection in web inspection systems. Proceedings of the 1998 Midwest Symposium on Circuits and Systems (Cat. No. 98CB36268); Notre Dame, Indiana, 9–12 August 1998; IEEE: Piscataway, NJ, USA, 1998; pp. 318-321.
103. Basu, M.; Lin, Z. Multi-scale modeling of textures. Proceedings of the 11th IAPR International Conference on Pattern Recognition. Vol. III. Conference C: Image, Speech and Signal Analysis; The Hague, The Netherlands, 30 August–1 September 1992; IEEE Computer Society: Piscataway, NJ, USA, 1992; Volume 1, pp. 421-424.
104. Serafim, A.L. Multiresolution pyramids for segmentation of natural images based on autoregressive models: Application to calf leather classification. Proceedings of the IECON’91: 1991 International Conference on Industrial Electronics, Control and Instrumentation; Kobe, Japan, 28 October–1 November 1991; IEEE: Piscataway, NJ, USA, 1991; pp. 1842-1847.
105. Serafim, A.L. Segmentation of natural images based on multiresolution pyramids linking of the parameters of an autoregressive rotation invariant model. Application to leather defects detection. Proceedings of the 11th IAPR International Conference on Pattern Recognition. Vol. III. Conference C: Image, Speech and Signal Analysis; The Hague, The Netherlands, 30 August–1 September 1992; IEEE Computer Society: Piscataway, NJ, USA, 1992; Volume 1, pp. 41-44.
106. Timm, F.; Barth, E. Non-parametric texture defect detection using Weibull features. Image Processing: Machine Vision Applications IV; SPIE: Washington, DC, USA, 2011; Volume 7877, pp. 150-161.
107. Liu, K.; Wang, H.; Chen, H.; Qu, E.; Tian, Y.; Sun, H. Steel surface defect detection using a new Haar–Weibull-variance model in unsupervised manner. IEEE Trans. Instrum. Meas.; 2017; 66, pp. 2585-2596. [DOI: https://dx.doi.org/10.1109/TIM.2017.2712838]
108. Wang, L.; Chang, Y.; Wang, H.; Wu, Z.; Pu, J.; Yang, X. An active contour model based on local fitted images for image segmentation. Inf. Sci.; 2017; 418, pp. 61-73. [DOI: https://dx.doi.org/10.1016/j.ins.2017.06.042] [PubMed: https://www.ncbi.nlm.nih.gov/pubmed/29307917]
109. Cross, G.R.; Jain, A.K. Markov random field texture models. IEEE Trans. Pattern Anal. Mach. Intell.; 1983; 1, pp. 25-39. [DOI: https://dx.doi.org/10.1109/TPAMI.1983.4767341] [PubMed: https://www.ncbi.nlm.nih.gov/pubmed/21869080]
110. Geman, S.; Geman, D. Stochastic relaxation, Gibbs distributions, and the Bayesian restoration of images. IEEE Trans. Pattern Anal. Mach. Intell.; 1984; 1, pp. 721-741. [DOI: https://dx.doi.org/10.1109/TPAMI.1984.4767596]
111. Hanbay, K.; Talu, M.F. Online/offline detection systems of fabric defects and methods. Sak. Univ. J. Sci.; 2014; 18, pp. 49-69.
112. Ayed, I.B.; Hennane, N.; Mitiche, A. Unsupervised variational image segmentation/classification using a Weibull observation model. IEEE Trans. Image Process.; 2006; 15, pp. 3431-3439. [DOI: https://dx.doi.org/10.1109/TIP.2006.881961] [PubMed: https://www.ncbi.nlm.nih.gov/pubmed/17076402]
113. Kass, M.; Witkin, A.; Terzopoulos, D. Snakes: Active contour models. Int. J. Comput. Vis.; 1988; 1, pp. 321-331. [DOI: https://dx.doi.org/10.1007/BF00133570]
114. Freeman, J.A.; Skapura, D.M. Neural Networks: Algorithms, Applications, and Programming Techniques; Addison Wesley Longman Publishing Co., Inc.: Lake St Upper Saddle River, NJ, USA, 1991.
115. Peng, K.; Zhang, X. Classification technology for automatic surface defects detection of steel strip based on improved BP algorithm. Proceedings of the 2009 Fifth International Conference on Natural Computation; Tianjin, China, 14–16 August 2009; IEEE: Piscataway, NJ, USA, 2009; Volume 1, pp. 110-114.
116. Caleb, P.; Steuer, M. Classification of surface defects on hot rolled steel using adaptive learning methods. Proceedings of the KES’2000. Fourth International Conference on Knowledge-Based Intelligent Engineering Systems and Allied Technologies; Brighton, UK, 30 August–1 September 2000; Proceedings (Cat. No. 00TH8516) IEEE: Piscataway, NJ, USA, 2000; Volume 1, pp. 103-108.
117. Redmon, J.; Farhadi, A. YOLO9000: Better, faster, stronger. Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Salt Lake City; UT, USA, 18–23 June 2017; pp. 7263-7271.
118. Liu, Y.; Geng, J.; Su, Z.; Zhang, W.; Li, J. Real-time classification of steel strip surface defects based on deep CNNs. Proceedings of the 2018 Chinese Intelligent Systems Conference; Springer: Singapore, 2019; Volume II, pp. 257-266.
119. Sun, X.; Gu, J.; Tang, S.; Li, J. Research progress of visual inspection technology of steel products—A review. Appl. Sci.; 2018; 8, 2195. [DOI: https://dx.doi.org/10.3390/app8112195]
120. Wang, X.F.; Huang, D.S.; Du, J.X.; Xu, H.; Heutte, L. Classification of plant leaf images with complicated background. Appl. Math. Comput.; 2008; 205, pp. 916-926. [DOI: https://dx.doi.org/10.1016/j.amc.2008.05.108]
121. Chu, M.; Zhao, J.; Liu, X.; Gong, R. Multi-class classification for steel surface defects based on machine learning with quantile hyper-spheres. Chemom. Intell. Lab. Syst.; 2017; 168, pp. 15-27. [DOI: https://dx.doi.org/10.1016/j.chemolab.2017.07.008]
122. Gong, R.; Wu, C.; Chu, M.; Liu, X. The Strip Steel Surface Defect Recognition Based on Multiple Support Vector Hyper-Sphere with Feature and Sample Weights. Steel Res. Int.; 2016; 87, pp. 1678-1685. [DOI: https://dx.doi.org/10.1002/srin.201600049]
123. Huangpeng, Q.; Duan, X.; Huang, W. Surface Defects Classification Using Transfer Learning and Deep Sparse Coding. Proceedings of the 2021 40th Chinese Control Conference (CCC); Shanghai, China, 26–28 July 2021; IEEE: Piscataway, NJ, USA, 2021; pp. 2987-2992.
124. Zhou, S.; Chen, Y.; Zhang, D.; Xie, J.; Zhou, Y. Learning a class-specific and shared dictionary for classifying surface defects of steel sheet. ISIJ Int.; 2017; 57, pp. 123-130. [DOI: https://dx.doi.org/10.2355/isijinternational.ISIJINT-2016-478]
125. Liu, Z.; Hu, J.; Hu, L.; Zhang, X.L.; Kong, J.Y. Research on on-line surface defect detection for steel strip based on sparse coding. Advanced Materials Research; Trans Tech Publications Ltd.: Bäch, Switzerland, 2012; Volume 548, pp. 749-752.
126. Zhao, H.; Yang, Z.; Li, J. Detection of metal surface defects based on YOLOv4 algorithm. J. Phys. Conf. Ser.; 2021; 1907, 012043. [DOI: https://dx.doi.org/10.1088/1742-6596/1907/1/012043]
127. Zhou, G.; Sun, H. Defect detection method for steel based on semantic segmentation. Proceedings of the 2020 IEEE 5th Information Technology and Mechatronics Engineering Conference (ITOEC); Chongqing, China, 12–14 June 2020; IEEE: Piscataway, NJ, USA, 2020; pp. 975-979.
128. 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. Inform.; 2019; 16, pp. 7448-7458. [DOI: https://dx.doi.org/10.1109/TII.2019.2958826]
129. Gao, Y.; Gao, L.; Li, X. A hierarchical training-convolutional neural network with feature alignment for steel surface defect recognition. Robot.-Comput.-Integr. Manuf.; 2023; 81, 102507. [DOI: https://dx.doi.org/10.1016/j.rcim.2022.102507]
130. Abu, M.; Amir, A.; Lean, Y.H.; Zahri, N.A.H.; Azemi, S.A. The performance analysis of transfer learning for steel defect detection by using deep learning. Journal of Physics: Conference Series; IOP Publishing: Bristol, UK, 2021; Volume 1755, 012041.
131. Kateb, Y.; Meglouli, H.; Khebli, A. Steel Surface Defect Detection Using Convolutional Neural Network. Alger. J. Signals Syst.; 2020; 5, pp. 203-208. [DOI: https://dx.doi.org/10.51485/ajss.v5i4.122]
132. Chen, R.; Cai, D.; Hu, X.; Zhan, Z.; Wang, S. Defect detection method of aluminum profile surface using deep self-attention mechanism under hybrid noise conditions. IEEE Trans. Instrum. Meas.; 2021; 70, 3524509. [DOI: https://dx.doi.org/10.1109/TIM.2021.3109723]
133. Litvintseva, A.; Evstafev, O.; Shavetov, S. Real-time steel surface defect recognition based on CNN. Proceedings of the 2021 IEEE 17th International Conference on Automation Science and Engineering (CASE); Lyon, France, 23–27 August 2021; IEEE: Piscataway, NJ, USA, 2021; pp. 1118-1123.
134. Fadli, V.F.; Herlistiono, I.O. Steel surface defect detection using deep learning. Int. J. Innov. Sci. Res. Technol.; 2020; 5, pp. 244-250.
135. Gao, S.; Xia, T.; Hong, G.; Zhu, Y.; Chen, Z.; Pan, E.; Xi, L. An inspection network with dynamic feature extractor and task alignment head for steel surface defect. Measurement; 2024; 224, 113957. [DOI: https://dx.doi.org/10.1016/j.measurement.2023.113957]
136. Lian, J.; Jia, W.; Zareapoor, M.; Zheng, Y.; Luo, R.; Jain, D.K.; Kumar, N. Deep-learning-based small surface defect detection via an exaggerated local variation-based generative adversarial network. IEEE Trans. Ind. Inform.; 2019; 16, pp. 1343-1351. [DOI: https://dx.doi.org/10.1109/TII.2019.2945403]
137. Mujeeb, A.; Dai, W.; Erdt, M.; Sourin, A. Unsupervised surface defect detection using deep autoencoders and data augmentation. Proceedings of the 2018 International Conference on Cyberworlds (CW); Singapore, 3–5 October 2018; IEEE: Piscataway, NJ, USA, 2018; pp. 391-398.
138. Zhao, Z.; Li, B.; Dong, R.; Zhao, P. A surface defect detection method based on positive samples. PRICAI 2018: Trends in Artificial Intelligence: 15th Pacific Rim International Conference on Artificial Intelligence, Nanjing, China, 28–31 August 2018, Proceedings, Part II 15; Springer International Publishing: Cham, Switzerland, 2018; pp. 473-481.
139. Mei, S.; Yang, H.; Yin, Z. An unsupervised-learning-based approach for automated defect inspection on textured surfaces. IEEE Trans. Instrum. Meas.; 2018; 67, pp. 1266-1277. [DOI: https://dx.doi.org/10.1109/TIM.2018.2795178]
140. Youkachen, S.; Ruchanurucks, M.; Phatrapomnant, T.; Kaneko, H. Defect segmentation of hot-rolled steel strip surface by using convolutional auto-encoder and conventional image processing. Proceedings of the 2019 10th International Conference of Information and Communication Technology for Embedded Systems (IC-ICTES); Bangkok, Thailand, 25–27 March 2019; IEEE: Piscataway, NJ, USA, 2019; pp. 1-5.
141. Gao, Y.; Gao, L.; Li, X.; Yan, X. A semi-supervised convolutional neural network-based method for steel surface defect recognition. Robot.-Comput.-Integr. Manuf.; 2020; 61, 101825. [DOI: https://dx.doi.org/10.1016/j.rcim.2019.101825]
142. Zhang, G.; Pan, Y.; Zhang, L. Semi-supervised learning with GAN for automatic defect detection from images. Autom. Constr.; 2021; 128, 103764. [DOI: https://dx.doi.org/10.1016/j.autcon.2021.103764]
143. Zheng, X.; Wang, H.; Chen, J.; Kong, Y.; Zheng, S. A generic semi-supervised deep learning-based approach for automated surface inspection. IEEE Access; 2020; 8, pp. 114088-114099. [DOI: https://dx.doi.org/10.1109/ACCESS.2020.3003588]
144. Kim, M.S.; Park, T.; Park, P. Classification of steel surface defect using convolutional neural network with few images. Proceedings of the 2019 12th Asian Control Conference (ASCC); Kitakyushu-shi, Japan, 9–12 June 2019; IEEE: Piscataway, NJ, USA, 2019; pp. 1398-1401.
145. Xing, J.; Jia, M. A convolutional neural network-based method for workpiece surface defect detection. Measurement; 2021; 176, 109185. [DOI: https://dx.doi.org/10.1016/j.measurement.2021.109185]
146. Kou, X.; Liu, S.; Cheng, K.; Qian, Y. Development of a YOLO-V3-based model for detecting defects on steel strip surface. Measurement; 2021; 182, 109454. [DOI: https://dx.doi.org/10.1016/j.measurement.2021.109454]
147. Zhang, S.; Zhang, Q.; Gu, J.; Su, L.; Li, K.; Pecht, M. Visual inspection of steel surface defects based on domain adaptation and adaptive convolutional neural network. Mech. Syst. Signal Process.; 2021; 153, 107541. [DOI: https://dx.doi.org/10.1016/j.ymssp.2020.107541]
148. Tian, R.; Jia, M. DCC-CenterNet: A rapid detection method for steel surface defects. Measurement; 2022; 187, 110211. [DOI: https://dx.doi.org/10.1016/j.measurement.2021.110211]
149. Li, M.; Wang, H.; Wan, Z. Surface defect detection of steel strips based on improved YOLOv4. Comput. Electr. Eng.; 2022; 102, 108208. [DOI: https://dx.doi.org/10.1016/j.compeleceng.2022.108208]
150. Zhang, Y.; Wang, W.; Li, Z.; Shu, S.; Lang, X.; Zhang, T.; Dong, J. Development of a cross-scale weighted feature fusion network for hot-rolled steel surface defect detection. Eng. Appl. Artif. Intell.; 2023; 117, 105628. [DOI: https://dx.doi.org/10.1016/j.engappai.2022.105628]
151. Wang, R.; Liang, F.; Mou, X.; Chen, L.; Yu, X.; Peng, Z.; Chen, H. Development of an Improved YOLOv7-Based Model for Detecting Defects on Strip Steel Surfaces. Coatings; 2023; 13, 536. [DOI: https://dx.doi.org/10.3390/coatings13030536]
152. Xia, K.; Lv, Z.; Zhou, C.; Gu, G.; Zhao, Z.; Liu, K.; Li, Z. Mixed Receptive Fields Augmented YOLO with Multi-Path Spatial Pyramid Pooling for Steel Surface Defect Detection. Sensors; 2023; 23, 5114. [DOI: https://dx.doi.org/10.3390/s23115114] [PubMed: https://www.ncbi.nlm.nih.gov/pubmed/37299841]
153. Liu, R.; Huang, M.; Gao, Z.; Cao, Z.; Cao, P. MSC-DNet: An efficient detector with multi-scale context for defect detection on strip steel surface. Measurement; 2023; 209, 112467. [DOI: https://dx.doi.org/10.1016/j.measurement.2023.112467]
154. Zhao, C.; Shu, X.; Yan, X.; Zuo, X.; Zhu, F. RDD-YOLO: A modified YOLO for detection of steel surface defects. Measurement; 2023; 214, 112776. [DOI: https://dx.doi.org/10.1016/j.measurement.2023.112776]
155. Liu, K.; Li, A.; Wen, X.; Chen, H.; Yang, P. September. Steel surface defect detection using GAN and one-class classifier. Proceedings of the 2019 25th International Conference on Automation and Computing (ICAC); Lancaster, UK, 5–7 September 2019; IEEE: Piscataway, NJ, USA, 2019; pp. 1-6.
156. Feng, X.; Gao, X.; Luo, L. X-SDD: A new benchmark for hot rolled steel strip surface defects detection. Symmetry; 2021; 13, 706. [DOI: https://dx.doi.org/10.3390/sym13040706]
157. Wan, X.; Zhang, X.; Liu, L. An improved VGG19 transfer learning strip steel surface defect recognition deep neural network based on few samples and imbalanced datasets. Appl. Sci.; 2021; 11, 2606. [DOI: https://dx.doi.org/10.3390/app11062606]
158. Zhou, X.; Fang, H.; Fei, X.; Shi, R.; Zhang, J. Edge-aware multi-level interactive network for salient object detection of strip steel surface defects. IEEE Access; 2021; 9, pp. 149465-149476. [DOI: https://dx.doi.org/10.1109/ACCESS.2021.3124814]
159. Cui, W.; Song, K.; Feng, H.; Jia, X.; Liu, S.; Yan, Y. Autocorrelation Aware Aggregation Network for Salient Object Detection of Strip Steel Surface Defects. IEEE Trans. Instrum. Meas.; 2023; 51, [DOI: https://dx.doi.org/10.1109/TIM.2023.3290965]
160. Yi, L.; Li, G.; Jiang, M. An end-to-end steel strip surface defects recognition system based on convolutional neural networks. Steel Res. Int.; 2017; 88, 1600068. [DOI: https://dx.doi.org/10.1002/srin.201600068]
161. Ahmed, M.; Hashmi, K.A.; Pagani, A.; Liwicki, M.; Stricker, D.; Afzal, M.Z. Survey and performance analysis of deep learning based object detection in challenging environments. Sensors; 2021; 21, 5116. [DOI: https://dx.doi.org/10.3390/s21155116]
162. Gong, R.; Chu, M.; Yang, Y.; Feng, Y. A multi-class classifier based on support vector hyper-spheres for steel plate surface defects. Chemom. Intell. Lab. Syst.; 2019; 188, pp. 70-78. [DOI: https://dx.doi.org/10.1016/j.chemolab.2019.03.010]
163. Li, J.; Su, Z.; Geng, J.; Yin, Y. Real-time detection of steel strip surface defects based on improved yolo detection network. IFAC-PapersOnLine; 2018; 51, pp. 76-81. [DOI: https://dx.doi.org/10.1016/j.ifacol.2018.09.412]
164. Yun, J.P.; Park, C.; Bae, H.; Hwang, H.; Choi, S. Vertical scratch detection algorithm for high-speed scale-covered steel BIC (Bar in Coil). Proceedings of the International Conference on Control, Automation and Systems (ICCAS); Gyeonggi-do, Republic of Korea, 27–30 October 2010; IEEE: Piscataway, NJ, USA, 2010; pp. 342-345.
165. Boudiaf, A.; Moussaoui, A.; Zaghdoudi, R.; Mentouri, Z.; Saadoune, A. An Automatic System to Surface Defect Classification of Hot Rolled Steel. International Symposium on Mechatronics and Renewable Energy, 10–11 December 2018, El-Oued University, Algeria. Available online: https://dspace.univ-eloued.dz/items/46da7189-3707-4a9a-9907-1c858213e393/full (accessed on 11 February 2024).
166. Jeon, Y.J.; Choi, D.C.; Lee, S.J.; Yun, J.P.; Kim, S.W. Defect detection for corner cracks in steel billets using a wavelet reconstruction method. JOSA A; 2014; 31, pp. 227-237. [DOI: https://dx.doi.org/10.1364/JOSAA.31.000227] [PubMed: https://www.ncbi.nlm.nih.gov/pubmed/24562019]
167. Rithesh, R.N. SVM-KNN: A novel approach to classification based on SVM and KNN. Int. Res. J. Comput. Sci.; 2017; 4, AUCS10088. [DOI: https://dx.doi.org/10.26562/IRJCS.2017.AUCS10088]
168. Pernkopf, F. Detection of surface defects on raw steel blocks using Bayesian network classifiers. Pattern Anal. Appl.; 2004; 7, pp. 333-342. [DOI: https://dx.doi.org/10.1007/s10044-004-0232-3]
169. Abiodun, O.I.; Jantan, A.; Omolara, A.E.; Dada, K.V.; Mohamed, N.A.; Arshad, H. State-of-the-art in artificial neural network applications: A survey. Heliyon; 2018; 4, e00938. [DOI: https://dx.doi.org/10.1016/j.heliyon.2018.e00938] [PubMed: https://www.ncbi.nlm.nih.gov/pubmed/30519653]
170. Sarma, A.S.S.; Janani, R.; Sarma, A.S.V. Detecting the surface defects on hot rolled steel sheets using texture analysis. Proceedings of the 2013 International Conference on Advanced Electronic Systems (ICAES); Pilani, India, 21–23 September 2013; IEEE: Piscataway, NJ, USA, 2013; pp. 157-159.
171. Popat, M.; Barai, S.V. Defect Detection and Classification Using Machine Learning Classifier. Available online: http://www.ndt.net/article/wcndt2004/pdf/inprocess_ndt-nde/788_popat.pdf (accessed on 2 February 2024).
172. Tang, B.; Kong, J.Y.; Wang, X.D.; Chen, L. Surface inspection system of steel strip based on machine vision. Proceedings of the 2009 First International Workshop on Database Technology and Applications; Guadeloupe, France, 1–6 March 2009; IEEE: Piscataway, NJ, USA, 2009; pp. 359-362.
173. Kang, G.W.; Liu, H.B. Surface defects inspection of cold rolled strips based on neural network. Proceedings of the 2005 International Conference on Machine Learning and Cybernetics; Guangzhou, China, 18–21 August 2005; IEEE: Piscataway, NJ, USA, 2005; Volume 8, pp. 5034-5037.
174. Cortes, C.; Vapnik, V. Support-vector networks. Mach. Learn.; 1995; 20, pp. 273-297. [DOI: https://dx.doi.org/10.1007/BF00994018]
175. Drucker, H.; Burges, C.J.; Kaufman, L.; Smola, A.; Vapnik, V. Support vector regression machines. Adv. Neural Inf. Process. Syst.; 1996; 6, pp. 155-161.
176. Yu, Y.W.; Yin, G.F.; Du, L.Q. Image classification for steel strip surface defects based on support vector machines. Advanced Materials Research; Trans Tech Publications Ltd.: Bäch, Switzerland, 2011; Volume 217, pp. 336-340.
177. Neogi, N.; Mohanta, D.K.; Dutta, P.K. Defect detection of steel surfaces with global adaptive percentile thresholding of gradient image. J. Inst. Eng. Ser.; 2017; 98, pp. 557-565. [DOI: https://dx.doi.org/10.1007/s40031-017-0296-2]
178. Nikita, K.; Apurva, K.; Aishwarya, L.; Komal, K.; Mulik, V.P. Detection of Defects on Steel Surfaces Using Machine Learning Techniques. Int. J. Res. Eng. Appl. Manag.; 2017; 3, pp. 2454-9150.
179. Jiang, M.; Li, G.; Xie, L.; Xiao, M.; Yi, L. Adaptive classifier for steel strip surface defects. J. Phys. Conf. Ser.; 2017; 787, 012019. [DOI: https://dx.doi.org/10.1088/1742-6596/787/1/012019]
180. Xiao, M.; Jiang, M.; Li, G.; Xie, L.; Yi, L. An evolutionary classifier for steel surface defects with small sample set. EURASIP J. Image Video Process.; 2017; 2017, 48. [DOI: https://dx.doi.org/10.1186/s13640-017-0197-y]
181. Chu, M.; Liu, X.; Gong, R.; Liu, L. Multi-class classification method using twin support vector machines with multi-information for steel surface defects. Chemom. Intell. Lab. Syst.; 2018; 176, pp. 108-118. [DOI: https://dx.doi.org/10.1016/j.chemolab.2018.03.014]
182. Chu, M.X.; Wang, A.N.; Gong, R.F.; Sha, M. Multi-class classification methods of enhanced LS-TWSVM for strip steel surface defects. J. Iron Steel Res. Int.; 2014; 21, pp. 174-180. [DOI: https://dx.doi.org/10.1016/S1006-706X(14)60027-3]
183. Hu, H.; Li, Y.; Liu, M.; Liang, W. Classification of defects in steel strip surface based on multiclass support vector machine. Multimed. Tools Appl.; 2014; 69, pp. 199-216. [DOI: https://dx.doi.org/10.1007/s11042-012-1248-0]
184. Song, K.; Hu, S.; Yan, Y. Automatic recognition of surface defects on hot-rolled steel strip using scattering convolution network. J. Comput. Inf. Syst.; 2014; 10, pp. 3049-3055.
185. Hu, H.; Liu, Y.; Liu, M.; Nie, L. Surface defect classification in large-scale strip steel image collection via hybrid chromosome genetic algorithm. Neurocomputing; 2016; 181, pp. 86-95. [DOI: https://dx.doi.org/10.1016/j.neucom.2015.05.134]
186. Huberty, C.J.; Olejnik, S. Applied MANOVA and Discriminant Analysis; John Wiley Sons: Hoboken, NJ, USA, 2006.
187. Walker, P.L. Sexing skulls using discriminant function analysis of visually assessed traits. American J. Phys. Anthropol. Off. Publ. Am. Assoc. Phys. Anthropol.; 2008; 136, pp. 39-50. [DOI: https://dx.doi.org/10.1002/ajpa.20776] [PubMed: https://www.ncbi.nlm.nih.gov/pubmed/18324631]
188. Zhang, Y. Pattern Recognition Techniques Applied to Rust Classification in Steel Structures. Ph.D. Thesis; City University London: London, UK, 2012.
189. Weiwei, L.; Yunhui, Y.; Jun, L.; Yao, Z.; Hongwei, S. Automated on-line fast detection for surface defect of steel strip based on multivariate discriminant function. Proceedings of the 2008 Second International Symposium on Intelligent Information Technology Application; Washington, DC, USA, 20–22 December 2008; IEEE: Piscataway, NJ, USA, 2008; Volume 2, pp. 493-497.
190. Cord, A.; Bach, F.; Jeulin, D. Texture classification by statistical learning from morphological image processing: Application to metallic surfaces. J. Microsc.; 2010; 239, pp. 159-166. [DOI: https://dx.doi.org/10.1111/j.1365-2818.2010.03365.x]
191. Hines, J.W.; Tsoukalas, L.H.; Uhrig, R.E. MATLAB Supplement to Fuzzy and Neural Approaches in Engineering; John Wiley Sons, Inc.: Hoboken, NJ, USA, 1997.
192. Nedeljkovic, I. Image classification based on fuzzy logic. Int. Arch. Photogramm. Remote. Sens. Spat. Inf. Sci.; 2004; 34, pp. 3-7.
193. Shitole, C.S.N.; Zahran, O.; Al-Nuaimy, W. Combining fuzzy logic and neural networks in classification of weld defects using ultrasonic time-of-flight diffraction. Insight-Non-Destr. Test. Cond. Monit.; 2007; 49, pp. 79-82. [DOI: https://dx.doi.org/10.1784/insi.2007.49.2.79]
194. Azizah, L.M.R.; Umayah, S.F.; Riyadi, S.; Damarjati, C.; Utama, N.A. Deep learning implementation using convolutional neural network in mangosteen surface defect detection. Proceedings of the 2017 7th IEEE international conference on control system, computing and engineering (ICCSCE); Penang, Malaysia, 24–26 November 2017; IEEE: Piscataway, NJ, USA, 2017; pp. 242-246.
195. Luna-Gonzalez, J.A.; Robles-Camarillo, D.; Nakano-Miyatake, M.; Lanz-Mendoza, H.; Meana, H.M.P. A CNN-Based Mosquito Classification Using Image Transformation of Wingbeat Features. SoMeT; IOS Press: Amsterdam, The Netherlands, 2020; pp. 127-137.
196. Scherer, D.; Müller, A.; Behnke, S. Evaluation of pooling operations in convolutional architectures for object recognition. Proceedings of the Artificial Neural Networks—ICANN 2010: 20th International Conference; Thessaloniki, Greece, 15–18 September 2010; Proceedings, Part III 20 Springer: Berlin/Heidelberg, Germany, 2010; pp. 92-101.
197. Guan, S.; Lei, M.; Lu, H. A steel surface defect recognition algorithm based on improved deep learning network model using feature visualization and quality evaluation. IEEE Access; 2020; 8, pp. 49885-49895. [DOI: https://dx.doi.org/10.1109/ACCESS.2020.2979755]
198. Kostenetskiy, P.; Alkapov, R.; Vetoshkin, N.; Chulkevich, R.; Napolskikh, I.; Poponin, O. Real-time system for automatic cold strip surface defect detection. FME Trans.; 2019; 47, pp. 765-774. [DOI: https://dx.doi.org/10.5937/fmet1904765K]
199. Konovalenko, I.V.; Maruschak, P.O. Classification of the surface technological defects in rolled metal products with the help of a deep neural network. Mater. Sci.; 2021; 56, pp. 779-788. [DOI: https://dx.doi.org/10.1007/s11003-021-00495-5]
200. Wu, S.; Zhao, S.; Zhang, Q.; Chen, L.; Wu, C. Steel Surface defect classification based on small sample learning. Applied. Sci.; 2021; 11, 11459. [DOI: https://dx.doi.org/10.3390/app112311459]
201. Nagy, A.M.; Czúni, L. Zero-shot learning and classification of steel surface defects. Proceedings of the Fourteenth International Conference on Machine Vision (ICMV 2021); Rome, Italy, 8–12 November 2021; SPIE: Washington, DC, USA, 2021; Volume 12084, pp. 386-394.
202. Zhou, F.; Liu, G.; Xu, F.; Deng, H. A generic automated surface defect detection based on a bilinear model. Appl. Sci.; 2019; 9, 3159. [DOI: https://dx.doi.org/10.3390/app9153159]
203. Fu, J.; Zhu, X.; Li, Y. Recognition of surface defects on steel sheet using transfer learning. arXiv; 2019; arXiv: 1909.03258
204. Wang, S.; Xia, X.; Ye, L.; Yang, B. Automatic detection and classification of steel surface defect using deep convolutional neural networks. Metals; 2021; 11, 388. [DOI: https://dx.doi.org/10.3390/met11030388]
205. Nagy, A.M.; Czúni, L. Classification and Fast Few-Shot Learning of Steel Surface Defects with Randomized Network. Appl. Sci.; 2022; 12, 3967. [DOI: https://dx.doi.org/10.3390/app12083967]
206. Masci, J.; Meier, U.; Ciresan, D.; Schmidhuber, J.; Fricout, G. Steel defect classification with max-pooling convolutional neural networks. Proceedings of the 2012 International Joint Conference on Neural Networks (IJCNN); Brisbane, Australia, 10–15 June 2012; IEEE: Piscataway, NJ, USA, 2012; pp. 1-6.
207. Zhou, S.; Chen, Y.; Zhang, D.; Xie, J.; Zhou, Y. Classification of surface defects on steel sheet using convolutional neural networks. Mater. Technol.; 2017; 51, pp. 123-131.
208. Deshpande, A.M.; Minai, A.A.; Kumar, M. One-shot recognition of manufacturing defects in steel surfaces. Procedia Manuf.; 2020; 48, pp. 1064-1071. [DOI: https://dx.doi.org/10.1016/j.promfg.2020.05.146]
209. Prihatno, A.T.; Utama, I.B.K.Y.; Kim, J.Y.; Jang, Y.M. Metal defect classification using deep learning. Proceedings of the 2021 Twelfth International Conference on Ubiquitous and Future Networks (ICUFN); Jeju Island, Republic of Korea, 17–20 August 2021; IEEE: Piscataway, NJ, USA, 2021; pp. 389-393.
210. Ibrahim, A.A.; Tapamo, J.R. Transfer learning-based approach using new convolutional neural network classifier for steel surface defects classification. Sci. Afr.; 2024; 23, e02066. [DOI: https://dx.doi.org/10.1016/j.sciaf.2024.e02066]
211. He, D.; Xu, K.; Wang, D. Design of multi-scale receptive field convolutional neural network for surface inspection of hot rolled steels. Image Vis. Comput.; 2019; 89, pp. 12-20. [DOI: https://dx.doi.org/10.1016/j.imavis.2019.06.008]
212. Niu, S.; Li, B.; Wang, X.; Lin, H. Defect image sample generation with GAN for improving defect recognition. IEEE Trans. Autom. Sci. Eng.; 2020; 17, pp. 1611-1622. [DOI: https://dx.doi.org/10.1109/TASE.2020.2967415]
213. Schlegl, T.; Seeböck, P.; Waldstein, S.M.; Schmidt-Erfurth, U.; Langs, G. Unsupervised anomaly detection with generative adversarial networks to guide marker discovery. Information Processing in Medical Imaging: 25th International Conference, IPMI 2017, Boone, NC, USA, 25–30 June 2017, Proceedings; Springer International Publishing: Cham, Switzerland, 2017; pp. 146-157.
214. Yusob, B.; Shamsuddin, S.M.H.; Hamed, H.N.A. Spiking self-organizing maps for classification problem. Procedia Technol.; 2013; 11, pp. 57-64. [DOI: https://dx.doi.org/10.1016/j.protcy.2013.12.162]
215. Kaski, S. Data Exploration Using Self-Organizing Maps. Master’s Thesis; University of Technology: Tokyo, Japan, 1997.
216. Vesanto, J. Data Exploration Process Based on the Self-Organizing Map; Helsinki University of Technology: Espoo, Finland, 2002.
217. Asan, U.; Ercan, S. An introduction to self-organizing maps. Proceedings of the Computational Intelligence Systems in Industrial Engineering: With Recent Theory and Applications; Atlantis Press: Paris, France, 2012; pp. 295-315.
218. Oja, M.; Kaski, S.; Kohonen, T. Bibliography of self-organizing map (SOM) papers: 1998–2001 addendum. Neural Comput. Surv.; 2003; 3, pp. 1-156.
219. Martins, L.A.; Pádua, F.L.; Almeida, P.E. Automatic detection of surface defects on rolled steel using computer vision and artificial neural networks. Proceedings of the IECON 2010-36th Annual Conference on IEEE Industrial Electronics Society; Glendale, AZ, USA, 7–10 November 2010; IEEE: Piscataway, NJ, USA, 2010; pp. 1081-1086.
220. Luo, Q.; He, Y. A cost-effective and automatic surface defect inspection system for hot-rolled flat steel. Robot.-Comput.-Integr. Manuf.; 2016; 38, pp. 16-30. [DOI: https://dx.doi.org/10.1016/j.rcim.2015.09.008]
221. Somervuo, P.; Kohonen, T. Self-organizing maps and learning vector quantization for feature sequences. Neural Process. Lett.; 1999; 10, pp. 151-159. [DOI: https://dx.doi.org/10.1023/A:1018741720065]
222. Di, H.; Ke, X.; Peng, Z.; Dongdong, Z. Surface defect classification of steels with a new semi-supervised learning method. Opt. Lasers Eng.; 2019; 117, pp. 40-48. [DOI: https://dx.doi.org/10.1016/j.optlaseng.2019.01.011]
223. Odena, A. Semi-supervised learning with generative adversarial networks. arXiv; 2016; arXiv: 1606.01583
224. He, Y.; Song, K.; Dong, H.; Yan, Y. Semi-supervised defect classification of steel surface based on multi-training and generative adversarial network. Opt. Lasers Eng.; 2019; 122, pp. 294-302. [DOI: https://dx.doi.org/10.1016/j.optlaseng.2019.06.020]
225. Zeng, X.; Yin, S.B.; Guo, Y.; Lin, J.R.; Zhu, J.G. A novel semi-supervised feature extraction method and its application in automotive assembly fault diagnosis based on vision sensor data. Sensors; 2018; 18, 2545. [DOI: https://dx.doi.org/10.3390/s18082545] [PubMed: https://www.ncbi.nlm.nih.gov/pubmed/30081511]
226. Rao, K.B.; Prasad, G.N.R.; Amudha, S.; Kumar, A.; Prasad, D.V.S.S.S.V.; Mohanavel, V. A Significant Feature Selection to Improve the Accuracy of a Classification Algorithm for Steel Defect. Proceedings of the 2022 4th International Conference on Inventive Research in Computing Applications (ICIRCA); Coimbatore, India, 21–23 September 2022; IEEE: Piscataway, NJ, USA, 2022; pp. 200-206.
227. Chu, M.; Gong, R.; Wang, A. Strip steel surface defect classification method based on enhanced twin support vector machine. ISIJ Int.; 2014; 54, pp. 119-124. [DOI: https://dx.doi.org/10.2355/isijinternational.54.119]
228. Fu, G.; Sun, P.; Zhu, W.; Yang, J.; Cao, Y.; Yang, M.Y.; Cao, Y. A deep-learning-based approach for fast and robust steel surface defects classification. Opt. Lasers Eng.; 2019; 121, pp. 397-405. [DOI: https://dx.doi.org/10.1016/j.optlaseng.2019.05.005]
229. Zhu, W.; Zhang, H.; Zhang, C.; Zhu, X.; Guan, Z.; Jia, J. Surface defect detection and classification of steel using an efficient Swin Transformer. Adv. Eng. Inform.; 2023; 57, 102061. [DOI: https://dx.doi.org/10.1016/j.aei.2023.102061]
230. Huang, Z.; Wu, J.; Xie, F. Automatic recognition of surface defects for hot-rolled steel strip based on deep attention residual convolutional neural network. Mater. Lett.; 2021; 293, 129707. [DOI: https://dx.doi.org/10.1016/j.matlet.2021.129707]
231. Konovalenko, I.; Maruschak, P.; Brezinová, J.; Viňáš, J.; Brezina, J. Steel surface defect classification using deep residual neural network. Metals; 2020; 10, 846. [DOI: https://dx.doi.org/10.3390/met10060846]
232. Demir, K.; Ay, M.; Cavas, M.; Demir, F. Automated steel surface defect detection and classification using a new deep learning-based approach. Neural Comput. Appl.; 2023; 35, pp. 8389-8406. [DOI: https://dx.doi.org/10.1007/s00521-022-08112-5]
233. Hu, X.; Yang, J.; Jiang, F.; Hussain, A.; Dashtipour, K.; Gogate, M. Steel surface defect detection based on self-supervised contrastive representation learning with matching metric. Appl. Soft Comput.; 2023; 145, 110578. [DOI: https://dx.doi.org/10.1016/j.asoc.2023.110578]
234. Suvdaa, B.; Ahn, J.; Ko, J. Steel surface defects detection and classification using SIFT and voting strategy. Int. J. Softw. Eng. Its Appl.; 2012; 6, pp. 161-166.
235. Gong, R.; Wu, C.; Chu, M. Steel surface defect classification using multiple hyper-spheres support vector machine with additional information. Chemom. Intell. Lab. Syst.; 2018; 172, pp. 109-117. [DOI: https://dx.doi.org/10.1016/j.chemolab.2017.11.018]
236. Stephen, D.; Lalu, P.P.; Sudheesh, R.S. X-ray Weld Defect Recognition Using Deep Learning Technique. Int. Res. J. Eng. Technol.; 2021; 8, pp. 818-823.
237. Chen, W.; Gao, Y.; Gao, L.; Li, X. A new ensemble approach based on deep convolutional neural networks for steel surface defect classification. Procedia CIRP; 2018; 72, pp. 1069-1072. [DOI: https://dx.doi.org/10.1016/j.procir.2018.03.264]
238. He, D.; Xu, K.; Zhou, P. Defect detection of hot rolled steels with a new object detection framework called classification priority network. Comput. Ind. Eng.; 2019; 128, pp. 290-297. [DOI: https://dx.doi.org/10.1016/j.cie.2018.12.043]
239. Narkhede, S. Understanding auc-roc curve. Towards Data Sci.; 2018; 26, pp. 220-227.
240. Tharwat, A. Classification assessment methods. Appl. Comput. Inform.; 2021; 17, pp. 168-192. [DOI: https://dx.doi.org/10.1016/j.aci.2018.08.003]
241. Lachiche, N.; Ferri, C.; Macskassy, S.A. ROC Analysis in Machine Learning. Proceedings of the Workshop Associated to ICML, the 23 rd International Conference on Machine Learning; New York, NY, USA, 25–29 June 2006.
242. Powers, D.M. Evaluation: From precision, recall and F-measure to ROC, informedness, markedness and correlation. arXiv; 2020; arXiv: 2010.16061
243. Sokolova, M.; Japkowicz, N.; Szpakowicz, S. Beyond accuracy, F-score and ROC: A family of discriminant measures for performance evaluation. Proceedings of the AI 2006: Advances in Artificial Intelligence: 19th Australian Joint Conference on Artificial Intelligence; Hobart, Australia, 4–8 December 2006; Proceedings 19 Springer: Berlin/Heidelberg, Germany, 2006; pp. 1015-1021.
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
© 2024 by the authors. Licensee MDPI, Basel, Switzerland. This article is an open access article distributed under the terms and conditions of the Creative Commons Attribution (CC BY) license (https://creativecommons.org/licenses/by/4.0/). Notwithstanding the ProQuest Terms and Conditions, you may use this content in accordance with the terms of the License.
Abstract
In the competitive landscape of steel-strip production, ensuring the high quality of steel surfaces is paramount. Traditionally, human visual inspection has been the primary method for detecting defects, but it suffers from limitations such as reliability, cost, processing time, and accuracy. Visual inspection technologies, particularly automation techniques, have been introduced to address these shortcomings. This paper conducts a thorough survey examining vision-based methodologies related to detecting and classifying surface defects on steel products. These methodologies encompass statistical, spectral, texture segmentation based methods, and machine learning-driven approaches. Furthermore, various classification algorithms, categorized into supervised, semi-supervised, and unsupervised techniques, are discussed. Additionally, the paper outlines the future direction of research focus.
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