iconOpen Access

ARTICLE

crossmark

Modeling & Evaluating the Performance of Convolutional Neural Networks for Classifying Steel Surface Defects

Nadeem Jabbar Chaudhry1,*, M. Bilal Khan2, M. Javaid Iqbal1, Siddiqui Muhammad Yasir3

1 Department of Computer Science, Superior University, Lahore, Pakistan
2 Department of Computer Science, University of Central Punjab, Lahore, Pakistan
3 Department of Mechanical System Engineering, Tongmyong University, Busan, Korea

* Corresponding Author: Nadeem Jabbar Chaudhry. Email: email

Journal on Artificial Intelligence 2022, 4(4), 245-259. https://doi.org/10.32604/jai.2022.038875

Abstract

Recently, outstanding identification rates in image classification tasks were achieved by convolutional neural networks (CNNs). to use such skills, selective CNNs trained on a dataset of well-known images of metal surface defects captured with an RGB camera. Defects must be detected early to take timely corrective action due to production concerns. For image classification up till now, a model-based method has been utilized, which indicated the predicted reflection characteristics of surface defects in comparison to flaw-free surfaces. The problem of detecting steel surface defects has grown in importance as a result of the vast range of steel applications in end-product sectors such as automobiles, households, construction, etc. The manual processes for detections are time-consuming, labor-intensive, and expensive. Different strategies have been used to automate manual processes, but CNN models have proven to be the most effective rather than image processing and machine learning techniques. By using different CNN models with fine-tuning, easily compare their performance and select the best-performing model for the same kinds of tasks. However, it is important that using different CNN models either from fine tuning can be computationally expensive and time-consuming. Therefore, our study helps the upcoming researchers to choose the CNN without considering the issues of model complexity, performance, and computational resources. In this article, the performance of various CNN models like Visual Geometry Group, VGG16, VGG19, ResNet152, ResNet152V2, Xception, InceptionV3, InceptionResNetV2, NASNetLarge, MobileNetV2, and DenseNet201 with transfer learning techniques are evaluated. These models were chosen based on their popularity and impact in the field of computer vision research, as well as their performance on benchmark datasets. According to the outcomes, DenseNet201 outperformed the other CNN models and had the greatest detection rate on the NEU dataset, falling in at 98.37 percent.

Keywords


1  Introduction

The tensile strength of the steel manufacturing business plays a significant role in the manufacturing industry. Steel is widely used in a variety of industries, including construction, infrastructure, trains, automobiles, bridges, machines, ships, household materials, tools, etc. Steel quality has a direct impact on the final result of the end product. Poor-quality steel might result in decreased strength, higher friction, and a poor look. So, to check the quality of produced steel, a variety of reasonable manual methods like an inspection by quality control personnel are used. These manual processes are labor-intensive, expensive, and frustrating. The major problems in manual processes [1] are as follows:

•   The steel manufacturing companies are continuously 24 h in operational so quality control staff have to work at awkward timing like late at night. Which sooner or later creates a negative impact on defect detection and worker health.

•   The quality control personnel have to continuously look at the steel plates. It eventually becomes the cause of mental and visual tiredness and fatigue, turning to leads error [2,3].

•   The quality control personnel have a very shortage. Time to identify the defeated piece of steel due to continuity in rolling steel strips. This may become the cause of overlooking the defective steel.

The automation for the classification of the steel surface is not just for quality improvement but also used for speeding up the entire manufacturing process. Automation will help in; Consistency: Automated systems can perform the same task repeatedly without getting tired or making mistakes, ensuring consistent output. Efficiency: Automated systems can complete tasks faster and with higher accuracy than humans, leading to increased productivity and reduced costs. Scalability: Automated systems can easily scale up or down depending on the workload, eliminating the need for hiring additional staff. Cost-effectiveness: Automated systems can be more cost-effective in the long run than hiring and training human workers.

Computer vision techniques are frequently employed to automate industrial problems and have become a quality control flag mark. In recent years, Fig. 1 convolution neural network (CNN) based approaches and techniques have not only produced outstanding results in the classification of a large number of objects [46] due to their entirely automatic solutions [710] but have also performed well in the classification of surface defects [11].

images

Figure 1: Basic architecture of convolutional neural network (CNN) [12]

