Next Article in Journal
Features of Sizing and Enumeration of Silica and Polystyrene Nanoparticles by Nanoparticle Tracking Analysis (NTA)
Previous Article in Journal
The Influence and Compensation Method of Eccentricity for Cylindrical Specimens in Eddy Current Displacement Measurement
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Convolutional Autoencoder-Based Flaw Detection for Steel Wire Ropes

1
School of Computer Science and Engineering, Central South University, Changsha 410083, China
2
School of Automation, Central South University, Changsha 410083, China
*
Author to whom correspondence should be addressed.
Sensors 2020, 20(22), 6612; https://doi.org/10.3390/s20226612
Submission received: 16 October 2020 / Revised: 12 November 2020 / Accepted: 13 November 2020 / Published: 18 November 2020
(This article belongs to the Section Fault Diagnosis & Sensors)

Abstract

:
Visual perception-based methods are a promising means of capturing the surface damage state of wire ropes and hence provide a potential way to monitor the condition of wire ropes. Previous methods mainly concentrated on the handcrafted feature-based flaw representation, and a classifier was constructed to realize fault recognition. However, appearances of outdoor wire ropes are seriously affected by noises like lubricating oil, dust, and light. In addition, in real applications, it is difficult to prepare a sufficient amount of flaw data to train a fault classifier. In the context of these issues, this study proposes a new flaw detection method based on the convolutional denoising autoencoder (CDAE) and Isolation Forest (iForest). CDAE is first trained by using an image reconstruction loss. Then, it is finetuned to minimize a cost function that penalizes the iForest-based flaw score difference between normal data and flaw data. Real hauling rope images of mine cableways were used to test the effectiveness and advantages of the newly developed method. Comparisons of various methods showed the CDAE-iForest method performed better in discriminative feature learning and flaw isolation with a small amount of flaw training data.

1. Introduction

Flaw detection is an important and challenging task in many disciplines, such as hot strip mill rolling [1], the maintenance of bearings in rotary machinery systems [2,3], minerals processing [4], and the maintenance of steel wire ropes (SWRs) [5]. In the present paper, a case in point is the steel wire rope, which is widely used in lifting, transportation, and traction systems. Wire rope is composed of several strands of metal wire twisted into a helix forming a composite “rope”. Wire breakage will largely reduce the safety of wire ropes. At present, manual inspection under low-speed operation is still the main method used in most cases, which causes problems such as missed detection and false detection [6]. Therefore, progressive efforts have been devoted to exploring various methods to detect wire rope damages (e.g., computer vision method, electromagnetic method, ultrasonic guided wave method, X-ray detection method, etc.) in order to guarantee the reliability and safety of wire ropes [5]. It is known that due to normal friction and abnormal scratch, the early defects mainly occur on the wire rope surface, which often reflects as wear and broken wire damage [7]. In this work, efforts are devoted to developing a computer vision method to replace or assist the current manual inspection method to a certain extent because it can intuitively grasp the surface morphology characteristics of wire rope [7].
Extracting image features and identifying feature patterns are two major steps of computer vision-based abnormal detection [4]. As to the first step, principal component analysis (PCA) is a widely used feature extraction method [8]. It separates image data into principal component parts and residual parts. The principal component parts explain the highest amount of variance of the dataset, while the residual parts are less informative [9]. Zhou et al. [5] used the uniform local binary patterns (LBP) to extract rope texture features. LBP labels the pixels of an image by thresholding the neighborhood of each pixel and considers the result as a binary number. It is invariant to monotonic grayscale changes. In their later work [7], to make full use of the surface texture information of steel wire rope, a multi-texture feature fusion based on LBP and gray-level co-occurrence matrix (GLCM) was designed. To detect rope deformations, Vallan and Molinari [10] developed an automatic lay length measurement method, which extracts the rope contour and measures the distance among consecutive strands. However, the aforementioned feature extraction methods do not have learning ability. They are not powerful enough to extract important features from abnormal images, which results in poor fault detection performance [11,12]. To address the problem mentioned above and achieve automated key features extraction, this paper tries to develop a deep learning feature extraction method. Due to it being hard to prepare a sufficient amount of representative flaw data in practical applications, the convolutional denoising autoencoders (CDAEs) that can be trained using an unsupervised learning method are adopted [12,13]. To fully explore and exploit its learning ability, besides minimizing the reconstruction error between source images and reconstructed images, based on the flaw score calculated by a flaw detection model, CDAE is also trained to increase the flaw score difference between normal data and flaw data.
In previous studies, various classification techniques, including k-nearest neighbor, feedforward neural network, and support vector machine (SVM), were used to identify feature patterns in wire rope fault detection [5]. It is known that the performance of these methods relies heavily on the availability of a representative set of training data [14,15]. However, in real wire rope service, the life cycle of the cable is long, and it is difficult to collect flaw data. Furthermore, once the cable is severely damaged, it is replaced immediately. In this setting, it is difficult to prepare a representative set of industry data to train a well-performed computer vision-based fault classifier. Instead of training a fault classifier, in this study, we propose to build an Isolation Forest (iForest) model, considering that it is well applicable to cases with an insufficient amount of fault training data [4,16,17]. Generally, abnormal detection is formulated as finding the outlier deviating from the majority of observations [18]. In iForest, faulty samples are detected as the instances that have short average path lengths on the isolation trees (iTrees). This is because it is easy for the anomaly to be partitioned earlier when iTree grows. To mention a few, Zhang et al. [4] developed a fault detector for abnormal working condition recognition in froth flotation processes, in which Gabor texture features were extracted and fed to an iForest model to isolate abnormal instances [19]. In a study by Zhu et al. [20], an ensemble model of iForest was designed for detecting traffic anomalies within dashcam videos. Specifically, multiple iForest models at different scales were constructed to keep consistent spatial anomaly results over different frames. To detect insurance fraud on the basis of selected numeric attributes and distinct combinations of values of selected nominal attributes, Stripling et al. [21] constructed an iForest model and ran an analysis that was performed conditionally on well-defined data partitions. To well utilize the learning ability of deep learning features, this study tries to investigate the feasibility of whether the anomaly score calculated by an iForest model can be used to guide the finetuning of deep learning feature extraction models.
In this paper, according to the above investigation, the main contributions are summarized as follows: (a) a new convolutional autoencoder-based flaw detection method that can work with minimal flaw training data is developed; (b) the flaw score calculated by iForest is used to guide the finetuning of the convolutional autoencoder; (c) to show that the newly developed method is promising for practical wire rope monitoring, an application on the flaw detection of the hauling rope of a mine cableway is conducted in a real mineral concentration plant.
The remainder of the paper is organized as follows: The problem of wire rope flaw detection is explained in Section 2. Section 3 proposes the flaw detection method. In Section 4, the proposed method is validated through experiments, some comparative studies are conducted, and some key issues are discussed in detail. Section 5 presents the conclusions of this study.

