Next Article in Journal
Multi-Objective Aerodynamic Design Optimisation Method of Fuel Cell Centrifugal Impeller Using Modified NSGA-II Algorithm
Next Article in Special Issue
Action Classification for Partially Occluded Silhouettes by Means of Shape and Action Descriptors
Previous Article in Journal
Measuring Ocean Surface Current in the Kuroshio Region Using Gaofen-3 SAR Data
Previous Article in Special Issue
Activity Recognition with Combination of Deeply Learned Visual Attention and Pose Estimation
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Review

Surface Defect Detection Methods for Industrial Products: A Review

1
Department of Information Science, Xi’an University of Technology, Xi’an 710048, China
2
Shanxi Provincial Key Laboratory of Printing and Packaging Engineering, Xi’an University of Technology, Xi’an 710048, China
*
Author to whom correspondence should be addressed.
Appl. Sci. 2021, 11(16), 7657; https://doi.org/10.3390/app11167657
Submission received: 21 June 2021 / Revised: 12 August 2021 / Accepted: 17 August 2021 / Published: 20 August 2021

Abstract

:
The comprehensive intelligent development of the manufacturing industry puts forward new requirements for the quality inspection of industrial products. This paper summarizes the current research status of machine learning methods in surface defect detection, a key part in the quality inspection of industrial products. First, according to the use of surface features, the application of traditional machine vision surface defect detection methods in industrial product surface defect detection is summarized from three aspects: texture features, color features, and shape features. Secondly, the research status of industrial product surface defect detection based on deep learning technology in recent years is discussed from three aspects: supervised method, unsupervised method, and weak supervised method. Then, the common key problems and their solutions in industrial surface defect detection are systematically summarized; the key problems include real-time problem, small sample problem, small target problem, unbalanced sample problem. Lastly, the commonly used datasets of industrial surface defects in recent years are more comprehensively summarized, and the latest research methods on the MVTec AD dataset are compared, so as to provide some reference for the further research and development of industrial surface defect detection technology.

1. Introduction

In the industrial production process, due to the deficiencies and limitations of existing technology, working conditions, and other factors, the quality of manufactured products is extremely easily affected. Among them, surface defects are the most intuitive manifestation of product quality being affected. Therefore, in order to ensure the qualification ratio and the reliable quality, product surface defect detection [1,2] is necessary. “Defect” can be generally understood as the absence, imperfection or area compared with the normal sample. The comparison between the normal sample and the defective sample of industrial products is shown in Figure 1. Surface defect detection refers to the detection of scratches, defects, foreign body shielding, color contamination, holes, and other defects on the surface of the sample to be tested, so as to obtain a series of relevant information such as the category, contour, location, and size of surface defects of the sample to be tested [3]. Manual defect detection was once the mainstream method, but this method is low in efficiency; the detection results are easily affected by human subjectivity and cannot meet the requirements of real-time detection. It has been gradually replaced by other methods.
At present, some scholars have launched relevant research on surface defect detection, involving the latest methods, applications, key issues, and many other aspects [4]. Literature [5] summarizes the current research status of defect detection techniques such as magnetic particle inspection, penetrant inspection, eddy current inspection, ultrasonic inspection, machine vision, and deep learning [6,7]; compares and analyzes the advantages and disadvantages of the above methods; and combs the defect detection technology in electronic components, piping, welding parts, machinery parts, and the typical applications in quality control. From supervised learning model method, unsupervised learning model method [8], and other methods [9] (semi-supervised learning model method and weakly supervised learning model method), literature [10] analyzes surface defect detection methods based on deep learning, and then, three key problems of real-time, small samples, and comparison with traditional image processing-based defect detection methods in surface defect detection are discussed. After reviewing the automatic optical (visual) inspection (AOI) technology, literature [11] systematically described several steps and related methods used in the technology for surface defect detection. Literature [12] first lists the different objects in the field of defects; the mainstream technologies and deep learning methods used for defect detection are introduced and compared. After that, the applications of ultrasonic detection and deep learning methods in defect detection are analyzed. Finally, the existing applications are investigated and based on defect detection equipment, several challenges for defect detection are proposed, such as three-dimensional target detection, high precision, high positioning, rapid detection, small targets, etc. Through investigation, it can be found that in the field of surface defect detection of industrial products, there is currently little literature review on machine learning methods, and although some literatures summarize the problems and challenges in surface defect detection for industrial products, their solutions and directions are not systematic enough. In addition, in terms of datasets, there is still no comprehensive arrangement of industrial product surface defect detection datasets. Therefore, in order to solve the above problems, this paper firstly summarizes the research status of industrial product surface defect detection from the traditional machine vision method and deep learning method, after that, the key problems in the process of industrial surface defect detection, real-time problems, small sample problems, small target problem, unbalanced sample problem, are discussed, and some solutions for each problem are given. Finally, comprehensive industrial surface defect detection datasets are summarized, and several new methods using MVTec AD dataset are compared.
Figure 1. Normal samples (column 1) and defective sample (column 2–6). Defect categories are shown below the image. Samples taken from the MVTec AD dataset [13]: the first row: leather; the second row: tile; the third row: cable. (MVTec AD is a dataset proposed by MVTec Software GmbH in 2019 for benchmarking Anomaly Detection methods, which focuses on industrial Detection and AD is the abbreviation of Anomaly Detection.).
Figure 1. Normal samples (column 1) and defective sample (column 2–6). Defect categories are shown below the image. Samples taken from the MVTec AD dataset [13]: the first row: leather; the second row: tile; the third row: cable. (MVTec AD is a dataset proposed by MVTec Software GmbH in 2019 for benchmarking Anomaly Detection methods, which focuses on industrial Detection and AD is the abbreviation of Anomaly Detection.).
Applsci 11 07657 g001
The publication time of the references in this review is mainly concentrated after 2016 because these documents can represent the development of the latest technology. By referring to the related reviews, the order of organization of this paper is determined as traditional methods, latest methods, key problems, and tools (datasets) which is also the scope of this paper. The main contents of this paper are as follows: Section 2, the summary of industrial product surface defect detection methods based on traditional feature-based machine vision algorithm; Section 3, the summary of industrial product surface defect detection methods based on deep learning; Section 4, key problems and their solutions analysis and discussion; Section 5, the collation and summary of the industrial product surface defect detection dataset and the comparison of the latest methods of the MVTec AD dataset.

2. Traditional Feature-Based Machine Vision Algorithm for Surface Defect Detection

Traditional surface defect detection methods have played a huge role for a period of time. This chapter classifies the traditional industrial product surface defect detection method based on machine vision from the feature extraction level. According to the different features, they are mainly divided into three categories: texture feature-based method, color feature-based method, shape feature-based method. The specific further chapter arrangement is shown in Figure 2.

2.1. Texture Feature-Based Method

The texture feature reflects the homogeneity phenomenon in the image and can reflect the organization structure and arrangement properties of the image surface through the gray distribution of the pixels and their nearby spatial neighborhoods. Methods based on texture feature can be further divided into four categories: statistical method, signal processing method, structural method, and model method [14,15].
For the statistical method, the main idea is to treat the gray value distribution on the surface of an object as a random distribution, analyze the distribution of random variables from the perspective of statistics, and describe the spatial distribution of gray value through histogram feature, gray level co-occurrence matrix, local binary pattern, autocorrelation function, mathematical morphological, and other features.
For the signal processing method, the main idea is to treat the image as a two-dimensional signal and analyze the image from the perspective of signal filter design, so it is also called the frequency spectrum method; the signal processing method includes Fourier transform method, Gabor filter method, wavelet transform method, and other specific methods.
For the structural method, its theoretical basis is the texture primitive theory. The texture primitive theory states that the texture is composed of some minimal patterns (called texture primitives) that appear repeatedly in space according to a certain rule.
For the model method, the commonly used models for detecting surface defects of industrial products include MRF model and fractal model.
For the method based on texture features, this paper summarizes some recent application examples in industrial product surface defect detection, which are arranged according to the classification order in Figure 2, and the details are shown in Table 1.

2.2. Color Feature-Based Method

The calculation amount of color feature is small, and the dependence on the size, direction, viewing angle, and other factors of the image itself is small, and it has high robustness. It is one of the visual features widely used in image retrieval.

2.2.1. Color Histograms

The color histogram describes the proportion of different colors in the entire image, which is the result of global statistics; it does not pay attention to the spatial position of the color and cannot describe the objects in the image.
Features: Insensitive to physical transformations (rotation, scaling, etc.); if the image has multiple areas with obvious differences in the color distribution between the foreground and the background, the color histogram will show double peaks.
Literature [27] proposed a similarity evaluation method based on color histogram for Electrical Resistance Tomography (ERT) image evaluation. For the defect detection of wood surface, literature [28] proposed a classification method based on the percentage color histogram feature and feature vector texture feature of image block; this method has been proved effective by experiments, especially for the defect of junction type. Literature [29] designed a 2-step technological process of particle board defect detection by using SVM and color histogram features to complete the detection of defects and using smoothing and threshold technology to complete defect localization.

2.2.2. Color Moments

The main idea of color moment is that any color distribution in the image can be represented by its moments of each order. Since the information of color distribution is mainly concentrated in low-order moments, usually only the first-order moment (mean), the second-order moment (variance) and the third-order moment (offset) of the color are enough to show the color of the image surface distributed.
Features: no consideration of pixel spatial position; no need to vectorize the color features; no need for color quantization, smoothing, and other subsequent processing.
Literature [30] proposed a method of weighted fusion of color moment features and FSIFT features according to the magnitude of influence, which solved the problem that a single feature does not express the content of tile surface defects obviously. Literature [31] used cosine similarity to test the periodic law of the magneto-optical images, which proved the correctness of the law summarized by the color moment feature, so as to select the appropriate magneto-optical image for welding defect detection and location.

2.2.3. Color Coherence Vector

The color coherence vector is an improved algorithm of the color histogram; its main idea is that each color cluster in the histogram is divided into two parts: aggregation and non-aggregation; in the process of image similarity comparison, the similarity is compared respectively, and then, a similar value is obtained after comprehensive trade-off so as to get a result.
Literature [32] combined LBP feature with color aggregation vector feature weighted fusion and combined with the RBF-based SVM, so as to propose an image classification method that can improve the classification accuracy and calculation speed. Literature [33] stored the extracted color aggregation vector and texture feature in the form of a feature vector for subsequent network training.

2.2.4. Other Color Features

In addition to color histograms, color moments, and color aggregation vectors, color features commonly used for surface defect detection of industrial products include color sets and color correlation maps. Among them, the color set is also a kind of global color features and matching method; it is an approximation to the color histogram, which is expressed as a binary feature vector; by constructing a binary search tree, the retrieval speed can be speeded up. The color correlation graph describes the proportion (probability) of the number of pixels of a certain color in the whole image, which can reflect the spatial correlation between different color pairs; usually, it needs high hardware conditions.

2.3. Shape Feature-Based Method

The method which is based on the shape effectively uses the target of interest in the image for retrieval. Among them, the contour-based method is the main type of method. The contour-based method obtains the shape parameters of the image by describing the outer boundary features of the object; the representative methods are Hough transform and Fourier shape descriptor.
Hough transform uses the global features of the image to connect the edge pixels to form the closed boundary of the region, and its theoretical basis is the duality of point to line. Literature [34] proposes a method for detecting bottle surface defects; in the ROI extraction stage, fast Hough transform was used to detect the boundary line of light source. By using Gabor filter and Hough transform, literature [35] realized the detection of linear defects (such as indentation and bump) on the middle surface of E-TPU. Literature [36] realized surface defect detection of small camera lens based on circle Hough transform, polar coordinate transformation, weighted Sobel filter, and SVM.
The Fourier shape descriptor uses the Fourier transform of the object boundary as the shape description and uses the closure and periodicity of the region boundary to transform a two-dimensional problem into a one-dimensional problem. Literature [37] proposed a method for detecting and locating small defects in aperiodic images, which is based on global Fourier image reconstruction and template matching. Literature [38] proposed a detection method for cutting defects on the surface of magnets; the method uses Fourier transform and Hough transform to reconstruct the image of the magnet surface, and obtains defect information by comparing the gray difference between the reconstructed image and the original image.
In addition to the above three types of features, some other features, such as spatial relationship features, can also be used for the surface defect detection of industrial products. Because the surface of industrial products mostly contains a variety of information, it is usually not enough to use only a single feature or a single class of features. Therefore, in practical applications, multiple features and multiple classes of features are often used in combination.