The results of the steel classification with CNN [13,14] show that CNN Fig. 1 base techniques perform well rather than the image processing-based methods and machine learning approaches. AlexNet, a CNN model, was the first to be introduced for large-size datasets and performed well [6], followed by VGG [15] and ResNet [16], which also improved the results on huge classes of the dataset. The surface defect of Fabric [1719], semiconductor [20], timber [21], and asphalt pavement [22,23] are solved using different CNN models as the backbone. They have the same kind of issue as steel defects classification.

This work aims to do a systematic study of transfer learning effectiveness for steel surface defects classification. Transfer learning aims to reuse the learned feature of one domain for the same kind of other domain [24] for reducing the computation cost and resources. By using different CNN models with fine-tuning, easily compare their performance and select the best-performing model for such kinds of tasks. This approach can also help to identify the most important features and patterns in the data, as different CNN models may learn different representations of the data. However, it is important that using different CNN models with fine tuning can be computationally expensive and time-consuming. It also required a large amount of labeled data to train and fine-tune each model. Therefore, our study helps the upcoming researchers to choose the CNN without considering the issues of model complexity, performance, and computational resources when using this approach. The outcome of this article can be further improved in the future by fine-tuning and designing a new deep architecture for steel surface defects classification.

This paper is organized as follows: Section 2 is about the literature review. Section 3 describes the used methodology in the article with some details of transfer learning and used CNN models. Section 4 discusses the dataset, pre-processing strategies, and the results. The last, Section 5, is describing the conclusion of the article.

2  Related Work

Zhou et al. [25] created their own CNN model and applied it to a custom basis dataset. They were able to lower the error rate to 0.6292 percent. Fu et al. [26] suggested a multi-respective field module that achieved up to 100 percent accuracy on the benchmark NEU dataset using SqueezeNet as a base model. He et al. [27], suggested a hierarchical learning architecture based on CNN that achieved up to 97.2 percent accuracy using two separate custom-built datasets. The majority voting mechanism combined with CNN was utilized to detect hot-rolled steel strip datasets with 99.50 percent accuracy [28]. He et al. [16], the author employed a multi-group CNN model to achieve 94 percent accuracy on a dataset of hot-rolled steel strips. Masci et al. [29] purposed a multi-scale pyramidal pooling network approach based on CNN for defect classification of the steel surface. That approach can also perform on non-equal image sizes; this approach can be seen as a fully supervised hierarchical bag-of-features extension.

Di et al. [30] suggested a semi-supervised generative adversarial network (GAN) for the classification of a dataset of hot-rolled steel strips and achieved good results with up to 98.2% accuracy. Hu et al. [31] suggested a genetic approach using a hybrid chromosome and a support vector machine (SVM) for classification on a dataset of hot-rolled steel strips, with a 95.04 percent accuracy. Liu et al. [32], used SVM and the shearlet transform to reach an accuracy of 97.71 percent. On the hot-rolled steel, Gong et al. [33] developed an adjustable hyper-sphere with SVM and achieved an accuracy of up to 93.08 percent. Chu et al. [34] author used quantile hyper-spheres and SVM to achieve 96.16 percent accuracy on a custom-built dataset. SVM and hyper-spheres with noise insensitivity were also used by Gong et al. [33] On the hot-rolled steel strip dataset, the accuracy was 97.18 percent. Zhao et al. [35] used the distance of the local descriptor with manifold to construct the linear models. They achieved up to 87.36% accuracy on Strip Steel Defect Dataset. Furthermore, Ongoing methods for detecting steel defects are thoroughly explained in Table 1.

images

Ma et al. [36] used local and global features with neighborhood gray structures to achieve significant accuracy in detecting surface defects. Wang et al. [37] purposed a complex calculation-based method through a histogram of oriented gradient and gray level co-occurrence matrix, but that approach was noise sensitive. Bulnes et al. [38] purposed both the classification and detection of defects for steel surfaces and achieved 96.52 and 80.30 percent accuracy respectively. The detection was based on the division of the images into a set of overlapping areas and the optimum value for defect detection was automatically generated through a genetic algorithm. The neural network was used for classification.

On the one hand, CNN models produce the best accuracy but at the same time training a model consumes a high number of resources and time. To beat these issues, transfer learning is the suggested strategy. Transfer learning is a machine learning technique throughwhich a pre-trained model on a large dataset will use for the same kind of other problem. Fine-tuning can be applied for enhancing the results.