2. Wire Rope Image Representation

2.1. Preliminaries of Denoising Autoencoder

An autoencoder is a neural network containing an encoder and a decoder [22,23]. The encoder takes an input vector x and maps it to a latent representation z through a deterministic mapping z = E θ e ( x ) = σ ( W e x + b e ) , parameterized by θ e = { W e , b e } , while the decoder maps the latent representation z back to a “reconstructed” vector x ˜ in input space x ˜ = D θ d ( z ) = σ ( W d x + b d ) , parameterized by θ d = { W d , b d } . θ e and θ d are optimized to minimize the average reconstruction error:
θ e * , θ d * = a r g m i n 1 n i ( x i , x ˜ i )
where is a loss function, such as the traditional squared error ( x , x ˜ ) = x x ˜ 2 . However, the criterion, which encourages latent representation z to retain information of input x alone, is unable to guarantee the extraction of discriminative image features. This is because this criterion can easily lead to the simple solution “copy the input” or similarly uninteresting ones that trivially maximize mutual information [24].
Vincent et al. [13,24] developed a denoising autoencoder, which is trained to reconstruct a clean “repaired” input from a corrupted version of it. Specifically, the initial input x is firstly corrupted into a partially destroyed version x ^ by a stochastic mapping x ^ q D ( x ^ | x ) . Then, the corrupted input x ^ is mapped to a latent representation z = E θ e ( x ^ ) . Next, the original input is reconstructed from z with x ˜ = D θ d ( z ) . To encourage the similarity between x ˜ and the uncorrupted input x, encoder and decoder parameters are trained to minimize the average reconstruction error in (1). Note that unlike the basic autoencoder, the deterministic mapping E θ e in the denoising autoencoder is applied to a corrupted input. It thus forces the learning of a far more clever mapping than the identity: one that extracts features useful for denoising [13].

2.2. Convolutional Denoising Autoencoder-Based Feature Extraction