3. Surface Defect Detection Method of Industrial Products Based on Deep Learning

The rapid development of deep learning has made it more and more widely used in the field of defect detection. This chapter is based on the common classifications of deep learning: supervised method, unsupervised method, weakly supervised method, and introduces briefly the current status of research on surface defect inspection of industrial products. The specific defect detection methods are shown in Figure 3.

3.1. Supervised Method

The supervised method requires that the training set and the test set are indispensable, and the samples in the training set must be labeled [39], in which the training set is used to find the inherent laws of the samples and then apply the laws in the test set. Supervised methods can be divided into supervised methods based on metric learning and supervised methods based on representation learning. Among the above supervised surface defect detection methods, the common model based on metric learning includes the Siamese Network; according to the three stages of defect detection, the method based on representation learning can be roughly divided into three categories: classification network, detection network, and segmentation network. Among them, the one that is commonly used as classification networks is Shuffle Net; the one that is commonly used as detection networks is Faster RCNN; the ones that are commonly used as segmentation networks are: FCN, Mask RCNN, etc. This section takes the network model mentioned above as an example and briefly introduces its research status in surface defect detection tasks. In the task of defect detection, the focus of the classification network is to solve the “what” problem, that is, to determine the type of the image (whether the image contains defects and what is the type of defects); the focus of the detection network is to solve the problem of “where is the defect”, that is, to obtain the specific location information and category information of the defects by determining the location of the defects; the focus of the segmentation network is to solve the problem of “how many defects”, that is, to segment the defect area from the background and obtain the location, category, attribute and other information of the defect.

3.1.1. Siamese Network

Siamese network can be used to judge the similarity between two samples; the core idea of its loss function is to make the input distance of similar categories as small as possible and the input distance of different categories as large as possible [40].
Literature [41] proposed a two-stage multi-scale feature similarity measurement model. After using the Siamese network as the backbone architecture to complete the feature extraction of pairwise image, the spatial pyramid pooling network was incorporated into the feature maps of each convolutional module to fuse the multi-scale feature vectors, and then the discriminative feature embedding and similarity metric were obtained by using the contrastive loss during the training process. The test was performed on the PCB data set with 6 types of defects including short circuit, open circuit, mouse bite, burr, leak, and copper, and the area under the ROC curve of all types was above 0.92. Literature [42] proposed a two-layer neural network for cross-category defect detection (SSIM layer: generating the function of analog SSIM components; SNN layer: composed of Siamese network connected to SSIM layer) without re-training. This method learns the differential features from image pairs containing some structural similarities, and it is assumed that different classification objects can share some structural similarities caused by the differences of these learned image pairs. Experiments in the actual factory dataset show that: this method has the ability of cross-class defect detection.

3.1.2. ShuffleNet

ShuffleNet, a lightweight network with high computational efficiency, uses two new methods of pointwise group convolution and channel shuffle to ensure the computational accuracy and reduce the computational cost effectively.
Based on Shuffle Net V2 framework, literature [43] proposed a novel in-line inspection solution for code on complex backgrounds for plastic containers, the proposed algorithm can also deal with images on complex backgrounds and be used into a practical industrial inspection system. Literature [44] proposed a ShuffleDefectNet defect detection system based on deep learning, which achieved an average accuracy of 99.75% on the NEU dataset.

3.1.3. Faster R-CNN

Faster RCNN, introduces a region proposal network (RPN) on the basis of Fast RCNN, puts the steps of generating regional recommendation into the neural network, and realizes an almost costless regional recommendation algorithm in the end-to-end learning mode, which greatly improves the speed of target detection and mentions also a sliding window approach.
Literature [45] proposed a cascaded structure based on Faster R-CNN, which converted the defect detection problem of power line insulators into a two-level target detection problem. Among them, the first stage was used to locate the insulator area; the second stage was used to locate the insulator area. Based on Faster R-CNN, literature [46] proposed a new network for PCB surface defect detection, which used ResNet50 with feature pyramid as the backbone and used residual units of GRAPN and the residual units of ShuffleNetV2 at the same time.

3.1.4. Fully Convolutional Networks

In an FCN, an end-to-end image segmentation method, all layers in the network are convolutional layers; the network mainly uses three technologies: Convolutional, Upsample and Skip Layer; label map can be directly obtained by making the network do pixel-level prediction. One of the core ideas is the deconvolution Layer with increased data size so that accurate results can be output.
Literature [47] proposed an algorithm that uses a deep neural network to combine Autoencoder and FCN to distinguish keyboard light leakage defects from dust. The proposed method was tested in a test set composed of 1632 images, and the false positive rate of light leakage defect was reduced from 6.27% to 2.37%. Literature [48] designed a complete system for automatic identification and diagnosis of insulator strings, which combined different deep learning-based components, including one insulator string segmentation component and two diagnostic components for missing and damaged insulator disc units, respectively. Literature [49] proposes a method for defect segmentation of solar cell electroluminescence (EL) images; this method uses FCN with a specific architecture of U-net, which can obtain the defect segmentation map in one step; compared with the method of repeatedly executing CNN sliding window, this method obtains similar results. Literature [50] combines FCN with Faster RCNN to design a deep learning model based on FCN for defect detection of tunnels; this model can accurately and quickly detect defects such as stains, leaks, and blockages of pipelines.

3.1.5. Mask RCNN

Mask RCNN is an extended form of Faster-R-CNN that integrates object detection and instance segmentation functions for a two-stage framework network: the first stage scans images and generates proposals (proposals may contain a target area), and the second stage classifies proposals and generates bounding boxes and masks.
Literature [51] proposed an improved model of Mask RCNN—IPCNN. The model first uses a deep residual neural network to process the image from the image pyramid to extract features; the extracted features are generated through the feature pyramid to generate pyramid features, which then are processed by RPN to generate defect bounding box and classify it, and after that, uses FCN to generate a defect mask in the defect bounding box. Literature [52] designed an end-to-end system that can locate solar panel pollution; the system is based on Mask FCNN (Fully Convolutional Mask RCNN), which consists of a classification network ImageNet and a comprehensive network of bottom-up up-sampling of feature images; the effect of information loss is eliminated by up sampling.
In the field of surface defect detection of industrial products, due to high accuracy and good adaptability, the supervised method is the most mainstream method in the current deep learning method, and its application scope is becoming wider and wider. However, the disadvantages of this kind of method have gradually become prominent in practical applications, that is, the huge workload brought by the advance labeling of the dataset, especially in some high-precision scenarios; at the same time, the continuous improvement of the industrial level has led to the continuous reduction of defective samples, which also has a certain impact on the method of supervision.

3.2. Unsupervised Method

In response to the disadvantages of supervised methods, some researchers have begun to look at unsupervised methods. When the input training data are only the data information itself, and there is no label information, the machine learns the pattern of these unlabeled data to obtain some inherent characteristics and connections of the data and automatically classifies the data [53]. Then, when new data are encountered, it can judge which model that new data belong to according to the previously learned model (here, the model refers to the model composed of original data). This process belongs to unsupervised learning.
Among the unsupervised learning methods, the most commonly used surface defect detection methods mainly include the reconstruction-based methods and the embedding similarity-based methods. For the former, the training of the neural network structure is only used for the reconstruction of normal training images, and the anomalous images are easy to be found because they cannot be reconstructed well; anomaly score is usually represented by reconstruction error. The most common reconstruction-based method is Autoencoder (AE) and Generative Adversarial Network (GAN). For the latter, deep neural networks are used to extract meaningful vectors describing the entire image, and the anomaly score is usually represented by the distance between the embedded vectors of the test images and the reference vector representing normality from the training dataset. Typical algorithms mainly include SPADE [54], PaDIM [55], PatchCore [56], etc. In addition to these two types, Deep Belief Network (DBN) and Self-Organizing Map (SOM) can also be used for surface defect detection.
This section will first take the four network models of Autoencoder (AE), Generative Adversarial Network (GAN), Deep Belief Network (DBN), and Self-Organizing Map (SOM) as examples to briefly introduce their research status in surface defect detection task. The introduction of three typical algorithms of the embedding similarity-based methods will be shown in Section 5.

3.2.1. Autoencoder

Encoder and decoder are the two core parts of the self-encoder. Among these two, the encoder corresponds to the hidden layer in the network model and is used to learn the low-dimensional features of the input signal; the decoder corresponds to the output layer in the model, used to reproduce the input signal as much as possible. Therefore, enabling the encoder to learn the good low-dimensional characteristics of the input signal and reconstructing the input signal are the ultimate goals of the self-encoder.
Literature [57] used the SSIM index in traditional image processing as the reconstruction loss and introduced it into the AE-based image reconstruction; tests were carried out on the woven texture data set and the nanofibrous material dataset, both of which obtained a significant difference compared with the L2 loss. In order to solve the shortcoming that AE has good reconstruction of abnormal samples. Literature [58] converts anomaly detection into patch-sequence inpainting [59] problem; meanwhile, to make up for the shortcomings of this type of method that it is difficult to cover larger abnormal regions, transformer network is proposed to reconstruct covered patches only, and local and global embedding methods were designed for different situations. Literature [60] designed a full-convolution AE (MS-FCAE) with multi-scale feature clustering, used multiple FCAE sub-networks at different scales to reconstruct the texture image background and then subtract the texture background from the input image to obtain the residual images, and finally merged them to obtain a defect image, where each FCAE sub-network uses a fully convolutional neural network to directly obtain the original feature image from the input image and perform feature clustering. Literature [61] proposed a multi-scale convolutional denoising autoencoder (MSCDAE), which uses a multi-modal strategy to synthesize the results of multiple pyramid levels and tests on LCD panels, tiles, and textiles; the experiment proves that this method obtains high accuracy and robustness. Literature [62] uses the convolutional autoencoder (CAE) to detect the logo image of mobile phones, extracts the difference between the template image generated by CAE and the input image, and then processes it through mathematical morphology to achieve the purpose of anomaly detection. Literature [63] proposed a convolutional autoencoder (CAE) for unsupervised feature learning. Each CAE uses traditional online gradient descent training without additional regularization items. Good results are obtained on MNIST and CIFAR10.

3.2.2. Generative Adversarial Network