3  Methodology

In this article, the NEU dataset was used with an 80:20 split ratio after augmentation as mentioned in Section 4.2 for pre-trained CNN models. The ImageNet weights were used for all CNN models by using the transfer learning technique. The validation result of each retained model is shown in Table 2 for comparison. Fig. 2 shows the flowchart of the study.

images

images

Figure 2: Flow chart of steel surface defect classification using transfer learning

3.1 Transfer Learning

Transfer learning is a novel technique that is also used in classification problems [39]. In transfer learning the knowledge, optimized weights, of a pre-trained network, which was trained on a large scale publicly available dataset, is transferred to another model for prediction same kind of other problems. Fig. 3 illustrates the overall process of transfer learning explaining each step in flow chart.

images

Figure 3: Transfer learning example for steel defect classification

3.1.1 CNN Models

CNN is a kind of feed-forward neural network which consists of different convolutional and subsampling layers. The number of layers and size of each layer eventually depend on the complexity of the problem which is being evaluated. The CNN output for classification problems is the probability against each class. The motivation for selecting these models is based on their popularity and impact in the field of image classification. These models have been widely used in research and industry and have achieved state-of-the-art performance on benchmark datasets like ImageNet. Therefore, they serve as a good starting point for researchers who are interested in using pre-trained CNN models for steel defect detection. Additionally, each of these models has its unique architectural design and approach to optimizing performance, which can provide insights into the current trends and directions of CNN research.

3.1.2 Visual Geometry Group (VGG)

Simonyan [40] proposed small kernel sizes for deep CNN models, such as 3 × 3 convolutional filters, and named them VGG. The VGG was built on the simple principle of homogeneous topologies and trained on a large-scale dataset. The first VGG was 19 layers deep and achieved the second position in ILSVRC 2014. The main reason behind its popularity was its simplicity and homogeneous topologies. The main limitation of VGG19 was its 138 million parameters. A reduced version of VGG19 was VGG16 which is 16 layers deep.

3.1.3 ResNet

ResNet [16] introduced the concept of residual learning for deep networks. It supports multi-path-based CNNs. The ResNet proposed a 152-layer deep network and won the ILSVRC 2015. Moreover, ResNet also perform well and won first place in the COCO-2015 dataset [41].

3.1.4 Inception Networks

InceptionV3 and Inception-ResNet are the improved versions of Inception V1. The inceptionV3 reduces the computational cost by replacing the large-size filters of previous versions like 5 × 5 and 7 × 7 with small-size filters of 1 × 5 and 1 × 7. It also used 1 × 1 convolution before the large filters which exertion like a cross-channel correlation [42]. The Inception-ResNet was developed by combining the power of the residual network and inception block. Google’s deep learning group introduces the inception block, a corresponding block, with the split, transform, and merge concept. It was observed that Inception-ResNet converges more quickly than Inception-V4 [43].

3.1.5 Xception Networks

Xception networks exploit the idea of depth-wise separable convolution [44]. Xception network replaces the spatial dimensions of the inception block of sizes 1 × 1, 5 × 5, and 3 × 3 with a single dimension of 3 × 3 followed by a 1 × 1 convolution. Xception network became more computationally efficient by decoupling spatial and feature map correlation.

3.1.6 NASNetLarge Network

NASNetLarge [45] is a convolutional neural network architecture developed by Google researchers in 2018. It consists of more than 88 million parameters and is deeper and wider than many popular CNN models like VGG16 and ResNet152. It uses a combination of normal and separable convolution layers, which reduces the computational complexity while maintaining a high level of accuracy.

3.1.7 MobileNet

Although CNN uses high computational costs, some of them are used for machine learning-based embedded systems like MobileNet. It is highly applicable for mobile and other resource-limited devices [42,43]. The basic unit of the MobileNet network is also depth-wise separable convolution. Which means the network perform a single convolution against each color channel rather than combining all color channel and flatting them. MobileNet is a 30-layer deep network.

3.1.8 DenseNet

The dense network has different variants like DenseNet121, DenseNet169, and DenseNet201. The DenseNet solves the vanishing gradient problem [46]. The vanishing gradient problem occurs when layers use more activation functions that are added to the neural network and eventually gradients of the loss function move toward zero and make the network hard to train. The DenseNet uses cross-layer connectivity in a modified fashion. Its passes all information from the previous layer to the next layer in a feed-forward fashion. So, the feature map of all preceding layers was used as inputs for all subsequent layers, as expressed in Eqs. (1) and (2). DenseNet concatenates the features rather than adding them. However, this approach makes the network parametrically expensive due to the increase in the number of feature maps at each layer [46].