The convolution denoising autoencoder combines the local convolution connection with the autoencoder. Specifically, convolutional operations are used to replace fully connected layers in encoders, while deconvolution operation is used to replace fully connected layers in decoders [25]. Training deep neural networks is complicated by the fact that the distribution of each layer’s inputs changes during training, as the parameters of the previous layers change [26]. To address the problem, in this study, instance normalization is introduced in both encoders and decoders.
  • Convolution layer: The convolution layer employs the learnable filter to slide with a prescribed stride and outputs feature maps. Each element in a feature map is the sum of the products of the filter and the input image (or the previous feature map) with which this filter overlaps. Let the k-th feature map of the l-th layer be O l k w l × h l , and the corresponding filter be w k w l × h l . O l k is calculated as follows:
    O l k ( i , j ) = σ ( k = 1 d l 1 w k k ( i , j ) O l 1 k ( i , j ) + b k ) = σ ( k = 1 d l 1 τ 1 = w l 2 w l 2 τ 1 = h l 2 h l 2 w k k ( τ 1 , τ 2 ) O l 1 k ( i τ 1 , j τ 2 ) + b k )
    where d l 1 is the number of channels in layer l − 1; i and j are the row and column indices, respectively; b k is a bias; and σ is an activation function. A Leaky ReLU with a negative slope of 0.2 is used in this study. The parameters related to the convolutional operation are the filter size, the stride, and the number of feature maps.
  • Deconvolution layer: The deconvolutional layer also employs filters to slide with a prescribed stride. Similar to Equation (2), each element in a feature map is the sum of the products of the filter and the previous feature maps with which this filter overlaps. Different from convolutional layers, ReLU is used as the activation function. In addition, in order to increase the resolution of its input, extra zeros are padded to the input feature maps.
  • Instance Normalization: Let x T × C × W × H be an input tensor containing a batch of T images. Let x t , k i , j represent the tkij-th element, where t is the index of the t-th image in the batch, k is the channel index, and i and j are the row and column indices, respectively.
    y t , k i , j = x t , k i , j μ t , k σ t , k 2 + ϵ μ t , k = 1 H W l = 1 W m = 1 H x t , k l , m σ t , k 2 = 1 H W l = 1 W m = 1 H ( x t , k l , m m μ t , k ) 2
The architecture of the convolutional denoising autoencoder designed in this study is illustrated in Figure 1. The encoder contains nine convolutional layers, and correspondingly, nine deconvolutional layers are used in the decoder. Since it is better to use a larger receptive field in lower convolutional layers, the first four convolutional layers in the encoder are grouped into two groups. A stride of one is used in the first convolutional layer in each group, and a stride of two that aims to achieve subsampling is used in the second convolutional layer. There are no pooling layers; down-sampling in remaining layers is also implemented with a stride of two. Instance normalization is used after each down-sampling convolutional (up-sampling deconvolutional) layer.
Because it is hard to train the convolutional denoising autoencoder from randomly initialized parameters, the greedy layer-wise procedure is used to pre-train the encoder and the decoder layer-by-layer with a local reconstruction loss [13]. Specifically, convolutional layers in the encoder and the corresponding deconvolutional layers in the decoder are short-connected and pre-trained to minimize a reconstruction loss between the inputs of this convolutional layer and its corresponding outputs in the deconvolutional layers. After pre-training, convolutional layers and deconvolutional layers are stacked together as in Figure 1 and finetuned by minimizing the reconstruction loss between the input image and restored image.

3. Flaw Detection with Deep Learning Features

3.1. Isolation Forest-Based Flaw Detection