A generative adversarial network consists of two participants: generator and discriminator. The generator is used to obtain the distribution of sample data, and the discriminator is used to estimate the probability of sample training data. The ultimate goal of this model is to learn the inherent laws of real data, predict and estimate the distribution or density of real data and generate new data according to the learned knowledge, that is, generating adversarial network manufactures data.
Literature [64] proposed a method for fabric defect detection using DCGAN. First, the GAN discriminator is used to generate the defect distribution likelihood map; then, the encoder is introduced into the standard DCGAN to reconstruct the detected image, which is subtracted from the original image to obtain the residual image highlighting the potential defect area; later, the combined residual map and the defect distribution likelihood map are combined to obtain an enhanced fusion map, and the accurate position of the defect is finally obtained by threshold segmentation on the fusion map. Literature [65] proposed a GAN-based one-class classification method for strip steel surface defects detection, where the generator G adopts codec, and the features of the hidden space obtained by encoding (the penultimate layer output of the GAN generator) are input into the SVM for defect classification, the model has achieved good test results on the images provided by Handan Iron and Steel Plant. Literature [66] proposes a detection method based on GAN. In the first stage, a novel area is detected using a generative network and a statistical-based representation learning mechanism. In the second stage, the Frechet distance is directly used in the latent space to distinguish defects from normal samples. The method achieves an accuracy of 93.75% on the solar panel data set. Literature [67] designed a GAN-based surface vision detection framework, which uses a multi-scale fusion strategy to fuse the responses of the three convolutional layers of the GAN discriminator and then uses OTSU to segment the fusion feature response map to further segment the defect location. Experiments on wood and road crack datasets have proved the effectiveness of the framework. In order to detect various defects on the fabric surface, literature [68] proposed a model based on the GAN framework. The model first uses a variety of textures to fuse to a specific location, and then, the existing fabric defect data set was continuously updated through multi-level GAN; thus, the network model is continuously fine-tuned to achieve better detection effect.

3.2.3. Deep Belief Networks

The deep belief networks are composed of multiple RBMs (restricted Boltzmann machines), and the training of the whole network is completed by training the RBMs individually layer by layer.
Literature [69] proposed a defect detection algorithm for solar cells based on DBN. This algorithm took reconstructed images and training images as supervision data and established a good mapping relationship between training samples and non-defect images through the fine-tuning network of BP algorithm. Literature [70] proposed a DS-DBN-SVM (Differential Search-Deep belief network-Support vector machine) model to identify the type of bolt defects. In this model, the DS algorithm is used to optimize the weights and thresholds of the DBN network; the DS-DBN model is used to extract the feature of bolt data, and the extracted feature is used as the input of SVM to identify the bolt defect type.

3.2.4. Self-Organizing Map

The self-organizing map simulates the different division of labor of neural network cells in different regions of the human brain, and classifies the set of input patterns by searching for the optimal set of reference vectors.
Literature [71] proposed a detection method using SOM to distinguish normal wood from defective wood. The suspected defect area is detected in the first stage, and the defect area is inspected separately in the second stage. The test in the pine wood data set has obtained relatively ideal results. Literature [72] combined Otsu with SOM to realize the detection and location of TSV defects.
The unsupervised method effectively makes up for the deficiency of the supervised method, but it still has some problems due to its own characteristics. Since only positive examples are trained, the unsupervised method cannot determine what is the correct output, so it cannot guarantee a good detection effect for every type of defect samples (which did not appear during training). Therefore, the accuracy of the unsupervised method still has a large room for improvement, and in general, the unsupervised method has a better detection effect on texture images.

3.3. Weakly Supervised Method

Some scholars combine the characteristics of supervised method and unsupervised method; thus, the weakly supervised method is produced. Compared with supervised and unsupervised methods, the weakly supervised method can achieve better performance while avoiding higher markup costs. At present, the commonly used weak supervised methods in the inspection of industrial surface defects include incomplete supervision method and inaccurate supervision method.

3.3.1. Incomplete Supervision Method

Incomplete supervision means that most of the training samples are not labeled and only a small number of the samples are labeled, and this part of the labeled samples is not enough to train a good model. Among the incomplete supervision methods, the semi-supervised method is often used in the surface defect detection of industrial products.
The semi-supervised methods can automatically develop unlabeled sample data without manual intervention to improve the learning effect. Literature [73] designed a deep convolutional neural network structure based on residual network structure, stacking two layers of residual building modules together to form a 43-layer convolutional neural network, and at the same time, in order to achieve the balance between network depth and network width and improve accuracy, the width of the network was appropriately increased. The network structure shows good performance on DAGM, NEU steel data set, and copper clad plate dataset. Literature [74] proposed a semi-supervised model based on Convolutional Autoencoder (CAE) and Generative Adversarial Network (SGAN), the stacked CAE is trained with unlabeled data, and its encoder network was retained and input into SoftMax layer as GAN discriminator, using GAN to generate false images of steel surface defects to train the discriminator. Literature [75] designed a steel surface defect detection system consisting of sample generation and semi-supervised learning. In the semi-supervised learning part, two classifiers of CDCGAN and ResNet18 were used, and a comparative experiment on the NEU-CLS data set was used. As a result, it is proved that the method is superior to supervised learning and transfer learning. Literature [76] proposed a PCB solder joint defect detection framework. In the classification task of this framework, the concept of active learning based on the “sample-query-suggestion” algorithm and the semi-supervised learning based on “self-training” are adopted, the proposed framework has been proven to improve the classification performance while greatly reducing the amount of annotations.

3.3.2. Inexact Supervision Method

Inexact supervision focuses on situations where the monitoring information is given, but the information is imprecise, that is, only contains coarse-grained labels. For more tasks that contain pixel-level labels, image-level labels are coarse-grained labels.
Literature [77] based on the original ResNet-50 network, deleted the original fully connected layer and pooling layer and added two 1 × 1 convolutions at the end of the network to obtain the corresponding feature map of the defect, which realized that only through the image tag completes the preliminary detection of cracks on the solar panel. Literature [78] developed a WSL framework composed of localization network (LNet) and decision network (DNet) for steel surface defect detection, where LNet uses image-level label training and outputs the heat map of potential defect locations as DNet input, DNet uses RSAM to weight the regions identified by LNet, the performance of the proposed framework is proven on real industrial data sets.
At present, weakly supervised methods are relatively rare in the field of surface defect detection of industrial products, but due to the advantages of both supervised learning methods and unsupervised learning methods at the same time, the application prospects of this type of method are also broad.

3.4. Summary

In conclusion, among the three methods of deep learning, the supervised method is the most widely used because of its good accuracy, but it has obvious disadvantages; the unsupervised method is in line with the process of industrial development but has its own characteristics; the weakly supervised method is not widely used at present, but it has a broad development prospect.

4. The Key Problems

4.1. Real-Time Problem

In surface defect detection tasks in real industrial scenes, real-time problems are not to be ignored. In some special scenarios, such as online analysis, online monitoring and so on, real-time problems are in an extremely important position. The goal of dealing with real-time problems is to reduce the detection time and improve the detection efficiency under the premise of roughly the same accuracy. At present, some scholars have carried out certain research on real-time problems. For example, literature [79] designed a new type of 11-layer CNN model for welding defect detection in robotic welding manufacturing. The proposed method provides guidance for the online detection of metal additive manufacturing (AM), that is, the method can meet certain real-time requirements. Literature [80] proposed a two-stage algorithm combining SSIM and MobileNet to detect surface defects on printed circuit boards, which is at least 12 times faster than Faster RCNN while maintaining high accuracy.
At present, model acceleration is one of the important ideas to solve the real-time problem. Model acceleration can be carried out mainly from two aspects: algorithm and hardware, as follows:
(1)
Algorithm: for the network algorithm level, lightweight network can be used to accelerate the model. Commonly used lightweight models include MobileNet, ShuffleNet, SqueezeNet, and EfficientNet. In addition, distillation and pruning can also be used in accelerating the network at algorithm level. In terms of calculation algorithms, the convolution operation can be optimized to achieve the purpose of model acceleration. Typical algorithms include FFT, Winograd, etc.
(2)
Hardware: the use of GPU, FPGA, DSP, etc. is the main way to accelerate the model through hardware at present.

4.2. Small Sample Problem

In reality, surface defect detection methods based on deep learning often cannot be directly used for the surface defect detection task of industrial products. One of the main reasons is that the continuous optimization of modern industrial processes has led to fewer and fewer defective samples, that is, the number of defect images is very limited. This problem of learning from a small number of samples is usually called the small sample problem [81], which can easily lead to over-fitting problems during training. At present, there are mainly the following four mainstream solutions to solve the problem of small samples:

4.2.1. Data Augmentation

The common methods of data augmentation include translation, rotation, mirroring, contrast adjustment, and data synthesis. Through data enlargement, a large number of sample images can be obtained.
Literature [82] adds synthetic defects to the surface of the defect-free image to complete the expansion of the decorated plastic parts dataset. Literature [83] fuses hand-made features with unsupervised learning features in a complementary way, generating a more discriminative defect representation.

4.2.2. Unsupervised/Semi-Supervised Model

One of the advantages of the unsupervised model is that it only needs to be trained with positive samples instead of negative samples, which provides a direction for solving the problem of small samples. In addition, the semi-supervised model that only requires a small number of samples to be labeled is also one of the alternative models to solve the small sample problem. For specific content, please refer to Section 3.2 and Section 3.3.1.

4.2.3. Transfer Learning

Through transfer learning, the knowledge already learned from one task can be applied to other different but related tasks, especially when data for the target task is insufficient. In reality, most data or tasks are related. Therefore, transfer learning is also one of the main ideas to solve the problem of small samples. Literature [84,85] combined transfer learning and Alex Net to detect surface defects of solar panels and fabrics. Literature [86,87,88,89,90] combined transfer learning with the VGG network to the surface defect detection of emulsion pump body, printed circuit board, transmission line components, steel plate, and wood. Literature [91] combined transfer learning and DenseNet to the surface defect detection of fabrics.

4.2.4. Optimize Network Structure

The optimization of network structure is also a direction to solve the small sample problem. Taking GAN as an example, the AnoGAN model was proposed in literature [92] in 2017, which used GAN for image anomaly detection for the first time. The model continuously iteratively optimizes the parameters of the fixed generator G, looking for the closest generated image to the test image in the latent space and then uses DCGAN for image anomaly detection. In 2019, literature [93] improved AnoGAN and proposed the f-AnoGAN model. In this model, an Encoder is proposed to map the image to a point in latent space quickly and then use WGAN for anomaly detection. The introduction of Encoder solves the problem that AnoGAN iterative optimization takes a lot of time. In addition, the GANomaly model (the overall structure is encoder-decoder-encoder) was proposed in the literature [94] in 2018; by comparing the difference between the latent variables obtained by the coding and the latent variables obtained by reconstructed coding, the abnormal samples are detected. It is worth noting that none of the above models require training with negative samples.

4.3. Small Target Detection Problem

Small target detection problem is also one of the difficulties in the field of surface defect detection of industrial products. Small target refers to a target with a small size in the image. There are two definitions of “small”. One is small in absolute size, which is usually considered as a small target with a size lower than 32*32 pixels. The other is small in relative size, that is, the target size is lower than a certain proportion of the original image size, such as 0.1, that is, the target is considered small target. Literature [95] integrated the features of different layers through rainbow concatenation (pooling and deconvolution), increasing the number of feature maps in different layers while increasing the feature map relationship between different layers, which solves the problem of small goals to a certain extent. Literature [96] proposed a Cascade R-CNN multi-stage target detection framework composed of multiple detectors with different IOU thresholds, in the whole framework, the proposal adjusted by the previous stage is used as the input for the next stage training. This method is used for small targets, the detection results of small targets were significantly improved by this method. At present, there are some skills to solve the small target detection problems, summarized as the following:
(1)
Feature fusion: fusion of deep semantic information into shallow feature maps, using deep features to enrich semantic information while using the characteristic of shallow features that to be suitable for detecting small targets;
(2)
Data Augmentation: increase the type and number of samples in the small target in the training set;
(3)
Image Pyramid + Multi-scale Sliding Window: set different input sizes for images, select a scale randomly from them during training, scale the input image to this scale, and send it to the network;
(4)
Reduce the network downsampling rate: by reducing the downsampling rate to reduce the loss of the object on the feature map, a common method is to directly remove the pooling layer and use the hole convolution at the same time;
(5)
Reasonable anchor design: the main methods include: border clustering, that is, clustering a set of suitable anchors on the labels of the training set; statistical experiments, that is, putting the anchor and the center point of the label together with using only the width and height information to carry out matching experiment to find a group of anchors with the most consistent aspect to height ratio distribution; set smaller and denser anchors and matching strategies, such as not setting too strict IoU threshold for small objects;
(6)
Appropriate training method: use high-resolution images for pre-training while magnifying the input image and then fine-tune on the small-resolution image;
(7)
Use GAN to magnify the small objects and then detect them;
(8)
Use Context information: establish a connection between the target and its Context.