The DenseNet-201 architecture consists of 4 dense blocks, each containing a series of convolutional layers with batch normalization and ReLU activation. The output of each dense block is passed through a transition layer, which reduces the spatial dimensions of the feature maps and increases the number of feature maps. The transition layer consists of a 1 × 1 convolutional layer, followed by a 2 × 2 average pooling layer. After the final dense block, a global average pooling layer is applied to the feature maps, followed by a fully connected layer with softmax activation to produce the final classification probabilities. Mathematically, the output of the kth layer in a DenseNet block can be written as:

X_k=H_k([x_0,x_1,,x_{k1}])(1)

where x_i represents the output of the ith layer in the same block, and H_k is a composite function consisting of batch normalization, ReLU activation, and a 3 × 3 convolutional layer. The output of the final dense block is then passed through a transition layer, which can be written as:

x= BN ( ReLU ( Conv (x)))pool_size(2)

where BN represents batch normalization, ReLU is the rectified linear activation function, Conv is a 1 × 1 convolutional layer, and pool_size is the spatial downsampling factor in DenseNet-201. Finally, the output of the transition layer is passed through a global average pooling layer and a fully connected layer to produce the final classification probabilities using softmax activation. The softmax function computes the probability distribution y as:

y=exij=1nexj(3)

4  Performance Analysis and Discussion

4.1 Dataset

Song et al. [47] of North Eastern University created the NEU Dataset. The NEU dataset is freely available to researchers, which encourages collaboration and knowledge sharing in the research community. This can lead to the development of new ideas and techniques for the analysis and processing of visual data in various fields. The NEU dataset provides a benchmark for researchers who are working on developing algorithms for the detection, classification, and recognition of metallic surfaces [48]. The NEU dataset is unique in that it includes images of various metallic surfaces under different lighting conditions, which makes it more realistic than other datasets [49]. As shown in Figs. 4 and 5, this dataset contains six different types of steel defects: rolled-in scale, patches, crazing, pitted surface, inclusion, and scratches. This dataset contains 1800 grayscale images with a size of 200 × 200 pixels. Each above-said class has 300 images, 240 (80%) images for training, and 60 images (20%) for testing. It is observed that:

− Inter-class steel defects have the same kind of physical characteristics.

− While intra-class reflects a clear and large difference in appearance [26].

− The illumination in the images becomes the cause of to change in the gray values of defected section and also becomes the possibility of noise [50] as shown in Fig. 4. The different data augmentation techniques, as mentioned in Section 4.2, were used for increasing the size of training data and making the model more robust and generalized.

images

Figure 4: Six types of steel defects in the NEU dataset

images

Figure 5: NEU dataset with its different classes and per class distribution

4.2 Pre-Processing

Each class in the training dataset consists of only 240 images which are too small to train the CNN model as explained in Fig. 5. So different data augmentation techniques on training sets like vertical and horizontal flipping, rotation, height and width shift, and zooming are used to generate a large-scale unseen training dataset. The data augmentation techniques are not only used for artificially increasing the size of the data but also used for better generalization and avoiding over-fitting [6]. OpenCV (Open-Source Computer Vision) is a python library. Which was used for rescaling the images of steel in the experiment.

4.3 Experimental Design

The experiments are conducted by using python language because of its simplicity, which offers concise code and is suitable as a robust programing language. For developing the system, the KERAS API is used, which is supported by TensorFlow on the backend. 80% of the images of the dataset, as described in the above section, were used for training on NVIDIA Tesla T4 GPU and 20% of images were used for validation. The experiments were performed on different batch sizes like 128, 64, and 32 using Adam optimizer with a learning rate of 0.003. The pre-trained CNN models, as mentioned in Table 2, on the ImageNet dataset were used for performance evaluation. All the CNN models were fed with the same kind of data in respect of scaling, rotation, flipping, and zooming.

4.4 Results Analysis

The experiments of all the models are shown in Table 2. All the mentioned models were trained on the same kind of data as mentioned in Section 4.2 using the transfer learning technique with ImageNet weights with three different batch sizes: 128,64, and 32. The result of each model against each batch size was recorded separately.