Isolation Forest (iForest) is an unsupervised, tree-based ensemble anomaly detection method [4,16,17]. The base learner of iForest is the isolation tree (iTree). There are two kinds of nodes in iTree: One is an external node that has no child. The other is an internal node that has one test and exactly two daughter nodes ( T l , T r ). An iTree node is created by randomly selecting an attribute along with a randomly drawn split value. The split value lies between the minimum and maximum of the selected attribute. In other words, a node consists of a randomly chosen attribute q and a randomly drawn split value p, such that the attribute q divides the data points into T l and T r . Usually, an iTree is built as follows. Given a training set X = { x i } i = 1 N , x i m , a subset (whose size is ψ ) of data are taken from the training data X without replacement. In a divide-and-conquer fashion, iTree recursively divides the input space into a progressively smaller subspace by randomly selecting an attribute q and a split value p until one of the following conditions holds: (i) the tree reaches a predefined height limit; (ii) | X | = 1 , or (iii) all data items in X have the same values. A detailed algorithm for constructing iTree is summarized in Algorithm 1.
Algorithm 1. Isolation tree construction.
Isolation tree: i T r e e ( X , e , l )
Inputs:X- input data, e - current tree height, l - height limit
Output: an iTree
1:  if e l or | X | 1 then
2:   return e x N o d e { S i z e | X | }
3:  else
4:   let Q be a list of attributes in X
5:   randomly select an attribute q Q
6:   randomly draw a split value p from m a x and m i n value of q
7:    X l f i l t e r ( X , q < p )
8:    X r f i l t e r ( X , q p )
9:   return i n N o d e { L e f t i T r e e ( X l , e + 1 , l )
10:           R i g h t i T r e e ( X r , e + 1 , l )
11:           S p l i t A t t q
12:           S p l i t V a l u e p }
13:  end if
When a test instance passes through an iTree, to decide whether it should traverse to the left or right daughter node, its respective attribute value is retrieved and compared to the split value at each internal node. In iForest, it is assumed that anomalies or flaws only take a very small portion in the data space, and they are different from normal instances. Thus, flaws are more susceptible to be isolated in an iTree and tend to reach the terminated external node earlier than normal instances. Therefore, when a collection of iTrees collectively produces a shorter traverse path for some particular instances, then these instances are highly likely to be faulty. Let h t represent an iTree. The path length h t ( x ) of x traversing h t can be measured by the number of edges that x traverses from the root node to the terminated external node. To account for the possibility that the isolation of a set of instances at the external node did not fully succeed, an adjustment function based on the external node size n e x is added to the path length, as shown below:
h t ( x ) = e + c ( n e x ) c ( n e x N o d e ) = { 2 H ( n e x 1 ) ( n e x 1 ) n e x   if n e x > 2 , 1   if n e x = 2 , 0   otherwise
where H ( i ) is the harmonic number, which can be estimated by ln ( i ) + 0.5772156649 (the Euler’s constant). The flaw score of an instance is defined as follows [23]:
s ( x , ψ ) = 2 E ( h ( x ) ) c ( N )
where E ( h ( x ) ) is the average of h ( x ) in a collection of iTrees.
  • If the average path length of x is close to zero ( E ( h ( x ) ) 0 ), the flaw score will be close to one ( s ( x , ψ ) 1 ), and hence x tends to be a flaw instance.
  • If the average path length of x is close to the absolute maximum depth ( E ( h ( x ) ) ψ 1 ), the flaw score will be close to zero ( s ( x , ψ ) 0 ), and hence x tends to be a normal instance.
  • If the average path length of x is close to the average path length of a random tree given ψ ( E ( h ( x ) ) c ( ψ ) ), the flaw score will be close to 0.5 ( s ( x , ψ ) 0.5 ). Then, there are no distinct flaws in the data.

3.2. Flaw Score-Based CDAE Finetuning

The isolation method assumes that abnormal or flaw instances are different from normal instances in the feature space. However, CDAE is constructed with no supervised information. To augment the reliability of iForest and increase the difference gap of CDAE features between flaw images and normal images, in this study, the flaw score difference between normal data and flaw data is used to finetune the learnable parameters of CDAE. Hence, a novel penalty term that is calculated as follow is defined:
f l a w = i S F s ( x i F , ψ ) i S N s ( x i N , ψ )
where x i F means a training data sampled from a randomly chosen flaw image subset, and similarly, x i N means a training data sampled from a randomly chosen normal image subset, and s is an Euclidian distance-based similarity function.
The detailed steps of the flaw detection scheme based on CDAE and iForest are presented as follows:
  • Stage I: Offline construction
    • Step 1: Get the sample set X under normal operating conditions and normalize it.
    • Step 2: Initialize CDAE and pretrain its layers to be greedy to minimize a reconstruction loss between the inputs of the convolutional layer and its corresponding outputs in the deconvolutional layer.
    • Step 3: Adjust the parameters of CDAE by minimizing the reconstruction loss between the input image and restored image.
    • Step 4: Build the iForest model with CDAE features.
    • Step 5: Finetune the parameters of CDAE to increase the gap between flaw scores of normal data and flaw data.
    • Step 6: Calculate the flaw score of incoming data.
  • Stage II: Online monitoring
    • Step 1: Capture a new data and normalize it.
    • Step 2: Calculate the CDAE image features of the new data.
    • Step 3: Calculate the flaw score by feeding CDAE features to iForest model.
    • Step 4: Determine whether the input data is flaw data or normal data.
    • Step 5: If it is a flaw data, trigger the flaw alarm; otherwise, capture the next data.

4. Case Study: Application of Hauling Rope Flaw Detection on Mine Cableway

4.1. Description of Hauling Rope Flaw Detection

The hauling rope of mine cableways is taken as an example in this paper. The wire rope system is composed of two different rope specifications, which are 50 mm and 32 mm in nominal diameter. The nominal length of the two types of ropes is 1500 m; the rope with a diameter of 50 mm is used to carry the bucket wagon with the mine, and the rope with a diameter of 30 mm is used to carry the empty wagon. The system structure is shown in Figure 2. The system data is stored in a Device Bucket, which contains industrial control computers, camera power supplies, Gigabit Ethernet switches, and UPS uninterruptible power supplies. The image acquisition part of the system consists of a GIGE protocol industrial camera named MV-CA030-10GC (Hikvision, Hangzhou, Zhejiang Province, China) with a resolution of 1920 × 1440 pixels (large portions of the captured images consist of backgrounds) and a bit depth of 8 Bit. The camera captures real-time image data at 20 frames per second, and the traveling speed of the truck is 0.2 m/s. In the wireless network, two signal base stations are responsible for communication with the two rope base stations to ensure that the system supports remote viewing of the rope’s real-time maintenance status.
To train and test the performance of our flaw detection method, 113 flaws were collected from nine hauling wire ropes that were to be replaced. For each hauling wire-rope, there were more than ten thousand images. Some samples are shown in Figure 3. Due to complex natural light conditions in an outdoor setting, there are many artifacts in captured images, as shown in the first two images. It can be observed from the third and the fourth image, the surface of the cable becomes smooth due to long-term wear and tear, which reduces the contrast of flaw regions. Also, the lubricating oil and dust will cause highlighted or darkened areas, which result in noises for flaw region detection. The camera aperture was dynamically adjusted to reduce the disturbance of light reflection on the wire rope surface when capture hauling rope images.

4.2. Evaluation Metrics

To measure the performance of the different flaw detection approaches, four evaluation metrics, named accuracy, precision, recall, and f1-score, are calculated. These metrics are calculated according to the following formulae, and detailed descriptions can be found in the literature [5,11].
a c c u r a c y = T P + T N T P + F P + F N + T N
p r e c i s i o n = T P T P + F P
r e c a l l = T P T P + F N
f 1 s c o r e = 2 p r e c i s i o n × r e c a l l p r e c i s i o n + r e c a l l
where TP is true positive, FP is false positive, TN means true negative, and FN means false negative.

4.3. Experiments and Results

The convolutional denoising autoencoder acts like a method of dimensionality reduction. Thus, in the first experiment, we compare it to two traditional dimensionality reduction methods: PCA and stacked autoencoder (SAE). In the experiment, the first 32 principal components are chosen to make a reconstruction. The encoder in SAE has five fully connected layers, and the output dimension of these layers is 2048, 1024, 256, 64, and 32, respectively. The input of the encoder is downsampled into 64 × 64. Reconstruction results of five randomly selected wire rope images are displayed in Figure 4. The reconstructions from the proposed method almost restored all normal and flaw parts of the original wire rope images. For example, gaps between any two strands of metal wires, which indicate connectivity of wire ropes, remain in the reconstruction of CDAE. By contrast, it is almost impossible to distinguish independent wire rope strands from SAE and PCA. In addition, PCA failed to restore flaw parts.
The signal-noise ratio (SNR) and root mean squared error (RMSE) are used to evaluate the reconstruction errors. Evaluation results for randomly selected 1000 wire rope images are summarized in Table 1. As can be seen, the proposed CDAE outperforms its competitors. The achieved RMSE is 18.6% and 57.3% lower than that of PCA and SAE, respectively, and this may indicate that the proposed method will perform better than its competitors in wire rope feature extraction. PCA assumes that the principal components with the highest variance contain the most discriminable information that allows us to separate images by their labels. Thus, it looks at the image set as a whole and determines the direction of the highest variance. Then it determines the next direction of highest variance, which is orthogonal to the previous ones, and so on. However, since there are few flaw data, the separation of flaw images and normal images is not based on the maximum variance. Thus, the use of the most important components of PCA will not work. The aim of SAE is to train an encoder and a decoder in such a way that only minimal latent information is required to restore the input image. Suppose we use too few nodes in the bottleneck layer: in that case, the capacity of SAE to restore the input image will be limited, and the synthesized result will be blurry or unrecognizable from the input image. Thus, the experiment results indicate that CDAE performs better than SAE by adopting convolutional operations.
The second experiment studies the flaw detection performance of the proposed method. To illustrate its advantages, it is compared with existing representative works in this field, as summarized in Table 2. Algorithm I [8] uses PCA to extract principal features associated with wire rope features. Then, an SVM model that trained with the one class-based multi-class optimization algorithm is used to identify flaw images. In Algorithm II [7], a mixture of LBP and GLCM is used to represent wire rope images. Then, an SVM model optimized with an improved fruit fly optimization algorithm is used in flaw identification. In Algorithm III, image encoding results of SAE are used as the representation of input images, and an SVM-based classifier is used as the flaw identification model. To show the advantage of Isolation Forest-based flaw identification in the situation that only a limited size of flaw data is available, a comparison model, which integrates convolutional denoising autoencoder-based feature representation and SVM-based flaw identification, is constructed and denoted as Algorithm IV. At the same time, since convolutional layers are used in CDAE, to compare the performance between CDAE and convolutional neural networks (CNNs), a CNN developed in [27] is reimplemented and used to extract deep learning features for iForest. In the experiment, we name this CNN and iForest-based method as Algorithm V. As aforementioned, there are only 113 independent flaw images in the collected hauling rope data. As shown in Figure 5, to train an SVM classifier, each flaw image is copied three times to augment the data set by adopting image operations like applying Gaussian smoothing, reducing local contrast, and adding shadow. Thus, there are a total of 452 flaw images. Additionally, 5100 normal images are randomly selected from collected data. To train and test the above fault detection models, 100 flaw images and 100 normal images are randomly selected as test samples. The remaining data are used as training data. Due to limited flaw data, the above four flaw detection models were cross-validated several times (i.e., the training sets and test sets were divided repeatedly). The model that gave the best performance (least error) was selected as the best-trained detection model.
The experiment results are summarized in Table 2. It can be observed that the performance of Algorithms V and II are similar. The poor performance of Algorithm V is mainly caused by the limited amount of flaw training data. Algorithm IV performs better than Algorithms I and III, which use PCA and SAE features, respectively. Due to the poor performance of PCA on flaw region characterization (as shown in Figure 4), it is hard for PCA features-based Algorithm I to discriminate flaw images from normal images. Though SAE performs slightly better than PCA on flaw region characterization, it still has difficulties in detecting small flaws, and hence results in poor performance in small flaw detection. Due to limited flaw training data, the proposed fault detection method that combines CDAE with iForest has higher precision than SVM classifier-based Algorithm IV.

5. Conclusions

In this study, a new wire rope flaw detection method that combines convolutional denoising autoencoder (CDAE) and isolation forest (iForest) was developed. Different from previous work, the newly developed method has learning ability and can perform well with a small amount of flaw training data. It is known that iForest is based on the assumption that abnormal instances are largely different from normal instances. In this study, a novel penalty term, which was calculated as the flaw score difference between normal data and flaw data, was defined to adjust the learnable parameters of CDAE to encourage iForest to separate flaw data with shorter path lengths. The advantages of the proposed method were verified by comparing it with four other visual perception-based fault identification methods. First, image reconstruction experiments demonstrated that the new method could capture the flaw appearance and structure characteristics. Second, comparative experiments involving real-world hauling rope flaw identification provided evidence that the new method performs better than its competitors with few flaw training data.

Author Contributions

Conceptualization: G.Z. and Z.T.; methodology: G.Z. and J.Z.; software: G.Z. and J.Z.; investigation: G.Z. and Z.T.; resources: G.Z. and Z.T.; writing—original draft preparation: G.Z. and J.Z.; writing—review and editing: G.Z. and J.Z.; supervision: Z.T. and W.G.; funding acquisition: Z.T. All authors have read and agreed to the published version of the manuscript.

Funding

This research was supported by the Joint Funds of the National Natural Science Foundation of China under Grant No. U1701261; the National Natural Science Foundation of China under Grant Nos. 61771492 and 61472134.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Peng, K.; Zhang, K.; You, B.; Dong, J.; Wang, Z. A Quality-Based Nonlinear Fault Diagnosis Framework Focusing on Industrial Multimode Batch Processes. IEEE Trans. Ind. Electron. 2016, 63, 2615–2624. [Google Scholar] [CrossRef] [Green Version]
  2. Zhang, R.; Tao, H.; Wu, L.; Guan, Y. Transfer Learning with Neural Networks for Bearing Fault Diagnosis in Changing Working Conditions. IEEE Access 2017, 5, 14347–14357. [Google Scholar] [CrossRef]
  3. Li, C.; Zhang, W.; Peng, G.; Liu, S. Bearing Fault Diagnosis Using Fully-Connected Winner-Take-All Autoencoder. IEEE Access 2017, 6, 6103–6115. [Google Scholar] [CrossRef]
  4. Zhang, J.; Tang, Z.; Xie, Y.; Ai, M.; Gui, W. Visual perception-based fault diagnosis in froth flotation using statistical approaches. Tsinghua Sci. Technol. 2020, 26, 172–184. [Google Scholar] [CrossRef]
  5. Zhou, P.; Zhou, G.; He, Z.; Tang, C.; Zhu, Z.; Li, W. A novel texture-based damage detection method for wire ropes. Measurement 2019, 148, 106954. [Google Scholar] [CrossRef]
  6. Zhou, P.; Zhou, G.; Zhu, Z.; He, Z.; Ding, X.; Tang, C. A Review of Non-Destructive Damage Detection Methods for Steel Wire Ropes. Appl. Sci. 2019, 9, 2771. [Google Scholar] [CrossRef] [Green Version]
  7. Zhou, P.; Zhou, G.; Li, Y.; He, Z.; Liu, Y. A Hybrid Data-Driven Method for Wire Rope Surface Defect Detection. IEEE Sens. J. 2020, 20, 8297–8306. [Google Scholar] [CrossRef]
  8. Chang, Y.-W.; Wang, Y.-C.; Liu, T.; Wang, Z.-J. Fault diagnosis of a mine hoist using PCA and SVM techniques. J. China Univ. Min. Technol. 2008, 18, 327–331. [Google Scholar] [CrossRef]
  9. Zhang, Z.; Jiang, T.; Li, S.; Yang, Y. Automated feature learning for nonlinear process monitoring—An approach using stacked denoising autoencoder and k-nearest neighbor rule. J. Process. Control 2018, 64, 49–61. [Google Scholar] [CrossRef]
  10. Vallan, A.; Molinari, F. A Vision-Based Technique for Lay Length Measurement of Metallic Wire Ropes. IEEE Trans. Instrum. Meas. 2009, 58, 1756–1762. [Google Scholar] [CrossRef] [Green Version]
  11. Janssens, O.; Slavkovikj, V.; Vervisch, B.; Stockman, K.; Loccufier, M.; Verstockt, S.; Van De Walle, R.; Van Hoecke, S. Convolutional Neural Network Based Fault Detection for Rotating Machinery. J. Sound Vib. 2016, 377, 331–345. [Google Scholar] [CrossRef]
  12. Lu, C.; Wang, Z.-Y.; Qin, W.-L.; Ma, J. Fault diagnosis of rotary machinery components using a stacked denoising autoencoder-based health state identification. Signal Process. 2017, 130, 377–388. [Google Scholar] [CrossRef]
  13. Vincent, P.; Larochelle, H.; Lajoie, I.; Bengio, Y.; Manzagol, P. Stacked Denoising Autoencoders: Learning Useful Representations in a Deep Network with a Local Denoising Criterion. J. Mach. Learn. Res. 2010, 11, 3371–3408. [Google Scholar]
  14. Zhang, J.; Tang, Z.; Xie, Y.; Ai, M.; Zhang, G.; Gui, W. Data-driven adaptive modeling method for industrial processes and its application in flotation reagent control. ISA Trans. 2020. [Google Scholar] [CrossRef]
  15. Adetola, V.; DeHaan, D.; Guay, M. Adaptive model predictive control for constrained nonlinear systems. Syst. Control Lett. 2009, 58, 320–326. [Google Scholar] [CrossRef]
  16. Liu, F.T.; Ting, K.M.; Zhou, Z.-H. Isolation forest. In Proceedings of the IEEE International Conference on Data Mining, Pisa, Italy, 15–19 December 2008; pp. 413–422. [Google Scholar]
  17. Liu, F.T.; Ting, K.M.; Zhou, Z.-H. Isolation-Based Anomaly Detection. ACM Trans. Knowl. Discov. Data 2012, 6, 1–39. [Google Scholar] [CrossRef]
  18. Yin, S.; Ding, S.X.; Xie, X.; Luo, H. A Review on Basic Data-Driven Approaches for Industrial Process Monitoring. IEEE Trans. Ind. Electron. 2014, 61, 6418–6428. [Google Scholar] [CrossRef]
  19. Zhang, J.; Tang, Z.; Zhang, J.; Tan, Z.; Xu, P. Recognition of flotation working conditions through froth image statistical modeling for performance monitoring. Miner. Eng. 2016, 86, 116–129. [Google Scholar] [CrossRef]
  20. Zhu, R.; Fang, J.-W.; Xu, H.; Xue, J. Progressive Temporal-Spatial-Semantic Analysis of Driving Anomaly Detection and Recounting. Sensors 2019, 19, 5098. [Google Scholar] [CrossRef] [Green Version]
  21. Stripling, E.; Baesens, B.; Chizi, B.; Broucke, S.V. Isolation-based conditional anomaly detection on mixed-attribute data to uncover workers’ compensation fraud. Decis. Support Syst. 2018, 111, 13–26. [Google Scholar] [CrossRef]
  22. Kramer, M.A. Nonlinear principal component analysis using autoassociative neural networks. AIChE J. 1991, 37, 233–243. [Google Scholar] [CrossRef]
  23. Hinton, G.E.; Zemel, R.S. Autoencoders, minimum description length and helmholtz free energy. In Proceedings of the Advances in Neural Information Processing Systems, Denver, CO, USA, 28 November–1 December 1994; pp. 3–10. [Google Scholar]
  24. Vincent, P.; LaRochelle, H.; Bengio, Y.; Manzagol, P.-A. Extracting and composing robust features with denoising autoencoders. In Proceedings of the International Conference on Machine Learning, Helsinki Finland, 5–9 July 2008; pp. 1096–1103. [Google Scholar]
  25. Tian, S.; Lin, Y.; Gao, W.; Zhang, H.; Wang, C. A Multi-Scale U-Shaped Convolution Auto-Encoder Based on Pyramid Pooling Module for Object Recognition in Synthetic Aperture Radar Images. Sensors 2020, 20, 1533. [Google Scholar] [CrossRef] [Green Version]
  26. Ioffe, S.; Szegedy, C. Batch normalization: Accelerating deep network training by reducing internal covariate shift. In Proceedings of the International Conference on Machine Learning, Lille, France, 7–9 July 2015; pp. 448–456. [Google Scholar]
  27. Simonyan, K.; Zisserman, A. Very deep convolutional networks for large-scale image recognition. In Proceedings of the International Conference on Learning Representations, San Diego, CA, USA, 7–9 May 2015. [Google Scholar]
Figure 1. The architecture of the convolutional autoencoder. Red circles represent that instance normalization is used after convolution.
Figure 1. The architecture of the convolutional autoencoder. Red circles represent that instance normalization is used after convolution.
Sensors 20 06612 g001
Figure 2. System structure of the hauling rope flaw detection in mine cableways.
Figure 2. System structure of the hauling rope flaw detection in mine cableways.
Sensors 20 06612 g002
Figure 3. Real samples of wire rope images captured from hauling ropes.
Figure 3. Real samples of wire rope images captured from hauling ropes.
Sensors 20 06612 g003
Figure 4. Comparison between the original wire rope images and their reconstructions. (a) The original wire rope images; (bd) Images reconstructed by PCA, stacked autoencoder (SAE), and the proposed method, respectively.
Figure 4. Comparison between the original wire rope images and their reconstructions. (a) The original wire rope images; (bd) Images reconstructed by PCA, stacked autoencoder (SAE), and the proposed method, respectively.
Sensors 20 06612 g004
Figure 5. Flaw image augmentation. (a) Source images; (bd) Image augmentation by applying Gaussian smoothing, reducing local contrast, and adding shadow, respectively.
Figure 5. Flaw image augmentation. (a) Source images; (bd) Image augmentation by applying Gaussian smoothing, reducing local contrast, and adding shadow, respectively.
Sensors 20 06612 g005
Table 1. Quantitative evaluation of wire rope image reconstruction. SNR: signal-noise ratio; RMSE: root mean squared error.
Table 1. Quantitative evaluation of wire rope image reconstruction. SNR: signal-noise ratio; RMSE: root mean squared error.
Method
PCASAEProposed
SNR6.56561.05928.4465
RMSE7.394414.12016.0218
Table 2. Temperature and wildlife count in the three areas covered by the study. LBP: local binary patterns; GLCM: gray-level co-occurrence matrix; CDAE: convolutional denoising autoencoder; CNN: convolutional neural network.
Table 2. Temperature and wildlife count in the three areas covered by the study. LBP: local binary patterns; GLCM: gray-level co-occurrence matrix; CDAE: convolutional denoising autoencoder; CNN: convolutional neural network.
MethodFeatureIsolation ModelMetric
AccuracyPrecisionRecallF1-Score
Algorithm I [8]PCASVM0.7750.7840.760.772
Algorithm II [7]LBP + GLCMSVM0.8050.8140.790.802
Algorithm IIISAESVM0.8650.8840.840.861
Algorithm IVCDAESVM0.8850.9050.860.882
Algorithm VCNNiForest0.8350.8760.780.823
ProposedCDAEiForest0.930.9480.910.929
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Share and Cite

MDPI and ACS Style

Zhang, G.; Tang, Z.; Zhang, J.; Gui, W. Convolutional Autoencoder-Based Flaw Detection for Steel Wire Ropes. Sensors 2020, 20, 6612. https://doi.org/10.3390/s20226612

AMA Style

Zhang G, Tang Z, Zhang J, Gui W. Convolutional Autoencoder-Based Flaw Detection for Steel Wire Ropes. Sensors. 2020; 20(22):6612. https://doi.org/10.3390/s20226612

Chicago/Turabian Style

Zhang, Guoyong, Zhaohui Tang, Jin Zhang, and Weihua Gui. 2020. "Convolutional Autoencoder-Based Flaw Detection for Steel Wire Ropes" Sensors 20, no. 22: 6612. https://doi.org/10.3390/s20226612

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