4.4. Unbalanced Sample Identification Problem

The identification of unbalanced samples [97,98] is another difficulty based on the deep learning method when used in the surface defect detection of industrial products. In deep learning, when the model is trained, it is usually required that the number of samples of various categories in the sample set be balanced. However, this ideal situation rarely occurs in reality. In more cases, the data of “normal” samples in the data set is usually the majority, while the data amount of “defect” or “abnormal” samples only accounts for a small part in the total sample. This phenomenon is called an “unbalanced sample” phenomenon. The problem of unbalanced sample identification mainly exists in the task of supervised learning. The emergence of this problem will cause the algorithm to pay more attention to the category with larger data volume and underestimate the category with smaller data volume, thus affecting the generalization and prediction ability of the model in the test data.
At present, the identification of unbalanced samples can be dealt with from four aspects: data level, model level, feature level, and evaluation metric level.

4.4.1. Data Level

The idea of processing method at the data level is to change the sample distribution of the training set, so that the sample distribution in the training set tends to balance, that is, the number of all kinds of samples tends to be consistent. It can be carried out from five aspects: data source, data augmentation, data resampling [99,100], class equalization sampling, and synthetic samples [101], as shown in Figure 4.

4.4.2. Model Level

(1) Cost sensitive: The idea of cost-sensitive is to increase the loss value of the misclassified samples of small categories in the objective function and adjust the model’s attention on the samples of small categories by optimizing the objective function. There are two main cost-sensitive methods: reconstruct the training set or introduce cost-sensitive factors.
Reconstruct the training set: Without changing the existing algorithm, weights are assigned to each sample in the training set according to the different misclassification costs of the samples, and the original sample set is reconstructed according to the weight.
Introduce cost-sensitive factors: Assign higher costs to small-class samples and lower costs to large-class samples to balance the difference in the number of samples. Cost sensitive factor includes cost sensitive matrix and cost sensitive vector, and cost sensitive method requires to specify cost sensitive matrix (or cost sensitive vector) before processing. In actual situations, the specific value of the misclassification weight in the cost-sensitive matrix (or cost-sensitive vector) can usually be specified based on information such as the ratio between samples and the confusion matrix of the classification result.
(2) Integrated learning: There are two main ways of using ensemble learning for defect detection, respectively:
A: Integrated learning + data preprocessing: the typical algorithms include Smote bagging, Smote boost, Easy Ensemble and Balance cascade;
B: Integrated learning + cost sensitive: the typical algorithm is AdaCost [102], Rare Boost.
(3) Converted to anomaly detection problem: When the sample classes are extremely unbalanced, the defect detection problem can be regarded as an anomaly detection problem, and the anomaly detection algorithm (such as One-Class SVM, SVDD, etc.) can be used to establish a single classifier to detect the anomaly points (i.e., samples of small categories).

4.4.3. Feature Level

From the perspective of feature selection, according to the relationship with the classifier, it can be further divided into three methods:
  • Irrelevant to the classifier (typical algorithm: Filter);
  • Independent of the classifier (typical algorithm: Wrapper);
  • Combined with the classifier (typical algorithm: Embedded).

4.4.4. Evaluation Metric Level

Since the problem of unbalanced samples has the greatest impact on the accuracy (Accuracy), this indicator is usually not used alone in practice. Some evaluation indicators are specially designed to solve the problem of unbalanced samples, such as Recall rate, F1 measure, Kappa coefficient, ROC (AUC), et al.

5. Industrial Product Defect Detection Dataset

Dataset is the basis for research work. A good dataset is more conducive to the discovery and summary of problems, so as to facilitate the solution. At present, the field of surface defect detection of industrial products does not have a large and unified data set. For specific research objects and research scenarios, different datasets are often used. According to the different objects and application scenarios, this section categorizes the datasets commonly used in the industrial field and gives related links. As shown in Table 2, these datasets cover a wide range of industrial applications, including: hot-rolled steel strips, steel rails, electronic commutators, solar panels, printed circuit boards, magnetic tiles, fabrics, and more. In view of the summary of the existing dataset, I hope to provide same data sources for scholars’ research in this field. In addition, Figure 5 selects part of the dataset and shows it to some extent.
Since the MVTec ad dataset is a defect detection dataset that simulates the real-world industrial inspection scenario and has a strong reference significance, this paper takes this dataset as an example dataset and compares the application performance of several typical algorithms on this dataset. The comparison results are shown in Table 3.
The MVTec AD dataset contains a total of 15 categories, of which 5 categories are different types of textures, and the remaining 10 categories are 10 different types of objects. In this dataset, 3629 images are used for training and verification, and 1725 images are used for testing. The training set only contains non-defective images, while the test set contains both non-defective images and various types of defective images. This dataset is often used for unsupervised defect/anomaly detection.
It can be seen from Table 3 that most methods have a good average effect on the MVTec AD dataset. When the evaluation index is AUC, some methods get an evaluation score of more than 0.99 in the optimal category. In addition, it can be seen from the optimal category that most methods can show better performance in the object category, and some methods show better performance in the texture category. In summary, in view of the characteristics of different categories, different methods can be combined to achieve the goal of having a good and stable detection effect on both the object category and the texture category.

6. Summary

Surface defect detection is an indispensable part of intelligent production. Therefore, research on surface defect detection of industrial products has strong practical significance. This article makes a certain investigation on the current situation of machine learning methods in the surface defect detection of industrial products. We first discuss the application of traditional machine vision methods and deep learning methods in the field of surface defect detection. At the same time, we point out some key problems in the field of surface defect detection of industrial products and summarize its solutions. In addition, we generalize a relatively complete dataset for surface defect detection of industrial products, which can help researchers conduct more in-depth research on surface defect detection of industrial products.
We support our points by briefly explaining some specific research methods, which is effective. Considering the length and readability of the article, we only select some research methods to expand and explain, so there is a problem that the literature of some methods is not enough or not up-to-date. However, we believe that our review can help researchers understand the related research progress of surface defect detection of industrial products and play a certain reference role.

Author Contributions

Authors contributed as follows: Conceptualization, Y.D.; methodology, Y.D. and Z.W.; funding acquisition, Y.C. and E.Z.; investigation, Y.C., Y.D., F.Z. and Z.W.; writing original draft preparation, Y.C. and Y.D.; writing—review and editing, Y.C., Y.D., Z.W. and L.S.; supervision, Y.C. and E.Z. All authors have read and agreed to the published version of the manuscript.

Funding

This work is supported by National Key R&D Program of China (Grant No. 2018YFD0700400), the Scientific Research Program of Shaanxi Provincial Education Department (Program No. 20JY053), the Key Research and Development Program of Shaanxi (Grant No. 2019 GY-080), the Natural Science Foundation of Shaanxi Province (Grant No.2021JLM-59).

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