The DenseNet201 shows a significant result and achieved 98.37 percent accuracy on the batch size of 64. The MobileNetV2 followed it with an accuracy of 97.55 percent on the same batch size of 64. Five models out of ten performed well on the batch size of 64 as compared to 128 and 32 batch sizes, highlighted values in Table 2. The ResNet152 shows the accuracy of 51.15, 56.84, and 62.61 on the batch size of 128, 64, and 32 respectively, which is significantly low among the others CNN models. The result also shows that ResNet152 performed well on small batch sizes rather than on large ones, Table 2.

In the confusion matrix of DenseNet201 on a batch size 64 Table 3, the rows represent the actual class labels, while the columns represent the predicted class labels. The abbreviations in the first row and column correspond to the different types of defects in the NEU dataset: Cr (crack), In (inclusion), Pa (patches), PS (pitted surface), RS (rolled-in scale), and Sc (scratches). For example, the cell at row 1, column 1 (Cr/Cr) shows that 93 instances truly belong to the “Cr” class and have been correctly classified as belonging to the “Cr” class. The remaining cell row 2, shows that have been incorrectly classified as belonging to the “Cr” class. In total, the model has achieved a high accuracy of 98.37% on the NEU surface defect dataset.

images

The DenseNet201 is a convolutional neural network (CNN) architecture that was introduced by Huang et al. in 2017. It consists of 201 layers, hence the name “DenseNet201” [51]. The architecture of the DenseNet201 model is based on the idea of dense connections between layers. In this architecture, each layer receives input not only from the previous layer but also from all the preceding layers. This creates a dense and efficient network that can learn features more effectively than traditional CNNs. The layered architecture is further explained in Fig. 6. The training accuracy and loss of DenseNet201 are shown in Fig. 8.

images

Figure 6: Layer architecture of DenseNet201

images

Figure 7: Accuracy of pre-trained CNN models with respect to batch size

imagesimages

Figure 8: Training accuracy and loss of DenseNet201 on a batch size 64

5  Conclusion

The performance of different pre-trained CNN models for defect detection on the steel surface is being compared in this research article by using ImageNet weights on the NEU dataset with the split ratio of 80:20. The same kind of dataset for training all the models is used after applying different augmentation techniques as mentioned in Section 4.2. The models were trained using different batch sizes of 128, 64, and 32, as shown in Fig. 7. All the batches were used with the same learning rate of 0.003 and Adam optimizer. The results show that DenseNet201 performed significant results, with 98.37 percent accuracy on the batch size of 64. The training and loss graph of DenseNet201 is shown in Fig. 8. The MobileNetV2 likewise also produces remarkable results with an accuracy of 97.55 percent on the batch size of 64. These findings have important implications for the development of automated detection systems for steel surface defects, which can save time, reduce labor costs, and improve the quality of end products in various sectors. The study also contributes to the field of computer vision research by comparing the performance of different CNN models and providing guidance for researchers to select the most suitable model for similar tasks. Furthermore, future research can build on these findings by exploring the use of CNN models in other applications which are related to defect detection and quality control.

Funding Statement: This research work did not receive any specific funding from government, commercial, or non-profit organizations.

Conflicts of Interest: The authors declare that they have no conflicts of interest to report regarding the present study.

References

1. X. Feng, X. Gao and L. Luo, “X-SDD: A new benchmark for hot rolled steel strip surface defects detection,” Symmetry, vol. 13, no. 4, pp. 706, 2021. [Google Scholar]

2. D. J. Mascord and R. A. Heath, “Behavioral and physiological indices of fatigue in a visual tracking task,” Journal of Safety Research, vol. 23, no. 1, pp. 19–25, 1992. [Google Scholar]

3. J. Seghers, A. Jochem and A. Spaepen, “Posture, muscle activity and muscle fatigue in prolonged VDT work at different screen height settings,” Ergonomics, vol. 46, no. 7, pp. 714–730, 2003 [Google Scholar] [PubMed]

4. J. Deng, W. Dong, R. Socher, L. Li, K. Li et al., “Imagenet: A large-scale hierarchical image database,” in 2009 IEEE Conf. on Computer Vision and Pattern Recognition, Miami, FL, USA, pp. 248–255, 2009. [Google Scholar]

5. O. Russakovsky et al., “Imagenet large scale visual recognition challenge,” International Journal of Computer Vision, Santiago, Chile, vol. 115, pp. 211–252, 2015. [Google Scholar]

6. A. Krizhevsky, I. Sutskever and G. E. Hinton, “Imagenet classification with deep convolutional neural networks,” Communication ACM, vol. 60, no. 6, pp. 84–90, 2017. [Google Scholar]

7. Y. Xie, Y. Ye, J. Zhang, L. Liu and L. Liu, “A Physics-based defects model and inspection algorithm for automatic visual inspection,” Optical Lasers Engineering, vol. 52, pp. 218–223, 2014. [Google Scholar]

8. S. Ghorai, A. Mukherjee, M. Gangadaran and P. K. Dutta, “Automatic defect detection on hot-rolled flat steel products,” IEEE Transactions, vol. 62, no. 3, pp. 612–621, 2012. [Google Scholar]

9. C. Kuo, C. Lai, C. Kao and C. Chiu, “Integrating image processing and classification technology into automated polarizing film defect inspection,” Optical Lasers Engineering, vol. 104, pp. 204–219, 2018. [Google Scholar]

10. P. Kapsalas, P. Maravelaki, M. Zervakis, E. Delegou and A. Moropoulou, “Optical inspection for quantification of decay on stone surfaces,” NDT & E International, vol. 40, no. 1, pp. 2–11, 2007. [Google Scholar]

11. G. Krummenacher, C. Ong, S. Koller, S. Kobayashi and J. Buhmann, “Wheel defect detection with machine learning,” IEEE Transections, vol. 19, no. 4, pp. 1176–1187, 2017. [Google Scholar]

12. V. H. Phung and E. J. Rhee, “A High-accuracy model average ensemble of convolutional neural networks for classification of cloud image patches on small datasets,” Applied Sciences, vol. 9, no. 21, pp. 4500, 2019. [Google Scholar]

13. H. Dong, K. Song, Y. He, J. Xu, Y. Yan et al., “PGA-Net: Pyramid feature fusion and global context attention network for automated surface defect detection,” IEEE Transections, vol. 16, no. 12, pp. 7448–7458, 2019. [Google Scholar]

14. W. Chao, Y. Liu, Y. Yang, X. Xu and T. Zhang, “Research on classification of surface defects of hot-rolled steel strip based on deep learning,” DEStech Transections on Compututer Science Engineering, pp. 375–379, 2019. [Google Scholar]

15. D. Sarwinda, R. Paradisa, A. Bustamam and P. Anggia, “Deep learning in image classification using residual network (ResNet) variants for detection of colorectal cancer,” Procedia Computer Science, vol. 179, pp. 423–431, 2021. [Google Scholar]

16. D. He, K. Xu and P. Zhou, “Defect detection of hot rolled steels with a new object detection framework called classification priority network,” Computer Industrial Engineering, vol. 128, pp. 290–297, 2019. [Google Scholar]

17. K. Hanbay, M. Talu and Ö. Özgüven, “Fabric defect detection systems and methods—A systematic literature review,” Optik, vol. 127, no. 24, pp. 11960–11973, 2016. [Google Scholar]

18. A. Kumar, “Computer-vision-based fabric defect detection: A survey,” IEEE Transections, vol. 55, no. 1, pp. 348–363, 2008. [Google Scholar]

19. H. Ngan, G. Pang and N. Yung, “Automated fabric defect detection—A review,” Image and Vision Computing, vol. 29, no. 7, pp. 442–458, 2011. [Google Scholar]

20. S. Huang and Y. Pan, “Automated visual inspection in the semiconductor industry: A survey,” Computers in Industry, vol. 66, pp. 1–10, 2015. [Google Scholar]

21. U. Hashim, S. Hashim and A. Muda, “Automated vision inspection of timber surface defect: A review,” Journal Teknologi, vol. 77, no. 20, pp. 6562, 2015. [Google Scholar]

22. C. Koch, K. Georgieva, V. Kasireddy, B. Akinci and P. Fieguth, “A review on computer vision based defect detection and condition assessment of concrete and asphalt civil infrastructure,” Advanced Engineering Information, vol. 29, no. 2, pp. 196–210, 2015. [Google Scholar]