Data from this review can be made available upon request to the corresponding author after executing appropriate data sharing agreement. The corresponding websites are listed in the manuscript.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. De Vitis, G.A.; Foglia, P.; Prete, C.A. Row-level algorithm to improve real-time performance of glass tube defect detection in the production phase. IET Image Process. 2020, 14, 2911–2921. [Google Scholar] [CrossRef]
  2. Rasheed, A.; Zafar, B.; Rasheed, A.; Ail, N.; Sajid, M.; Dar, S.H.; Habib, U.; Shehryar, T.; Mahmood, M.T. Fabric Defect Detection Using Computer Vision Techniques: A Comprehensive Review. Math. Probl. Eng. 2020, 2020, 8189403. [Google Scholar] [CrossRef]
  3. Jain, S.; Seth, G.; Paruthi, A.; Soni, U.; Kumar, G. Synthetic data augmentation for surface defect detection and classification using deep learning. J. Int. Manufact. 2020, in press. [Google Scholar] [CrossRef]
  4. Ma, Y.; Li, Q.; He, F.; Liu, Y.; Xi, S. Adaptive segmentation algorithm for metal surface defects. Chin. J. Sci. Instrum. 2017, 38, 245–251. [Google Scholar]
  5. Li, S.; Yang, J.; Wang, Z.; Zhu, S.; Yang, G. Review of Development and Application of Defect Detection Technology. Acta Autom. Sin. 2020, 46, 2319–2336. [Google Scholar]
  6. Ma, S.; Wu, N.; Li, X. Deep learning with big data: State of the art and development. CAAI Trans. Intell. Syst. 2016, 11, 728–742. [Google Scholar]
  7. Zhang, Z.; Pang, W.; Xie, W.; Lv, M.; Wang, Y. Deep Learning for Real-time Applications: A Survey. J. Softw. 2020, 31, 2654–2677. [Google Scholar]
  8. Yu, W.; Zhang, Y.; Yao, H.; Shi, H. Visual inspection of surface defects based on lightweight reconstruction network. Acta Autom. Sin. 2020, 41, 1–12. [Google Scholar]
  9. Liu, J.; Liu, Y.; Luo, X. Research and development on deep learning. Appl. Res. Comput. 2014, 31, 1921–1930+1942. [Google Scholar]
  10. Tao, X.; Hou, W.; Xu, D. A Survey of Surface Defect Detection Methods Based on Deep Learning. Acta Autom. Sin. 2020, 47, 1017–1034. [Google Scholar]
  11. Lu, R.; Wu, A.; Zhang, T.; Wang, Y. Review on Automated Optical (Visual) Inspection and Its Applications in Defect Detection. Acta Opt. Sin. 2018, 38, 23–58. [Google Scholar]
  12. Yang, J.; Li, S.; Wang, Z.; Dong, H.; Wang, J.; Tang, S. Using Deep Learning to Detect Defects in Manufacturing: A Comprehensive Survey and Current Challenges. Materials 2020, 13, 5755. [Google Scholar] [CrossRef]
  13. Bergman, P.; Fauser, M.; Sattlegger, D.; Steger, C. MVTec AD—A Comprehensive Real-World Dataset for Unsupervised Anomaly Detection. In Proceedings of the 2019 IEEE/CVF Conference on Computer Vision and Pattern Recognition CVPR), Long Beach, CA, USA, 15–20 June 2019; pp. 9584–9592. [Google Scholar]
  14. Luo, J.; Dong, T.; Song, D.; Xiu, C. A Review on Surface Defect Detection. J. Front. Comput. Sci. Technol. 2014, 8, 1041–1048. [Google Scholar]
  15. Tang, B.; Kong, J.; Wu, S. Review of surface defect detection based on machine vision. J. Image Graph. 2017, 22, 1640–1663. [Google Scholar]
  16. Song, X.; Bai, F.; Wu, J.; Chen, X.; Zhang, T. Wood Knot Defects Recognition with Gray-Scale Histogram Features. Laser Optoelectron. Prog. 2015, 52, 205–210. [Google Scholar]
  17. Putri, A.P.; Rachmat, H.; Atmaja, D.S.E. Design of Automation System for Ceramic Surface Quality Control Using Fuzzy Logic Method at Balai Besar Keramik (BBK). MATEC Web Conf. 2017, 135, 53. [Google Scholar] [CrossRef] [Green Version]
  18. Liu, Y.; Xu, K.; Xu, J. An Improved MB-LBP Defect Recognition Approach for the Surface of Steel Plates. Appl. Sci. 2019, 9, 4222. [Google Scholar] [CrossRef] [Green Version]
  19. Zhu, D.; Pan, R.; Gao, W.; Zhang, J. Yarn-Dyed Fabric Defect Detection Based on Autocorrelation Function And GLCM. Autex Res. J. 2015, 15, 226–232. [Google Scholar] [CrossRef] [Green Version]
  20. Lee, D.; Kang, Y.; Park, C.; Won, S. Defect Detection Algorithm in Steel Billets Using Morphological Top-Hat filter. IFAC Proc. Vol. 2009, 42, 209–212. [Google Scholar] [CrossRef]
  21. Tsai, D.M.; Wu, S.C.; Li, W.C. Defect detection of solar cells in electroluminescence images using Fourier image reconstruction. Sol. Energy Mater. Sol. Cells 2012, 99, 250–262. [Google Scholar] [CrossRef]
  22. Yun, J.P.; Choi, S.H.; Kim, J.W.; Kim, S.W. Automatic detection of cracks in raw steel block using Gabor filter optimized by univariate dynamic encoding algorithm for searches (uDEAS). NDT E Int. 2009, 42, 389–397. [Google Scholar] [CrossRef]
  23. Liu, H.; Zhou, W.; Kuang, Q.; Cao, L.; Gao, B. Defect detection of IC wafer based on two-dimension wavelet transform. Microelectron. J. 2010, 41, 171–177. [Google Scholar] [CrossRef]
  24. Lizarraga-Morales, R.A.; Sanchez-Yanez, R.E.; Baeza-Serrato, R. Defect detection on patterned fabrics using texture periodicity and the coordinated clusters representation. Text. Res. J. 2017, 87, 1869–1882. [Google Scholar] [CrossRef]
  25. Feng, Z.; Zhou, J.; Chen, W.; Yin, J. Mixed-state MRF detection algorithm for ink-jet printing motion texture. J. Zhejiang Univ. (Eng. Sci.) 2015, 49, 1642–1650. [Google Scholar]
  26. Gao, X.; Xie, Y.; Chen, Z.; You, D. Magneto-optical imaging fractal feature detection for welding defects of high-strength steel. Trans. China Weld. Inst. 2017, 38, 1–4+129. [Google Scholar]
  27. Ren, H.; Tian, K.; Hong, S.; Dong, B.; Xing, F.; Qin, L. Visualized investigation of defect in cementitious materials with electrical resistance tomography. Constr. Build. Mater. 2019, 196, 428–436. [Google Scholar] [CrossRef]
  28. Song, W.; Chen, T.; Gu, Z.; Gai, W.; Huang, W.; Wang, B. Wood Materials Defects Detection Using Image Block Percentile Color Histogram and Eigenvector Texture Feature. In Proceedings of the First International Conference on Information Sciences, Machinery, Materials and Energy, Chongqing, China, 11–13 April 2015; Atlantis Press: Paris, France, 2015. [Google Scholar]
  29. Prasitmeeboon, P.; Yau, H. Defect Detection of Particleboards by Visual Analysis and Machine Learning. In Proceedings of the 2019 5th International Conference on Engineering, Applied Sciences and Technology, Luang Prabang, Laos, 2–5 July 2019; pp. 1–4. [Google Scholar]
  30. Li, J.; Quan, X.; Wang, Y. Research on Defect Detection Algorithm of Ceramic Tile Surface with Multi-feature Fusion. Comput. Eng. Appl. 2020, 56, 191–198. [Google Scholar]
  31. Ma, N.; Gao, X.; Wang, C.; Zhang, Y.; You, D.; Zhang, N. Influence of Hysteresis Effect on Contrast of Welding Defects Profile in Magneto-Optical Image. IEEE Sens. J. 2020, 20, 15034–15042. [Google Scholar] [CrossRef]
  32. Li, Y.; Liu, M. Aerial Image Classification Using Color Coherence Vectors and Rotation & Uniform Invariant LBP Descriptors. In Proceedings of the 2018 IEEE 3rd Advanced Information Technology, Electronic and Automation Control Conference (IAEAC), Chongqing, China, 12–14 October 2018; pp. 653–656. [Google Scholar]
  33. Kshirsagar, D.B.; Kulkarni, U.V. A generalized Neuro-Fuzzy Based Image Retrieval system with modified colour coherence vector and Texture element patterns. In Proceedings of the 2016 IEEE International Conference on Advances in Electronics, Communication and Computer Technology (ICAECCT), New York, NY, USA, 2–3 December 2016; pp. 68–75. [Google Scholar]
  34. Wang, J.; Fu, P.; Gao, R.X. Machine vision intelligence for product defect inspection based on deep learning and Hough transform. J. Manuf. Syst. 2019, 51, 52–60. [Google Scholar] [CrossRef]
  35. Li, R.; Tian, F.; Chen, S. Research on Surface Defect Detection Method of E-TPU Midsole Based on Machine Vision. J. Comput. Commun. 2020, 8, 145–160. [Google Scholar] [CrossRef]
  36. Chang, C.F.; Wu, J.J.; Chen, K.J.; Hsu, M.C. A hybrid defect detection method for compact camera lens. Adv. Mech. Eng. 2017, 9, 287–313. [Google Scholar] [CrossRef] [Green Version]
  37. Tsai, D.M.; Huang, C.K. Defect Detection in Electronic Surfaces Using Template-Based Fourier Image Reconstruction. IEEE Trans. Compon. Packag. Manuf. Technol. 2019, 9, 163–172. [Google Scholar] [CrossRef]
  38. Wang, F.L.; Zuo, B. Detection of surface cutting defect on magnet using Fourier image reconstruction. J. Cent. South Univ. 2016, 23, 1123–1131. [Google Scholar] [CrossRef]
  39. 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, 2585–2596. [Google Scholar] [CrossRef]
  40. Kim, M.S.; Park, T.; Park, P. Classification of Steel Surface Defect Using Convolutional Neural Network with Few Images. In Proceedings of the 12th Asian Control Conference (ASCC), Kitakyusyu International Conference Center, Fukuoka, Japan, 9–12 June 2019; pp. 1398–1401. [Google Scholar]
  41. Ding, R.; Zhang, C.; Zhu, Q.; Liu, H. Unknown defect detection for printed circuit board based on multi-scale deep similarity measure method. J. Eng. 2020, 2020, 388–393. [Google Scholar] [CrossRef]
  42. Luan, C.; Cui, R.; Sun, L.; Lin, Z. A Siamese Network Utilizing Image Structural Differences for Cross-Category Defect Detection. In Proceedings of the 2020 IEEE International Conference on Image Processing (ICIP), Abu Dhabi, United Arab Emirates, 25–28 October 2020; pp. 778–782. [Google Scholar]
  43. Liang, Q.; Zhu, W.; Sun, W.; Yu, Z.; Wang, Y.; Zhang, D. In-line inspection solution for codes on complex backgrounds for the plastic container industry. Measurement 2019, 148, 106965. [Google Scholar] [CrossRef]
  44. Anvar, A.; Cho, Y.I. Automatic Metallic Surface Defect Detection using ShuffleDefectNet. J. Korea Soc. Comput. Inf. 2020, 25, 19–26. [Google Scholar]
  45. Tao, X.; Zhang, D.; Wang, Z.; Liu, X.; Zhang, H.; Xu, D. Detection of Power Line Insulator Defects Using Aerial Images Analyzed with Convolutional Neural Networks. In IEEE Transactions on Systems, Man, and Cybernetics Systems; IEEE: Piscataway, NJ, USA, 2020; pp. 1486–1498. [Google Scholar]
  46. Hu, B.; Wang, J. Detection of PCB Surface Defects with Improved Faster-RCNN and Feature Pyramid Network. IEEE Access 2020, 8, 108335–108345. [Google Scholar] [CrossRef]
  47. Ren, J.; Huang, X. Defect Detection Using Combined Deep Autoencoder and Classifier for Small Sample Size. In Proceedings of the 2020 IEEE 6th International Conference on Control Science and Systems Engineering (ICCSSE), Beijing, China, 17–19 July 2020; pp. 32–35. [Google Scholar]
  48. Sampedro, C.; Rodriguez-Vazquez, J.; Rodriguez-Ramos, A.; Carrio, A.; Campoy, P. Deep Learning-Based System for Automatic Recognition and Diagnosis of Electrical Insulator Strings. IEEE Access 2019, 7, 101283–101308. [Google Scholar] [CrossRef]
  49. Balzategui, J.; Eciolaza, L.; Arana-Arexolaleiba, N. Defect detection on Polycrystalline solar cells using Electroluminescence and Fully Convolutional Neural Networks. In Proceedings of the 2020 IEEE/SICE International Symposium on System Integration (SII), Honolulu, HI, USA, 12–15 January 2020; pp. 949–953. [Google Scholar]
  50. Gao, X.; Jian, M.; Hu, M.; Tanniru, M.; Li, S. Faster multi-defect detection system in shield tunnel using combination of FCN and faster RCNN. Adv. Struct. Eng. 2019, 22, 2907–2921. [Google Scholar] [CrossRef]
  51. Xiao, L.; Wu, B.; Hu, Y. Surface Defect Detection Using Image Pyramid. IEEE Sens. J. 2020, 20, 7181–7188. [Google Scholar] [CrossRef]
  52. Mehta, S.; Azad, A.P.; Chemmengath, S.A.; Raykar, V.; Kalyanaraman, S. DeepSolarEye: Power Loss Prediction and Weakly Supervised Soiling Localization via Fully Convolutional Networks for Solar Panels. In Proceedings of the 2018 IEEE Winter Conference on Applications of Computer Vision (WACV), Lake Tahoe, NV, USA, 12–15 March 2018; pp. 333–342. [Google Scholar]
  53. Dike, H.U.; Zhou, Y.; Deveerasetty, K.K.; Wu, Q. Unsupervised Learning Based on Artificial Neural Network: A Review. In Proceedings of the 2018 IEEE International Conference on Cyborg and Bionic Systems (CBS), Shenzhen, China, 25–27 October 2018; pp. 322–327. [Google Scholar]
  54. Cohen, N.; Hoshen, Y. Sub-Image Anomaly Detection with Deep Pyramid Correspondences. arXiv 2020, arXiv:2005.02357. [Google Scholar]
  55. Defard, T.; Setkov, A.; Loesch, A.; Audigier, R. PaDiM: A Patch Distribution Modeling Framework for Anomaly Detection and Localization. arXiv 2020, arXiv:2011.08785. [Google Scholar]
  56. Roth, K.; Pemula, L.; Zepeda, J.; Schölkopf, B.; Brox, T.; Gehler, P. Towards Total Recall in Industrial Anomaly Detection. arXiv 2021, arXiv:2106.08265. [Google Scholar]
  57. Bergmann, P.; Löwe, S.; Fauser, M.; Sattlegger, D.; Steger, C. Improving Unsupervised Defect Segmentation by Applying Structural Similarity to Autoencoders. In Proceedings of the International Joint Conference on Computer Vision, Imaging and Computer Graphics Theory and Applications (VISIGRAPP), SCITEPRESS, Prague, Czech, 25–27 February 2019. [Google Scholar]
  58. Pirnay, J.; Chai, K. Inpainting Transformer for Anomaly Detection. arXiv 2021, arXiv:2104.13897. [Google Scholar]
  59. Haselmann, M.; Gruber, D.P.; Tabatabai, P. Anomaly Detection using Deep Learning based Image Completion. In Proceedings of the 2018 17th IEEE International Conference on Machine Learning and Applications (ICMLA), Orlando, FL, USA, 17–20 December 2018; pp. 1237–1242. [Google Scholar]
  60. Yang, H.; Chen, Y.; Song, K.; Yin, Z. Multiscale Feature-Clustering-Based Fully Convolutional Autoencoder for Fast Accurate Visual Inspection of Texture Surface Defects. IEEE Trans. Autom. Sci. Eng. 2019, 16, 1450–1467. [Google Scholar] [CrossRef]
  61. Mei, S.; Yang, H.; Yin, Z. An Unsupervised-Learning-Based Approach for Automated Defect Inspection on Textured Surfaces. IEEE Trans. Instrum. Meas. 2018, 67, 1266–1277. [Google Scholar] [CrossRef]
  62. Ke, M.; Lin, C.; Huang, Q. Anomaly detection of Logo images in the mobile phone using convolutional autoencoder. In Proceedings of the 2017 4th International Conference on Systems and Informatics (ICSAI), Hangzhou, China, 11–13 November 2018; pp. 1163–1168. [Google Scholar]
  63. Masci, J.; Meier, U.; Cireşan, D.; Schmidhuber, J. Stacked Convolutional Auto-Encoders for Hierarchical Feature Extraction. In Proceedings of the 21st International Conference on Artificial Neural Networks (ICANN), Espoo, Finland, 14–17 June 2011; pp. 52–59. [Google Scholar]
  64. Hu, G.; Huang, J.; Wang, Q.; Li, J.; Xu, Z.; Huang, X. Unsupervised fabric defect detection based on a deep convolutional generative adversarial network. Text. Res. J. 2020, 90, 247–270. [Google Scholar] [CrossRef]
  65. Liu, K.; Li, A.; Wen, X.; Chen, H.; Yang, P. Steel Surface Defect Detection Using GAN and One-Class Classifier. In Proceedings of the 2019 25th International Conference on Automation and Computing (ICAC), Lancaster, UK, 5–7 September 2019; pp. 1–6. [Google Scholar]
  66. Lai, Y.T.K.; Hu, J.S. A Texture Generation Approach for Detection of Novel Surface Defects. In Proceedings of the 2018 IEEE International Conference on Systems, Man, and Cybernetics (SMC), Miyazaki, Japan, 7–10 October 2018; pp. 4357–4362. [Google Scholar]
  67. Zhai, W.; Zhu, J.; Cao, Y.; Wang, Z. A Generative Adversarial Network Based Framework for Unsupervised Visual Surface Inspection. In Proceedings of the 2018 IEEE International Conference on Acoustics, Speech and Signal Processing (ICASSP), Calgary, AB, Canada, 15–20 April 2018; pp. 1283–1287. [Google Scholar]
  68. Liu, J.; Wang, C.; Su, H.; Du, B.; Tao, D. Multistage GAN for Fabric Defect Detection. IEEE Trans. Image Process. 2020, 29, 3388–3400. [Google Scholar] [CrossRef]
  69. Wang, X.; Li, J.; Yao, M.; He, W.; Qian, Y. Solar Cells Surface Defects Detection Based on Deep Learning. Pattern Recognit. Artif. Intell. 2014, 27, 517–523. [Google Scholar]
  70. Zheng, H.; Yang, Y.; Sun, X.; Wen, C. Nondestructive Detection of Anchorage Quality of Rock Bolt Based On DS-DBN-SVM. In Proceedings of the 2018 International Conference on Machine Learning and Cybernetics (ICMLC), Chengdu, China, 15–18 July 2018; pp. 288–293. [Google Scholar]
  71. Silvén, O.; Niskanen, M.; Kauppine, H. Wood inspection with non-supervised clustering. Mach. Vis. Appl. 2003, 13, 275–285. [Google Scholar] [CrossRef] [Green Version]
  72. Shen, J.; Chen, P.; Su, L.; Shi, T.; Tang, Z.; Liao, G. X-ray inspection of TSV defects with self-organizing map network and Otsu algorithm. Microelectron. Reliab. 2016, 67, 129–134. [Google Scholar] [CrossRef]
  73. 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, 114088–114099. [Google Scholar] [CrossRef]
  74. He, D.; Xu, K.; Zhou, P.; Zhou, D. Surface defect classification of steels with a new semi-supervised learning method. Opt. Lasers Eng. 2019, 117, 40–48. [Google Scholar]
  75. 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, 294–302. [Google Scholar] [CrossRef]
  76. Dai, W.; Mujeeb, A.; Erdt, M.; Sourin, A. Soldering defect detection in automatic optical inspection. Adv. Eng. Inform. 2020, 43, 101004. [Google Scholar] [CrossRef]
  77. Mayr, M.; Hoffmann, M.; Maier, A.; Christlein, V. Weakly Supervised Segmentation of Cracks on Solar Cells Using Normalized Lp Norm. In Proceedings of the 2019 IEEE International Conference on Image Processing (ICIP), Taipei, Taiwan, 22–25 September 2019; pp. 1885–1889. [Google Scholar]
  78. Xu, L.; Lv, S.; Deng, Y.; Li, X. A Weakly Supervised Surface Defect Detection Based on Convolutional Neural Network. IEEE Access 2020, 8, 42285–42296. [Google Scholar] [CrossRef]
  79. Zhang, Z.; Wen, G.; Chen, S. Weld image deep learning-based on-line defects detection using convolutional neural networks for Al alloy in robotic arc welding. J. Manuf. Process. 2019, 45, 208–216. [Google Scholar] [CrossRef]
  80. Xia, B.; Cao, J.; Wang, C. SSIM-NET: Real-Time PCB Defect Detection Based on SSIM and MobileNet-V3. In Proceedings of the 2019 2nd World Conference on Mechanical Engineering and Intelligent Manufacturing (WCMEIM), Shanghai, China, 22–24 November 2019; pp. 756–759. [Google Scholar]
  81. Lv, Y.; Ma, L.; Jiang, H. A Mobile Phone Screen Cover Glass Defect Detection MODEL Based on Small Samples Learning. In Proceedings of the 2019 IEEE 4th International Conference on Signal and Image Processing (ICSIP), Wuxi, China, 19–21 July 2019; pp. 1055–1059. [Google Scholar]
  82. Haselmann, M.; Gruber, D.P. Pixel-Wise Defect Detection by CNNs without Manually Labeled Training Data. Appl. Artif. Intell. 2019, 33, 548–566. [Google Scholar] [CrossRef]
  83. Mei, S.; Yang, H.; Yin, Z. Unsupervised-Learning-Based Feature-Level Fusion Method for Mura Defect Recognition. IEEE Trans. Semicond. Manuf. 2017, 30, 105–113. [Google Scholar] [CrossRef]
  84. Zyout, I.; Oatawneh, A. Detection of PV Solar Panel Surface Defects using Transfer Learning of the Deep Convolutional Neural Networks. In Proceedings of the 2020 Advances in Science and Engineering Technology International Conferences (ASET), Dubai, United Arab Emirates, 4 February–9 April 2020; pp. 1–4. [Google Scholar]
  85. Şeker, A. Evaluation of Fabric Defect Detection Based on Transfer Learning with Pre-trained AlexNet. In Proceedings of the 2018 International Conference on Artificial Intelligence and Data Processing (IDAP), Malatya, Turkey, 28–30 September 2018; pp. 1–4. [Google Scholar]
  86. Zhu, C.; Zhou, W.; Yu, H.; Xiao, S. Defect Detection of Emulsion Pump Body Based on Improved Convolutional Neural Network. In Proceedings of the c2019 International Conference on Advanced Mechatronic Systems (ICAMechS), Kusatsu, Japan, 26–28 August 2019; pp. 349–352. [Google Scholar]
  87. Volkau, I.; Mujeeb, A.; Dai, W.; Marius, E.; Alexei, S. Detection Defect in Printed Circuit Boards using Unsupervised Feature Extraction Upon Transfer Learning. In Proceedings of the 2019 International Conference on Cyberworlds (CW), Kyoto, Japan, 2–4 October 2019; pp. 101–108. [Google Scholar]
  88. Liang, H.; Zuo, C.; Wei, W. Detection and Evaluation Method of Transmission Line Defects Based on Deep Learning. IEEE Access 2020, 8, 38448–38458. [Google Scholar] [CrossRef]
  89. Zeng, W.; You, Z.; Huang, M.; Kong, Z.; Yu, Y.; Le, X. Steel Sheet Defect Detection Based on Deep Learning Method. In Proceedings of the 2019 Tenth International Conference on Intelligent Control and Information Processing (ICICIP), Marrakesh, Morocco, 14–19 December 2019; pp. 152–157. [Google Scholar]
  90. He, T.; Liu, Y.; Xu, C.; Zhou, X.; Hu, Z.; Fan, J. A Fully Convolutional Neural Network for Wood Defect Location and Identification. IEEE Access 2019, 7, 123453–123462. [Google Scholar] [CrossRef]
  91. Yang, D. Classification of Fabric Defects Based on Deep Adaptive Transfer Learning. In Proceedings of the 2019 Chinese Automation Congress (CAC), Hangzhou, China, 22–24 November 2019; pp. 5730–5733. [Google Scholar]
  92. Schlegl, T.; Seeböck, P.; Waldstein, S.M.; Schmidt-Erfurth, U.; Langs, G. Unsupervised Anomaly Detection with Generative Adversarial Networks to Guide Marker Discovery. In International Conference on Information Processing in Medical Imaging; Springer: Philadelphia, PA, USA, 2017; pp. 146–157. [Google Scholar]
  93. Schlegl, T.; Seeböck, P.; Waldstein, S.M.; Langs, G.; Schmidt-Erfurth, U. f-AnoGAN: Fast unsupervised anomaly detection with generative adversarial networks. Med. Images Anal. 2019, 54, 30–44. [Google Scholar] [CrossRef]
  94. Akcay, S.; Atapour-Abarghouei, A.; Breckon, T.P. GANomaly: Semi-Supervised Anomaly Detection via Adversarial Training. In Asian Conference on Computer Vision; Springer: Berlin/Heidelberg, Germany, 2018; pp. 622–637. [Google Scholar]
  95. Jeong, J.; Park, H.; Kwak, N. Enhancement of SSD by concatenating feature maps for object detection. arXiv 2017, arXiv:1705.09587. [Google Scholar]
  96. Cai, Z.; Vasconcelos, N. Cascade R-CNN: Delving into High Quality Object Detection. In Proceedings of the 2018 IEEE/CVF Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–23 June 2018; pp. 6154–6162. [Google Scholar]
  97. Tao, X.; Li, Q.; Ren, C.; Guo, W.; He, Q.; Liu, R.; Zou, J. Affinity and class probability-based fuzzy support vector machine for imbalanced data sets. Neural Netw. 2020, 122, 289–307. [Google Scholar] [CrossRef]
  98. Ali-Gombe, A.; Elyan, E. MFC-GAN: Class-imbalanced dataset classification using Multiple Fake Class Generative Adversarial Network. Neurocomputing 2019, 361, 212–221. [Google Scholar] [CrossRef]
  99. Li, M.; Xiong, A.; Wang, L.; Deng, S.; Ye, J. ACO Resampling: Enhancing the performance of oversampling methods for class imbalance classification. Knowl. Based Syst. 2020, 196, 105818. [Google Scholar] [CrossRef]
  100. Bennin, K.E.; Keung, J.W.; Monden, A. On the relative value of data resampling approaches for software defect prediction. Empir. Softw. Eng. 2019, 24, 602–636. [Google Scholar] [CrossRef]
  101. Potharaju, S.P.; Sreedevi, M.; Ande, V.K.; Tirandasu, R.K. Data mining approach for accelerating the classification accuracy of cardiotocography. Clin. Epidemiol. Glob. Health 2019, 7, 160–164. [Google Scholar] [CrossRef] [Green Version]
  102. Dang, L.M.; Hassan, S.I.; Im, S.; Moon, H. Face image manipulation detection based on a convolutional neural network. Expert Syst. Appl. 2019, 129, 156–168. [Google Scholar] [CrossRef]
  103. 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, 858–864. [Google Scholar] [CrossRef]
  104. 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. 2020, 69, 1493–1504. [Google Scholar] [CrossRef]
  105. Bao, Y.; Song, K.; Liu, J.; Wang, Y.; Yan, Y.; Yu, H.; Li, X. Triplet- Graph Reasoning Network for Few-shot Metal Generic Surface Defect Segmentation. IEEE Trans. Instrum. Meas. 2021, 70, 1–11. [Google Scholar]
  106. Gan, J.; Li, Q.; Wang, J.; Yu, H. A Hierarchical Extractor-Based Visual Rail Surface Inspection System. IEEE Sens. J. 2017, 17, 7935–7944. [Google Scholar] [CrossRef]
  107. Song, K.; Yan, Y. Micro Surface Defect Detection Method for Silicon Steel Strip Based on Saliency Convex Active Contour Model. Math. Probl. Eng. 2013, 2013, 1–13. [Google Scholar] [CrossRef]
  108. Buscema, M.; Terzi, S.; Tastle, W. A new meta-classifier. In Proceedings of the 2010 Annual Meeting of the North American Fuzzy Information Processing Society, Toronto, ON, Canada, 12–14 July 2010; pp. 1–7. [Google Scholar]
  109. Buscema, M. MetaNet: The theory of independent judges. Subst. Use Misuse 1998, 33, 439–461. [Google Scholar] [CrossRef] [PubMed]
  110. Song, K.; Hu, S.; Yan, Y.; Li, J. Surface Defect Detection Method Using Saliency Linear Scanning Morphology for Silicon Steel Strip under Oil Pollution Interference. ISIJ Int. 2014, 54, 2598–2607. [Google Scholar] [CrossRef] [Green Version]
  111. Tianchi Aluminum Profile Surface Defect Dataset. Available online: https://tianchi.aliyun.com/competition/entrance/231682/information (accessed on 28 February 2021).
  112. Tabernik, D.; Šela, S.; Skvarč, J.; Skočaj, D. Segmentation-based deep-learning approach for surface-defect detection. J. Intell. Manuf. 2020, 31, 759–776. [Google Scholar] [CrossRef] [Green Version]
  113. Lv, X.; Duan, F.; Jiang, J.; Fu, X.; Gan, L. Deep Metallic Surface Defect Detection: The New Benchmark and Detection Network. Sensors 2020, 20, 1562. [Google Scholar] [CrossRef] [Green Version]
  114. Boracchi, G.; Carrera, D.; Wohlberg, B. Novelty detection in images by sparse representations. In Proceedings of the 2014 IEEE Symposium on Intelligent Embedded Systems (IES), Orlando, FL, USA, 9–12 December 2014; pp. 47–54. [Google Scholar]
  115. Carrera, D.; Manganini, F.; Boracchi, G.; Lanzarone, E. Defect Detection in SEM Images of Nanofibrous Materials. IEEE Trans. Ind. Inform. 2017, 13, 551–561. [Google Scholar] [CrossRef]
  116. Buerhop-Lutz, C.; Deitsch, S.; Maier, A.; Gallwitz, F.; Berger, S.; Doll, B.; Hauch, J.; Camus, C.; Brabec, C.J. A Benchmark for Visual Identification of Defective Solar Cells in Electroluminescence Imagery. In Proceedings of the 35th European PV Solar Energy Conference and Exhibition, Brussels, Belgium, 24–27 September 2018; pp. 1287–1289. [Google Scholar]
  117. Deitsch, S.; Buerhop-Lutz, C.; Sovetkin, E.; Steland, A.; Maier, A.; Gallwitz, F.; Riess, C. Segmentation of Photovoltaic Module Cells in Electroluminescence Images. arXiv 2018, arXiv:1806.06530. [Google Scholar]
  118. Deitsch, S.; Christlein, V.; Berger, S.; Buerhop-Lutz, C.; Maier, A.; Gallwitz, F.; Riess, C. Automatic classification of defective photovoltaic module cells in electroluminescence images. Sol. Energy 2019, 185, 455–468. [Google Scholar] [CrossRef] [Green Version]
  119. Mery, D.; Riffo, V.; Zscherpel, U.; Mondragón, G.; Lillo, I.; Zuccar, I.; Lobel, H.; Carrasco, M. GDXray: The Database of X-ray Images for Nondestructive Testing. J. Nondestruct. Eval. 2015, 34, 42. [Google Scholar] [CrossRef]
  120. Tang, S.; He, F.; Huang, X.; Yang, J. Online PCB Defect Detector on A New PCB Defect Dataset. arXiv 2019, arXiv:1902.06197. [Google Scholar]
  121. Huang, Y.; Qiu, C.; Guo, Y.; Wang, X.; Yuan, K. Surface Defect Saliency of Magnetic Tile. In Proceedings of the 2018 IEEE 14th International Conference on Automation Science and Engineering (CASE), Munich, Germany, 20–24 August 2018; pp. 612–617. [Google Scholar]
  122. Dorafshan, S.; Maguire, M. Autonomous Detection of Concrete Cracks on Bridge Decks and Fatigue Cracks on Steel Members. In Proceedings of the Digital Imaging 2017, Mashantucket, CT, USA, 26–28 June 2017; pp. 33–44. [Google Scholar]
  123. Dorafshan, S.; Maguire, M.; Chang, M. Comparing Automated Image-Based Crack Detection Techniques in the Spatial and Frequency Domains. In Proceedings of the 26th ASNT Research Symposium, Jacksonville, FL, USA, 13–16 March 2017. [Google Scholar]
  124. Dorafshan, S.; Maguire, M.; Hoffer, N.V.; Coopmans, C. Challenges in bridge inspection using small unmanned aerial systems: Results and lessons learned. In Proceedings of the 2017 International Conference on Unmanned Aircraft Systems (ICUAS), Miami, FL, USA, 13–16 June 2017; pp. 1722–1730. [Google Scholar]
  125. Dorafshan, S.; Thomas, R.J.; Coopmans, C.; Maguire, M. Deep Learning Neural Networks for sUAS-Assisted Structural Inspections: Feasibility and Application. In Proceedings of the 2018 International Conference on Unmanned Aircraft Systems (ICUAS), Dallas, TX, USA, 12–15 June 2018; pp. 874–882. [Google Scholar]
  126. Dorafshan, S.; Maguire, M.; Qi, X. Automatic Surface Crack Detection in Concrete Structures Using OTSU Thresholding and Morphological Operations. In Civil and Environmental Engineering Faculty Publications; Paper 1234; Utah State University: Logan, UT, USA, 2016. [Google Scholar]
  127. Dorafshan, S.; Thomas, R.J.; Maguire, M. Comparison of deep convolutional neural networks and edge detectors for image-based crack detection in concrete. Constr. Build. Mater. 2018, 186, 1031–1045. [Google Scholar] [CrossRef]
  128. Dorafsha, S.; Thomas, R.J.; Maguire, M. SDNET2018: An annotated image dataset for non-contact concrete crack detection using deep convolutional neural networks. Data in Brief. 2018, 21, 1664–1668. [Google Scholar] [CrossRef]
  129. Özgenel, Ç.F.; Sorguç, A.G. Performance Comparison of Pretrained Convolutional Neural Networks on Crack Detection in Buildings. In Proceedings of the International Symposium on Automation and Robotics in Construction (IAARC), Berlin, Germany, 20–25 July 2018; pp. 693–700. [Google Scholar]
  130. Zhang, L.; Yang, F.; Zhang, Y.D.; Zhu, Y.J. Road crack detection using deep convolutional neural network. In Proceedings of the 2016 IEEE International Conference on Image Processing (ICIP), Phoenix, AZ, USA, 25–28 September 2016; IEEE: Washington, DC, USA, 2016; pp. 3708–3712. [Google Scholar]
  131. Li, L.; Ma, W.; Li, L.; Lu, C. Research on Detection Algorithm for Bridge Cracks Based on Deep Learning. Acta Autom. Sin. 2019, 45, 1727–1742. [Google Scholar]
  132. Shi, Y.; Cui, L.; Qi, Z.; Meng, F.; Chen, Z. Automatic Road Crack Detection Using Random Structured Forests. IEEE Trans. Intell. Transp. Syst. 2016, 17, 3434–3445. [Google Scholar] [CrossRef]
  133. Cui, L.; Qi, Z.; Chen, Z.; Meng, F.; Shi, Y. Pavement Distress Detection Using Random Decision Forests; Springer: Sydney, NSW, Australia, 2015; pp. 95–102. [Google Scholar]
  134. Silvestre-Blanes, J.; Albero-Albero, T.; Miralles, I.; Pérez-Llorens, R.; Moreno, J. A Public Fabric Database for Defect Detection Methods and Results. Autex Res. J. 2019, 19, 363–374. [Google Scholar] [CrossRef] [Green Version]
  135. Kylberg, G. The Kylberg Texture Dataset, V. 1.0; Technical Report 35; Centre Image Anal., Swedish University of Agricultural Sciences: Uppsala, Sweden, 2011. [Google Scholar]
  136. DAGM 2007 Datasets. Available online: https://hci.iwr.uni-heidelberg.de/node/3616 (accessed on 25 February 2021).
  137. Yang, J.; Shi, Y.; Qi, Z. DFR: Deep Feature Reconstruction for Unsupervised Anomaly Segmentation. arXiv 2020, arXiv:2012.07122. [Google Scholar]
  138. Shi, Y.; Yang, J.; Qi, Z. Unsupervised anomaly segmentation via deep feature reconstruction. Neurocomputing 2021, 424, 9–22. [Google Scholar] [CrossRef]
  139. Bergmann, P.; Fauser, M.; Sattlegger, D.; Steger, C. Uninformed Students: Student-Teacher Anomaly Detection with Discriminative Latent Embeddings. In Proceedings of the 2020 IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), Seattle, WA, USA, 13–19 June 2020; pp. 4182–4191. [Google Scholar]
  140. Ye, F.; Huang, C.; Cao, J.; Li, M.; Zhang, Y.; Lu, C. Attribute Restoration Framework for Anomaly Detection. IEEE Trans. Multimed. 2020. [Google Scholar] [CrossRef]
  141. Li, J.; Xu, X.; Gao, L.; Wang, Z.; Shao, J. Cognitive visual anomaly detection with constrained latent representations for industrial inspection robot. Appl. Soft. Comput. 2020, 95, 106539. [Google Scholar] [CrossRef]
  142. Liu, W.; Li, R.; Zheng, M.; Karanam, S.; Wu, Z.; Bhanu, B.; Radke, R.J.; Camps, O. Towards Visually Explaining Variational Autoencoders. In Proceedings of the 2020 IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), Seattle, WA, USA, 13–19 June 2020; pp. 8639–8648. [Google Scholar]
  143. Lin, D.; Li, Y.; Prasad, S.; Nwe, T.L.; Dong, S.; Oo, Z.M. CAM-UNET: Class Activation MAP Guided UNET with Feedback Refinement for Defect Segmentation. In Proceedings of the 2020 IEEE International Conference on Image Processing (ICIP), Abu Dhabi, United Arab Emirates, 25–28 October 2020; pp. 2131–2135. [Google Scholar]
  144. Tayeh, T.; Aburakhia, S.; Myers, R.; Shami, A. Distance-Based Anomaly Detection for Industrial Surfaces Using Triplet Networks. In Proceedings of the 2020 11th IEEE Annual Information Technology, Electronics and Mobile Communication Conference (IEMCON), Vancouver, BC, Canada, 4–7 November 2020; pp. 372–377. [Google Scholar]
  145. Chung, H.; Park, J.; Keum, J.; Ki, H.; Kang, S. Unsupervised Anomaly Detection Using Style Distillation. IEEE Access 2020, 8, 221494–221502. [Google Scholar] [CrossRef]
  146. Rippel, O.; Mertens, P.; Merhof, D. Modeling the Distribution of Normal Data in Pre-Trained Deep Features for Anomaly Detection. arXiv 2020, arXiv:2005.14140. [Google Scholar]
  147. Reiss, T.; Cohen, N.; Bergaman, L.; Hoshen, Y. PANDA: Adapting Pretrained Features for Anomaly Detection and Segmentation. arXiv 2020, arXiv:2010.05903. [Google Scholar]
  148. Liu, Y.; Zhuang, C.; Lu, F. Unsupervised Two-Stage Anomaly Detection. arXiv 2021, arXiv:2103.11671. [Google Scholar]
  149. Wang, G.; Han, S.; Ding, E.; Huang, D. Student-Teacher Feature Pyramid Matching for Unsupervised Anomaly Detection. arXiv 2021, arXiv:2103.04257. [Google Scholar]