23. H. Zakeri, F. Nejad and A. Fahimifar, “Image based techniques for crack detection, classification and quantification in asphalt pavement: A review,” Archives of Computational Methods in Engineering, vol. 24, pp. 935–977, 2017. [Google Scholar]

24. R. Sun, X. Zhu, C. Wu, C. Huang, J. Shi et al., “Not all areas are equal: Transfer learning for semantic segmentation via hierarchical region selection,” in Proc. of the IEEE/CVF Conf. on Computer Vision and Pattern Recognition, Long Beach, CA, USA, pp. 4360–4369, 2019. [Google Scholar]

25. S. Zhou, Y. Chen, D. Zhang, J. Xie and Y. Zhou, “Classification of surface defects on steel sheet using convolutional neural networks,” Mater. Technol., vol. 51, no. 1, pp. 123–131, 2017. [Google Scholar]

26. G. Fu, P. Sun, W. Zhu, J. Yang, Y. Cao et al., “A Deep-learning-based approach for fast and robust steel surface defects classification,” Optical Lasers Engineering, vol. 121, pp. 397–405, 2019. [Google Scholar]

27. D. He, K. Xu and D. Wang, “Design of multi-scale receptive field convolutional neural network for surface inspection of hot rolled steels,” Image & Vision Computing, vol. 89, pp. 12–20, 2019. [Google Scholar]

28. V. Natarajan, T. Hung, S. Vaikundam and L. Chia, “Convolutional networks for voting-based anomaly classification in metal surface inspection,” in 2017 IEEE Int. Conf. on Industrial Technology, Ontario, Canada, pp. 986–991, 2017. [Google Scholar]

29. J. Masci, U. Meier, G. Fricout and J. Schmidhuber, “Multi-scale pyramidal pooling network for generic steel defect classification,” in The 2013 Int. Joint Conf. on Neural Networks, AK, USA, pp. 1–8, 2013. [Google Scholar]

30. H. Di, X. Ke, Z. Peng and Z. Dongdong, “Surface defect classification of steels with a new semi-supervised learning method,” Optical Lasers Engineering, vol. 117, pp. 40–48, 2019. [Google Scholar]

31. H. Hu, Y. Liu, M. Liu and L. Nie, “Surface defect classification in large-scale strip steel image collection via hybrid chromosome genetic algorithm,” Neurocomputing, vol. 181, pp. 86–95, 2016. [Google Scholar]

32. X. Liu, K. Xu, P. Zhou, D. Zhou and Y. Zhou, “Surface defect identification of aluminium strips with non-subsampled shearlet transform,” Optical Lasers Engineering, vol. 127, pp. 105986, 2020. [Google Scholar]

33. R. Gong, M. Chu, Y. Yang and Y. Feng, “A Multi-class classifier based on support vector hyper-spheres for steel plate surface defects,” Chemometrics and Intelligent Laboratory Systems, vol. 188, pp. 70–78, 2019. [Google Scholar]

34. M. Chu, J. Zhao, X. Liu and R. Gong, “Multi-class classification for steel surface defects based on machine learning with quantile hyper-spheres,” Chemometrics and Intelligent Laboratory Systems, vol. 168, pp. 15–27, 2017. [Google Scholar]

35. J. Zhao, Y. Peng and Y. Yan, “Steel surface defect classification based on discriminant manifold regularized local descriptor,” IEEE Access, vol. 6, pp. 71719–71731, 2018. [Google Scholar]

36. Y. Ma, Q. Li, Y. Zhou, F. He and S. Xi, “A surface defects inspection method based on multidirectional gray-level fluctuation,” International Journal of Advanced Robotic Systems, vol. 14, no. 3, pp. 1729881417703114, 2017. [Google Scholar]

37. Y. Wang, H. Xia, X. Yuan, L. Li and B. Sun, “Distributed defect recognition on steel surfaces using an improved random forest algorithm with optimal multi-feature-set fusion,” Multimedia Tools Applications, vol. 77, pp. 16741–16770, 2018. [Google Scholar]

38. F. Bulnes, D. García, F. Calle, R. Usamentiaga and J. Molleda, “A Non-invasive technique for online defect detection on steel strip surfaces,” Journal of Nondestructive Evaluation, vol. 35, pp. 1–18, 2016. [Google Scholar]

39. F. Zhuang, Z. Qi, K. Duan, D. Xi, Y. Zhu et al., “A comprehensive survey on transfer learning,” Proceeding IEEE, vol. 109, no. 1, pp. 43–76, 2020. [Google Scholar]

40. K. Simonyan and A. Zisserman, “Very deep convolutional networks for large-scale image recognition,” ArXiv Prepr. ArXiv14091556, 2014. [Google Scholar]

41. T. Lin, M. Maire, S. Belongie, J. Hays, P. Perona et al., “Microsoft coco: Common objects in context,” in Compututer Vision–ECCV 2014 13th European Conf., Switzerland, vol. V 13, pp. 740–755, 2014. [Google Scholar]

42. C. Szegedy, V. Vanhoucke, S. Ioffe, J. Shlens and Z. Wojna, “Rethinking the inception architecture for computer vision,” in Proc. of the IEEE Conf. on Computer Vision and Pattern Recognition, NV, USA, pp. 2818–2826, 2016. [Google Scholar]

43. C. Szegedy, S. Ioffe, V. Vanhoucke and A. Alemi, “Inception-v4, inception-resnet and the impact of residual connections on learning,” AAAI Conf. Artificial Intelligence, California, USA, vol. 31, 2017. [Google Scholar]

44. F. Chollet, “Xception: Deep learning with depthwise separable convolutions,” in Proc. of the IEEE Conf. on Computer Vision and Pattern Recognition, Honolulu, HI, USA, pp. 1251–1258, 2017. [Google Scholar]

45. B. Zoph, V. Vasudevan, J. Shlens and Q. Le, “Learning transferable architectures for scalable image recognition,” in Proc. of the IEEE Conf. on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, pp. 8697–8710, 2018. [Google Scholar]

46. Y. Yang, X. Li, X. Pan, Y. Zhang and C. Cao, “Downscaling land surface temperature in complex regions by using multiple scale factors with adaptive thresholds,” Sensors, vol. 17, no. 4, pp. 744, 2017 [Google Scholar] [PubMed]

47. K. Song and Y. Yan, “A noise robust method based on completed local binary patterns for hot-rolled steel strip surface defects,” Applied Surface Science, vol. 285, pp. 858–864, 2013. [Google Scholar]

48. T. Schlagenhauf, M. Landwehr and J. Fleischer, “Industrial Machine Tool Element Surface Defect Dataset,” 2021. [Google Scholar]

49. X. Lv, F. Duan, J. Jiang, X. Fu and L. Gan, “Deep metallic surface defect detection: The new benchmark and detection network,” Sensors, vol. 20, no. 6, pp. 1562, 2020 [Google Scholar] [PubMed]

50. F. Saiz, I. Serrano, I. Barandiarán and J. Sánchez, “A robust and fast deep learning-based method for defect classification in steel surfaces,” in 2018 Int. Conf. on Intelligent Systems, Funchal, Portugal, IEEE, pp. 455–460, 2018. [Google Scholar]

51. A. Khan, A. Sohail, U. Zahoora and A. S. Qureshi, “A survey of the recent architectures of deep convolutional neural networks,” Artificial Intelligence Review, vol. 53, pp. 5455–5516, 2020. [Google Scholar]


Cite This Article

APA Style
Chaudhry, N.J., Khan, M.B., Iqbal, M.J., Yasir, S.M. (2022). Modeling & evaluating the performance of convolutional neural networks for classifying steel surface defects. Journal on Artificial Intelligence, 4(4), 245-259. https://doi.org/10.32604/jai.2022.038875
Vancouver Style
Chaudhry NJ, Khan MB, Iqbal MJ, Yasir SM. Modeling & evaluating the performance of convolutional neural networks for classifying steel surface defects. J Artif Intell . 2022;4(4):245-259 https://doi.org/10.32604/jai.2022.038875
IEEE Style
N.J. Chaudhry, M.B. Khan, M.J. Iqbal, and S.M. Yasir "Modeling & Evaluating the Performance of Convolutional Neural Networks for Classifying Steel Surface Defects," J. Artif. Intell. , vol. 4, no. 4, pp. 245-259. 2022. https://doi.org/10.32604/jai.2022.038875


cc This work is licensed under a Creative Commons Attribution 4.0 International License , which permits unrestricted use, distribution, and reproduction in any medium, provided the original work is properly cited.
  • 465

    View

  • 326

    Download

  • 0

    Like

Share Link