Figure 2. Traditional feature-based machine vision algorithm for industrial product surface defect detection.
Figure 2. Traditional feature-based machine vision algorithm for industrial product surface defect detection.
Applsci 11 07657 g002
Figure 3. Industrial product surface defect detection method based on deep learning.
Figure 3. Industrial product surface defect detection method based on deep learning.
Applsci 11 07657 g003
Figure 4. Solving the problem of unbalanced qualified samples at the data level.
Figure 4. Solving the problem of unbalanced qualified samples at the data level.
Applsci 11 07657 g004
Figure 5. Examples of partial dataset images: (ag) are taken from Kylberg Texture Dataset; (hn) are taken from DAGM 2007 database; (os) are taken from NEU-CLS steel belt database.
Figure 5. Examples of partial dataset images: (ag) are taken from Kylberg Texture Dataset; (hn) are taken from DAGM 2007 database; (os) are taken from NEU-CLS steel belt database.
Applsci 11 07657 g005
Table 1. Several typical texture feature-based industrial product surface defect detection methods.
Table 1. Several typical texture feature-based industrial product surface defect detection methods.
MethodReferenceFeatureTargetDefect TypesPerformance
Statistical methodSong et al. (2015) [16]Histogram
feature
WoodKnot defectRecognition rate: 99.8%
Putri et al. (2017) [17]Gray level
co-occurrence
matrix
CeramicSurface with defects or notAccuracy rate:
92.31%
Liu et al. (2019) [18]Local binary
pattern
Steel plateCracks, scratches,
indentations, pits, scales
Recognition accuracy: 94.40%
Zhu et al. (2015) [19]Autocorrelation function and GLCMYarn-dyed
fabric
Wrong weft, weft crack, oil stain, etc.Can achieve accurate detection of common defects of yarn-dyed fabric
Lee et al. (2009) [20]Mathematical morphological Steel billetSlender scratchesDetection ratio: 87.5%, can suitable for billet images with scale
Signal
processing method
Tsai et al. (2012) [21]Fourier
transform
Solar cellSmall cracks, breaks, and finger interruptionsCan effectively detect various defects and be implemented for online, real-time defect inspection
Yun et al. (2009) [22]Gabor filter methodSteel billetCrackAccuracy: corner crack: 93.5%; thin crack: 91.9%
Liu et al.
(2010) [23]
Wavelet
transform
Integrated circuit chipSurface
defects
Can detect defects of an IC wafer quickly and accurately
Structural methodLizarraga-Morales et al.
(2017) [24]
Texture
primitive
theory
Patterned fabricSurface with defects or notSuperior to other advanced algorithms
Model methodFeng et al. (2015) [25]MRF modelInk-jet printed
fabric
Texture
defects such as holes, oil drop marks, scratches, etc.
Can effectively detect defect texture from ink-jet printing fabric
Gao et al. (2017) [26]Fractal modelHigh-strength steelWelding
defects including offset, cracks, and dents
Average recognition rate: 88.33%
Table 2. Common industrial product surface defect detection dataset.
Table 2. Common industrial product surface defect detection dataset.
Name and ReferenceObjectsLink
NEU [103,104,105]Hot rolled steel belthttp://faculty.neu.edu.cn/yunhyan/NEU_surface_defect_database.html (accessed on 21 June 2021)
RSDDs dataset [106]Railhttp://icn.bjtu.edu.cn/Visint/resources/RSDDs.aspx (accessed on 21 June 2021)
Micro surface defect database [107]Strip steelhttp://faculty.neu.edu.cn/yunhyan/SCACM.html (accessed on 21 June 2021)
UCI Steel Plates Faults Data Set [108,109]Strip steelhttps://archive.ics.uci.edu/mL/datasets/Steel+Plates+Faults (accessed on 21 June 2021)
Severstal: Steel Defect DetectionStrip steelhttps://www.kaggle.com/c/severstal-steel-defect-detection/data (accessed on 21 June 2021)
Oil pollution defect database [110]Silicon steelhttp://faculty.neu.edu.cn/yunhyan/SLSM.html (accessed on 21 June 2021)
Tianchi aluminum profile surface defect dataset [111]Aluminum profilehttps://tianchi.aliyun.com/competition/entrance/231682/information (accessed on 21 June 2021)
Kolektor [112]Electronic commutatorhttps://www.vicos.si/Downloads/KolektorSDD (accessed on 21 June 2021)
Industrial Metallic Surface DatasetMetalhttps://www.kaggle.com/ujik132016/industrial-metallic-surface-dataset (accessed on 21 June 2021)
GC10-Det [113]Metalhttps://www.kaggle.com/alex000kim/gc10det (accessed on 21 June 2021)
Insulator Data Set—Chinese Power Line Insulator Dataset (CPLID)Insulatorhttps://github.com/InsulatorData/InsulatorDataSet (accessed on 21 June 2021)
NanoTWICE [114,115]Scanning tunneling microscope imaging SEM materialhttp://www.mi.imati.cnr.it/ettore/NanoTWICE/ (accessed on 21 June 2021)
elpv-dataset [116,117,118]Solar panelhttps://github.com/zae-bayern/elpv-dataset (accessed on 21 June 2021)
GDXray Casting [119]X-ray image of castinghttps://domingomery.ing.puc.cl/material/gdxray/ (accessed on 21 June 2021)
DeepPCB dataset [120]Printed circuit board (PCB)https://github.com/tangsanli5201/DeepPCB (accessed on 21 June 2021)
Magnetic tile surface defects [121]Tilehttps://www.kaggle.com/alex000kim/magnetic-tile-surface-defects (accessed on 21 June 2021)
Structural Defects Network (SDNET) 2018 [122,123,124,125,126,127,128]Crack on concrete surfacehttps://www.kaggle.com/aniruddhsharma/structural-defects-network-concrete-crack-images (accessed on 21 June 2021)
Surface Crack Detection Dataset [129,130]Crack on concrete surfacehttps://www.kaggle.com/arunrk7/surface-crack-detection (accessed on 21 June 2021)
Bridge Cracks [131]Bridge crackhttps://github.com/Iskysir/Bridge_Crack_Image_Data (accessed on 21 June 2021)
Crack Forest Datasets [132,133]Road crackhttps://github.com/cuilimeng/CrackForest-dataset (accessed on 21 June 2021)
AITEX [134]Fabrichttps://www.aitex.es/afid/ (accessed on 21 June 2021)
Fabric defect datasetFabrichttps://www.kaggle.com/rmshashi/fabric-defect-dataset (accessed on 21 June 2021)
Fabric stain datasetDyed fabrichttps://www.kaggle.com/priemshpathirana/fabric-stain-dataset (accessed on 21 June 2021)
Tianchi cloth defect datasetClothhttps://tianchi.aliyun.com/competition/entrance/231666/information (accessed on 21 June 2021)
Kylberg Texture Dataset v. 1.0 [135]Texture imageshttp://www.cb.uu.se/~gustaf/texture/ (accessed on 21 June 2021)
DAGM 2007 [136]Miscellaneous defects in texture backgroundhttps://hci.iwr.uni-heidelberg.de/node/3616 (accessed on 21 June 2021)
MVTec AD [13]Multiple materialshttp://www.mvtec.com/company/research/datasets (accessed on 21 June 2021)
Table 3. Performance comparison of typical methods on MVTec AD dataset.
Table 3. Performance comparison of typical methods on MVTec AD dataset.
ReferenceBrief DescriptionEvaluation Index and Its Average ScoreThe Best Category and Its Evaluation Score Evaluation Score for the Best Category
Yang et al. (2020) [137], (2021) [138]A multi-scale regional feature generatorPRO-AUC: 0.95 Objects: Screw0.99
Bergmann et al. (2020) [139]Student-Teacher frameworkPRO: 0.91 Textures: Leather
Objects: Capsule, Hazelnut
0.97
Ye et al. (2020) [140]Attribute Restoration Network: Attribute Erasing Module (erase certain attributes); the ARNet (restore the original data)AUROC: 0.839Objects: Transistor, Zipper1.00
Li et al. (2020) [141]A cognitive VAD method: introduce a constrained latent space to mimic the cognitive ability of humansAUC: 0.75Objects: Screw0.95
Liu et al. (2020) [142]Explain VAEs visually by
means of gradient-based attention
ROC AUC: 0.86 Objects: Hazelnut0.98
Lin et al. (2020)
[143]
A class activation map guided UNet with feedback refinement mechanismIOU: 0.5755Textures: Tile0.8362
Tayeh et al. (2020) [144]A deep residual-based triplet network modelAUC: 0.856Objects: Hazelnut0.979
Cohen et al. (2020) [54]SPADE: rely on K nearest neighbors of pixel-level feature pyramids extracted by pre-trained deep featuresPRO: 0.917Textures: Leather0.972
Chung et al. (2020) [145]OE-SDN: outlier-exposed style distillation networkAUROC: 0.91 Objects: Hazelnut, Toothbrush0.98
Rippel et al. (2020) [146]Fitting a multivariate Gaussian (MVG) to deep feature representations of classification networks trained on ImageNet using normal data onlyPRO: 0.958Textures: Carpet
Objects: Bottle
1.00
Defard et al. (2020) [55]PaDim: use a pretrained CNN for patch embedding, and of multivariate Gaussian distributions to get a probabilistic representation of the of the normal classPRO: 0.921Textures: Leather0.978
Reiss et al. (2020) [147]PANDA: the framework consists of three steps: Initial feature extractor, Feature adaptation, and Anomaly scoring.ROCAUC: 0.962 Textures: Leather; Objects: Screw0.995
Liu et al. (2021) [148]UTAD: a two-stage framework (include IE-Net and Expert-Net, the two parts are used to generate high-fidelity and anomaly-free reconstructions of the input)IoU: 0.53Textures: Grid0.89
Wang et al. (2021) [149]The student-teacher anomaly detection framework with feature pyramid matching techniquePRO: 0.914Objects: Capsule0.968
Roth et al. (2021) [56]PatchCore: combine embeddings from ImageNet models with an outlier detection model and use a maximally representative memory bank of nominal patch-featuresAUROC: 0.981Objects: Screw0.994
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Share and Cite

MDPI and ACS Style

Chen, Y.; Ding, Y.; Zhao, F.; Zhang, E.; Wu, Z.; Shao, L. Surface Defect Detection Methods for Industrial Products: A Review. Appl. Sci. 2021, 11, 7657. https://doi.org/10.3390/app11167657

AMA Style

Chen Y, Ding Y, Zhao F, Zhang E, Wu Z, Shao L. Surface Defect Detection Methods for Industrial Products: A Review. Applied Sciences. 2021; 11(16):7657. https://doi.org/10.3390/app11167657

Chicago/Turabian Style

Chen, Yajun, Yuanyuan Ding, Fan Zhao, Erhu Zhang, Zhangnan Wu, and Linhao Shao. 2021. "Surface Defect Detection Methods for Industrial Products: A Review" Applied Sciences 11, no. 16: 7657. https://doi.org/10.3390/app11167657

Note that from the first issue of 2016, this journal uses article numbers instead of page numbers. See further details here.

Article Metrics

Back to TopTop