Next Article in Journal
Analysis and Compensation of Modulation Angular Rate Error Based on Missile-Borne Rotation Semi-Strapdown Inertial Navigation System
Next Article in Special Issue
PCANet-Based Structural Representation for Nonrigid Multimodal Medical Image Registration
Previous Article in Journal
Implementation of Cyber-Physical Production Systems for Quality Prediction and Operation Control in Metal Casting
Previous Article in Special Issue
Unsupervised Learning for Monaural Source Separation Using Maximization–Minimization Algorithm with Time–Frequency Deconvolution
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

A Novel Fault Diagnosis Method for Rotating Machinery Based on a Convolutional Neural Network

School of Energy and Power Engineering, Huazhong University of Science and Technology, Wuhan 430074, China
*
Author to whom correspondence should be addressed.
Sensors 2018, 18(5), 1429; https://doi.org/10.3390/s18051429
Submission received: 20 March 2018 / Revised: 25 April 2018 / Accepted: 2 May 2018 / Published: 4 May 2018
(This article belongs to the Special Issue Sensor Signal and Information Processing)

Abstract

:
Fault diagnosis is critical to ensure the safety and reliable operation of rotating machinery. Most methods used in fault diagnosis of rotating machinery extract a few feature values from vibration signals for fault diagnosis, which is a dimensionality reduction from the original signal and may omit some important fault messages in the original signal. Thus, a novel diagnosis method is proposed involving the use of a convolutional neural network (CNN) to directly classify the continuous wavelet transform scalogram (CWTS), which is a time-frequency domain transform of the original signal and can contain most of the information of the vibration signals. In this method, CWTS is formed by discomposing vibration signals of rotating machinery in different scales using wavelet transform. Then the CNN is trained to diagnose faults, with CWTS as the input. A series of experiments is conducted on the rotor experiment platform using this method. The results indicate that the proposed method can diagnose the faults accurately. To verify the universality of this method, the trained CNN was also used to perform fault diagnosis for another piece of rotor equipment, and a good result was achieved.

1. Introduction

Large-scale rotating machines, such as steam turbines, wind turbines, and rolling mills, are ubiquitous in industries. With the development of technologies, the technical level and complexity of these systems are increased. Failure of these systems will lead to unexpected downtime, which will result in high operation and maintenance cost. Fault diagnosis, which aims to detect, isolate, and identify the fault before failure happens is, therefore, critical to ensure the safety and reliable operation of these systems.
Vibration signals are widely used for diagnosis of rotating machinery. There are many reported analysis methods, including wavelet transform, empirical mode decomposition (EMD) [1], Wigner-Ville distribution [2], Hilbert–Huang transform [3], order tracking [4], decision tree [5], rough sets theory [6], and principal component analysis (PCA) [7], etc. Among these methods, wavelet transform is a time-frequency domain analysis tool that provides better local characteristics of the signal. Due to this, it is often used in de-noising, feature extraction, and fault detection [8,9]. Wavelet transform was also integrated with other advanced algorithms, such as auto-associative neural networks [9], support vector machines [10], genetic algorithms [11], and support vector regression [12], among others, to enhance noise reduction, enable feature extraction, and facilitate multiple fault detection and classification.
With these successes, however, existing wavelet transform-based methods have some limitations. One is that they form the features extracted from wavelet transform coefficients in a one-dimensional vector, which is insufficient to describe the two-dimensional time-frequency domain wavelet transform and will result in information loss. The other is that feature selection and extraction significantly depends on expert knowledge, which is inflexible and difficult to obtain a generic solution.
To overcome these limitations, this paper proposes a novel fault diagnosis approach by integrating the continuous wavelet transform scalogram (CWTS) [13] with a convolutional neural network (CNN). In the proposed approach, wavelet transform decomposes vibration signals in different scales. The wavelet coefficients form the CWTS, which contain the complete time-frequency domain information of the vibration signals. Since the CNN has excellent multi-variable processing capabilities, it can take the full two-dimensional wavelet coefficients as input for fault diagnosis to achieve better performance.
Convolutional Neural Network is an emerging deep learning algorithm with reported successes in recognition of image [14], face [15], handwriting [16], action [17], materials [18], and speech processing [19]. For instance, in image recognition, the CNN takes original image as inputs and, therefore, avoids complex pre-processing. This is because the CNN has a special structure of local weight sharing. There are also some examples of CNN applications in disease diagnosis [20,21,22]. All of these applications show the advantages of CNNs in image and multivariate time series analysis, which indicates that CNNs have potential in diagnosis and prognosis [23]. However, through the inspection of these advantages, the applications of CNNs in fault diagnosis of mechanical equipment are very limited. A WDCNN (Deep Convolutional Neural Networks with Wide First-layer Kernels) method for fault diagnosis of a bearing is proposed in [24], but the influence of varying rotating speed on signals is not considered. This paper aims to introduce a new application of CNN in fault diagnosis. The contributions of the proposed approach are that:
  • For the first time, it integrates the CWTS and the CNN for fault diagnosis of rotating machinery. In this integration, the CNN has the multidimensional processing capability that can directly use two-dimensional CWTS as the input. This configuration takes full advantage of the CWTS and the CNN in a single deep learning framework;
  • The full two-dimensional wavelet coefficients are used in fault diagnosis without dimensionality reduction. The CWTS contains the complete time-frequency domain information of the vibration signals and avoids information loss of the original signal. Additionally, the wavelet transform also helps to remove noise from the raw signals at the same time;
  • A data preprocessing step is introduced to avoid the different distributions of the CWTS caused by different sample frequencies and different rotating speeds;
  • Parallel CNNs are used for fault classification in the experiment. Several CNNs are trained and each of them scores for a type of fault. Then the fault mode is obtained by comparing the scores of the CNNs.
  • The data pre-processing and the CNN algorithm are not data- and system-dependent. Thus indicates that the proposed solution is a universal, generic, and scalable one that can be applied to other diagnostic applications. Experiments on two different testbeds are presented to demonstrate the effectiveness and versatility of the proposed approach.
The paper is organized as follows: Section 2 elaborates the integration of the CNN and CWTS for fault diagnosis, with a detailed procedure of the proposed method; Experimental verification of the method is described in Section 3; Section 4 presents the experiments of the trained CNN on a similar experimental testbed, but with different configuration to verify the universality of the method; and, finally, concluding remarks are given in Section 5.

2. Proposed Method

As discussed above, the CWTS has been used in the fault diagnosis of rotating machinery. However, the existing methods only use the CWTS to extract features manually, which not only requires extensive knowledge of the system, but also results in information loss. Therefore, a CNN is introduced to process the CWTS with its great capabilities in image recognition. The integration of the CWTS with a CNN brings some immediate challenges, as follows:
  • The structure of the CNN and the format of the input image need to be defined. The structure of the CNN will influence the training time of the CNN. The format of the input images and the number of convolution layers have an influence on whether appropriate feature maps can be obtained.
  • The data format needs to be unified. Vibration data collected in different sample frequencies, with different rotating speeds, or from different equipment, will result in different distributions of the CWTS. This may cause difficulty in CNN recognition if the data format is not unified.
The proposed approach aims to address these challenges in fault diagnosis of rotating machinery. Figure 1 illustrates the procedure of the proposed method, which consists of data acquisition (different types of fault data), data pre-processing (including data formatting), CWTS construction (decompose the vibration signal using the multi-scale continuous wavelet transform to obtain the CWTS), CWTS cropping (using part of the CWTS as the CNN input), CNN training, and real-time system diagnosis. Details of the each step of the proposed method are described below.

2.1. Data Acquisition

A rotating machinery can be operated with a variety of rotating speeds and loads. To perform fault diagnosis under various operating conditions, the vibration signals from the machine in a full speed range and a full load range need to be obtained for training. However, if the sample frequencies of the signals are not the same multiple of the rotating frequency, the different rotating speed will cause a substantial difference in CWTS. To eliminate this influence, vibration signal is collected (as a training instance) with the rotating speed information so that it will be taken into consideration when this instance is processed. Note that the rotating speed in a training instance is considered as constant as it is collected when the machinery is in a stable operating condition.

2.2. Data Preprocessing

First, the DC component of the vibration signal is removed as it does not contribute to fault diagnosis. The DC part is removed by simply subtracting the mean value of the signal. Note that if the vibration signal is from displacement sensors, the DC part will only denote the distance between the sensor and the rotating rotor. The DC part will also cause mistakes in the wavelet transform.
Second, the variation of rotating speed leads to changes in the CWTS. Since the rotating speed changes in operation when the operating mode changes, load changes, and during startup and shutdown, the CWTS will yield significantly different results if signals at different rotating speeds are not preprocessed. To eliminate the influence of rotating speed on CWTS, signal resampling with a virtual resampling frequency (VSF) is introduced. For the vibration signal in a training instance, as its rotating speed is known, the VSF is set as a frequency that is q multiples of the rotating speed. Note that q remains the same for all training instances. With this resampled vibration signal, every rotation of the rotor has the same number of sampling points. Then the wavelet coefficients corresponding to the same harmonic of the rotating frequency in different samples will locate at the same scale of CWTS.
Suppose a vibration signal x ( k ) ( k = 1 ,   2 ,   ,   m ) is collected at a sampling frequency f(Hz) with m sampling data points. The rotating speed is n (rpm), corresponding to a machine rotating frequency f m = n / 60 . Define fd as the virtual re-sampling frequency that is the required multiple number of times of the machine rotating frequency, i.e., f d = q f m , where q is the required multiple number. To unify the sampling frequency as fd, the data is processed using the following method.
With re-sampling frequency fd, the k-th re-sampled data point should be x ¯ ( k ) = x ( k f f d ) . If f is a multiple of fd, then we only need to select x ( i × f f d ) , ( i = 1 ,   2 ,   3 ,   ) as the new x ¯ ( k ) . Otherwise, using a quartic polynomial interpolation function Φ with the original samples around x ( k f f d ) , the new x ¯ ( k ) (k = 1, 2, 3 …,) can be obtained by using Equation (1):
x ¯ ( k ) = Φ ( K , X ) K = ( k f f d 1 , k f f d , k f f d + 1 , k f f d + 2 ) X = ( x ( k f f d 1 ) ,   x ( k f f d ) ,   x ( k f f d + 1 ) ,   x ( k f f d + 2 ) )
After preprocessing, all data have the same length at the sampling frequencies that are the same multiples of the rotating frequency.

2.3. CWTS

The wavelet transform decomposes a signal in the time-frequency domain by using a family of wavelet functions. Different from Fourier transform, whose basis function is the sinusoidal function, wavelet transform uses the wavelet basis function, which is of finite bandwidth both in the time domain and the frequency domain. By scaling and translating the wavelet basis function, the signal can be decomposed with different resolutions at different time and frequency scales. The scaling and translation of a basic wavelet function can be mathematically described as:
Ψ a , b ( t ) = | a | 1 2 Ψ ( t b a ) a , b R a 0
where Ψa,b(t) is a continuous wavelet whose shape and displacement are determined by a, the scale parameter, and b, the translation parameter, respectively.
The continuous wavelet transform inherits and develops the localization idea of the short time Fourier transform (STFT). Different from STFT, scale and translation parameters a and b enable the adjustment of the resolution in time and frequency axes and, therefore, provide different frequency resolution and time resolution. The continuous wavelet transform is an ideal tool for signal time-frequency analysis and processing.
The continue wavelet transform of a signal x(t) is defined as the convolution of the signal x(t) with the wavelet function Ψa,b(t). In this method, continuous wavelet transform is implemented to decompose the data from scale 1 to l, where l is usually equal to, or larger than, 2q:
C a ( k ) = x ( t ) Ψ ¯ a , b ( t ) d t
where Ca (a = 1, 2, 3, …, l) is the wavelet coefficients of x(t) at the a-th scale and Ψ ¯ a , b ( t ) is the complex conjugate of the wavelet function at scale a and translation b.
Continuous wavelet transform generates coefficients on different parts of the signal under different scaling factors. Using these wavelet coefficients, the signal in the time-frequency domain can be directly expressed by a two-dimensional image. The graph of the wavelet coefficients constructs the continuous wavelet transform scalogram (CWTS).
Putting all wavelet coefficients in a matrix P = [C1, C2, …, Cl], it can be transformed to a gray matrix Pnew by:
P new ( i , j ) = P ( i , j ) p min p max p min × 255 + 1 2
where pmin and pmax are the minimal and maximal elements of P , respectively. The value of element in Pnew represents a gray value in the range from 0 to 255. Therefore, Pnew is the continuous wavelet transform scalogram of the original signal.
Figure 2 shows the time domain waveform and CWTS of a normal signal. As a comparison, Figure 3 shows the time domain waveform and CWTS of a fault signal with rotor imbalance. The signals both have 512 data points and are sampled at a frequency of 64fm and decomposed by the Morlet wavelet from a 1 to 128 scale. The horizontal axis represents the position along the direction of time signals, and the vertical axis represents the scale. The color of each point represents the magnitude of the wavelet coefficients.
As shown in Figure 2 and Figure 3, the CWTS of the fault signal is different from that of the normal signal. This result indicates the possibility to carry out fault diagnosis using CWTS. However, it is difficult to explicitly build a relationship between the CWTS and fault conditions. Although statistical feature [25] and one-dimensional vector were developed to recognize the difference, they are not sensitive to small changes in CWTS. For example, the wavelet grey moment (WGM) of the CWTS in Figure 2 and Figure 3 are 20.24 and 20.51, respectively. The difference between their WGM is trivial and is not reliable for diagnosis. In other words, it is difficult to detect rotor imbalance fault through WGM of CWTS obtained from the signals. To address this issue, CNN is proposed for fault diagnosis based on CWTS of vibration signals by taking full advantage of its capabilities in multidimensional signal processing and image recognition.
When choosing the wavelet type, we refer to the wavelet selection in other papers of machinery fault diagnosis. Zhang et al. [13] use eight types of wavelet to calculate the first-order WGM. WGM distributing lines of fault signals corresponding to eight wavelets are presented. It shows that three wavelets, Dmeyer, Meyer, and Morlet, have better distinguishability for machinery faults. Yan and Gao [26] use an energy-to-Shannon entropy measure to choose an appropriate wavelet for a vibration signal. The test signal extracted by the Morlet wavelet has the higher energy-to-Shannon entropy ratio than the other wavelet types listed in the paper. It shows that the Morlet wavelet is the most appropriate wavelet for analyzing the signal. According to the analysis in these papers, the Morlet wavelet was chosen as the wavelet used in this paper. If other wavelet functions commonly used in vibration signal analysis are selected, this method may also have a good result.

2.4. CWTS Cropping

CWTS obtained from continuous wavelet transform usually has a large number of pixels. Recognition of large images often requires a more complex CNN structure and more computation, which lead to longer training and computing time. On the other hand, large images will diminish the effects of small local features and reduce the sensitivity and accuracy of fault diagnosis. To accommodate this, CWTS cropping is introduced, which is conducted with the following three principles:
  • The cropping result must contain at least the continuous wavelet transform coefficients of one complete rotating period.
  • The length of one side of the square result must be greater than 2q.
  • If the coordinate of the pixel at scale axis ia is greater than the coordinate at the time axis ib or the coordinate to the last point of the sample mib (ia > ib or ia > mib), then the pixel cannot be used as the output.
The first principle is to ensure that the result contains the complete information of one period. The second principle is to obtain the wavelet transform of low scales from 1 to 2q, which often have the characteristics of the fault. Oil whirl, for instance, has fault characteristics in scales from q to 2q of CWTS. The third principle is introduced to avoid the following scenario: when the center of wavelet transform window is located in the first or last several points of the sample, there will not be enough points to perform the wavelet transform when the scale parameter is larger.
Meanwhile, as the fundamental rotating frequency fm is the major and common constituent of the vibration data, it corresponds to a considerable fraction of area in CWTS. If the signal is not synchronized, the difference in CWTS caused by fundamental rotating frequency fm will be significant and affect the accuracy of diagnosis.
Following these three principles and the needs of signal synchronism, a CWTS cropping scheme is proposed. First, P0, the phase of fundamental rotating frequency fm, is calculated by Fourier transform for every samples. Next, the first point after 2q, which has a zero phase of one multiple of the rotating frequency, is chosen as the start coordinate of cropping in the time axis. Thus, the start coordinate ic can be calculated by:
i c = 3 q P 0 360 × q + 1 2 ( 0 P 0 < 360 )
Finally, the output can be obtained by extracting 1 to 2q in the scale axis and ic to ic + 2q − 1 in the time axis from the original scalogram.
Figure 4 illustrates the CWTS cropping process of the signal in Figure 2. P0 of the signal is 250.6, q is 64, and the time series number corresponding to P0 Δ q = P 0 360 × q + 1 2 = 45 . Thus, 1 to 128 in the scale axis and 147 to 274 in the time axis index that is cropped as the output.
Using the above method, the influence of different starting phase of the one1 multiple of the rotating frequency can be eliminated. In addition, it helps to improve the speed of convergence compared to the cropping method without considering the one multiple of rotating frequency. After this step, we obtain a number of square preprocessed CWTSs as the training input of the CNN.

2.5. CNN Training

A convolutional neural network (CNN) is a kind of neural network that uses a convolution operation to replace the general multiplication in a neural network. It has excellent performance in dealing with data with a grid structure. Convolution operations improve the machine learning system through three important concepts: sparse interaction, parameter sharing, and equivariant representation [27]. Sparse interaction is achieved by making the size of convolution kernels much smaller than the size of the input. It reduces the computational complexity of algorithm and improves its statistical efficiency. Parameter sharing refers to using the same parameters in multiple functions of a model. The parameters of each convolution kernel are the same when dealing with different positions of the input. Equivariant representation roots in the properties of convolution operation, which is equivariant to any translation functions. This means that the features can be acquired no matter where they are located in the input [28].
CNN has many different structures. The basic structure of CNN used in this paper, Figure 5, consists of two types of layers, feature extraction layer (also known as convolution layer) and feature mapping layer (or pooling layer) [14]. Each computing layer of the CNN, such as C1, S1, C2, and S2 in Figure 5, is composed of a number of feature maps. Each feature map is mapped to a plane, and the convolution operations share the same convolutional kernel at different locations of the feature map. The feature mapping structure uses the sigmoid function as the activation function.
The convolution layer consists of a number of feature maps. Each neuron of the convolution layer receives a limited range of the input feature maps and performs the convolution operation on the input. For each input feature map, K output maps will be obtained if the convolution layer has K convolution kernels. Suppose the input X is the matrix of M × N, the output of the convolution layer can be computed as:
h i , j k = θ ( ( W k X ) i , j + b k )
where h i , j k is the value at coordinate (i, j) of the convolution layer’s output of the k-th feature map by the kth convolution kernel, i = 1, 2, …, Ms + 1, j = 1, 2, …, Ns + 1, WkRs is a weight vector representing the k-th filter, s is the kernel size, bk is the bias of the k-th feature kernel, and θ(x) is the activation function, which is set as the sigmoid function in this paper.
Each convolution layer is followed by a pooling layer to conduct aggregate statistics on characteristics at different location of the feature map. This will reduce the dimension of convolution features of a convolution layer by pooling. Two types of pooling, average pooling and maximum pooling, are widely used. The average pooling is employed in this research, which is computed as:
p i , j = 1 s 2 m , n = 1 s h ( i 1 ) × s + m , ( j 1 ) × s + n
where P i , j is the value at coordinate (i, j) of the pooling layer’s output, s is the pooling size, h ( i 1 ) × s + m , ( j 1 ) × s + n is the value at corresponding place of the convolution layer’s output.
A classifier is then trained for fault diagnosis. In this paper, a fully-connected neural network is used as a classifier. The input of the neural network is a one-dimensional vector constructed by all the values in feature maps. The fully-connected neural network calculates the dot product between the input vector and the weight vector, plus a bias. The outcome is sent to the sigmoid function in the output layer for diagnosis.
To fully determine the CNN structure, some parameters need to be determined. Such parameters include the number of convolution layer, the number of convolution kernels in each layer, the size of kernels, the pooling size of each layer, the learning rate of the neural network, and the format of the training output.
  • Number of convolution layers and number of convolution kernels: The number of convolution layers depends on the size of the input CWTS image. More global characteristics of the image requires a higher number of layers and convolution kernels. However, the convergence speed will decrease with the increase of convolution layers or convolution kernels.
  • Size of kernels and pooling size: To reduce the training time and increase the convergence speed, a small kernel size and pooling size is often used. It also requires that the input and output images of each layer must have integer pixels.
  • Learning rate of the neural network: A high learning rate may lead to divergence of training. On the contrary, a low learning rate will lead to slow convergence. In general, the learning rate needs to be determined in training by trial-and-error to ensure both the stability and learning speed of training.
  • The input and output format of the fully-connected neural network: The input of the neural network is a one-dimensional vector formed by all the values in the feature maps. An n × 1 zero vector is created with n being the number of fault modes. If the k-th fault mode is detected, the k-th value of the output vector is set as 1 while all other values are 0.
With all initial parameters, the CNN is trained for fault diagnosis with a supervised learning algorithm. The basic idea of training is to adjust the weights and bias of the CNN by minimizing the residual. First, the residual of the fully-connected layer is calculated by a squared error loss function. Then error back propagation is carried out from the last layer to the first layer using the chain rule. The pooling layer uses the upsample to propagate errors back. For an average pooling layer, errors will be equally distributed in the pooling area. The convolution layer uses deconvolution for error back propagation. Deconvolution is performed by performing convolution with the reversed convolution kernel. After obtaining the errors of each layer, a gradient descent method is applied to update the kernels, weights, and bias of the convolution layer and the fully-connected layer in the direction of steepest descent.
Figure 6 (left) shows a 128 × 128 CWTS of a rotor misalignment fault signal. By using the CNN with a structure given in Figure 5, the original CWTS generates twelve 29 × 29 feature maps as shown in Figure 6 (right). This shows that the feature maps concentrating on different parts of CWTS are obtained by the CNN. Then the fully-connected neural network can classify the fault accurately.

2.6. CNN Fault Diagnosis

To perform fault diagnosis using the trained CNN, the raw vibration data are transformed to the same format of the training data. The transformed data are decomposed with the continuous wavelet transform to obtain the CWTSs. The CWTSs are then cropped to construct the input of the CNN. The CNN output is the result of fault detection, which indicates the detected fault mode.

3. Experiment Analysis

3.1. Fault Data Acquisition

Figure 7 shows the rotor testbed [13] that is used in this experiment. Different fault modes can be easily injected in the testbed. In this research, four fault modes, including rotor imbalance, rotor misalignment, bearing block looseness, and contact rubbing, are injected to verify the proposed method. The sampling frequency is selected as 64 times that of the rotating frequency. As discussed in the previous section, the sampling frequency must be an integer multiple of the rotating frequency. The data are then separated into samples with the same length. Each sample contains 512 data points, which equals eight rotation periods of the rotor. To cover the full working rotating speed range and operating conditions, the data at the machine’s stable operation, startup, and shutdown phases are all collected for each fault mode and healthy system (before the fault mode is injected). Note that since two sets of sensors are used, the normal healthy system will have two cases. One is for the displacement sensor and the other is for the acceleration sensor. That is, the total operating conditions in this study has six cases, rotor imbalance/misalignment/healthy from the displacement sensor and bearing block looseness/contact rubbing/healthy from the acceleration sensor.
Different types of sensors are used for different fault modes as each sensor is sensitive to a certain type of fault model. Displacement sensors are used for the diagnosis of rotor imbalance and misalignment, whereas acceleration sensors are used for the diagnosis of bearing block looseness and contact rubbing. For each type of fault, we carried out three or four experiments. In these experiments, the fault location or fault degree was changed. Taking unbalanced fault as an example, we tried to fit screws with different weights on different rotary tables. A total of 120 samples are randomly selected for each fault mode. The data covers the full rotating speed range, including machine startup and shutdown phases. The same amount of samples under normal healthy conditions are also obtained. Among the 120 samples for each fault mode and healthy system, 60 samples are randomly selected for training while the remaining 60 samples are used for testing.

3.2. Data Processing

As discussed above, the data are sampled at a frequency that is the same multiple of the rotating frequency. The DC component of the data is then removed. The Morlet wavelet is used to obtain the CWTS for each sample (containing 512 data points). In this experiment, the Morlet wavelet is used because it has a similar shape feature with fault signals. Each sample is decomposed over a scale from 1 to 128. Thus, the CWTS of each sample has a resolution of 128 × 512 pixels. In CWTS cropping, 128 × 128 pixel pictures are obtained from the original scalograms using the proposed cropping method. A 128 × 128 pixel picture is used in this research because it represents two complete rotating periods and facilitates the CNN design in the next step. Figure 8 and Figure 9 show the cropped CWTSs of different fault modes.
Using the concept of parallel neural networks, four CNNs are trained in parallel for the above-mentioned four fault modes in which each fault mode corresponds to a CNN. Table 1 lists the input and output of the four CNNs.
These four CNNs are with the same structure, which contains four convolution layers and four pooling layers, 20 5 × 5 kernels in the first convolution layer, 30 5 × 5 kernels in the second convolution layer, 50 4 × 4 kernels in the third and fourth convolution layer, and the pooling size of the four pooling layers is 2 × 2. The training of CNN is set as 6000 iterations to guarantee convergence and accuracy. The learning rate of neural network is 0.005 in the first 3000 iterations to allow for rapid convergence and changes to 0.001 in the remaining iterations to ensure fine tuning for accuracy improvement. The selection of these parameters is problem dependent and obtained by trial and error. In this procedure, some other samples that do not belong to training or test samples are used as validation samples. When adjusting parameters, we try to make the training and validation samples obtain good classification results at the same time.
MATLAB is used to implement the training on the computer with an i7-4790K CPU, GTX750Ti GPU, 8 GB memory, and a 1 TB hard-drive [29]. Four CNNs are trained at the same time with GPU calculation. It takes about 13 h to guarantee convergence of the four CNNs.

3.3. Experimental Results

To verify the proposed approach, the remaining 360 testing samples are tested with the trained CNNs. Each sample is sent to two CNNs for diagnosis. It takes 2 s to process the test. Therefore, the proposed approach can be used for real-time automatic diagnosis. The outputs of the CNNs with the same sensor type are compared. A fault threshold F d and a no-fault threshold H d are given for fault detection. If the output of one CNN (fault mode F1) y 1 is greater than the fault threshold ( y 1 > F d ), while the output of the other CNN (fault mode F2) y 2 is smaller than the no-fault threshold ( y 2 < H d ), the fault corresponding to the first CNN F1 is detected. If the output of one CNN (fault mode F1) y 1 is between the no-fault threshold and the fault threshold ( H d < y 1 < H d ), it is considered that the presence of fault mode F1 is uncertain and needs more data to analyze. In this experiment the fault threshold F d is set as 0.6 and the no-fault threshold H d is 0.4. Table 2 and Table 3 summarize the diagnosis result and accuracy, in which accuracy is defined as the correctly-detected number divided by the total test numbers. Table 2 and Table 3 show that the accuracies for all four fault modes are greater than 88%, which indicates that the proposed approach is effective in fault diagnosis of rotating machinery.
For a comparison study, the proposed approach is compared with the existing method [13] in which the first-order wavelet gray moment (WGM) is used for diagnosis. Table 4 shows the results from the WGM method. Another method using wavelet gray moment vector is compared with this method [30]. The method extracts first order wavelet gray moment vector (WGMV) from continuous wavelet transform coefficients of the signals. Then a probabilistic neural network (PNN) is used for fault classification. The WGMVs are also classified by SVM. The results of the method using the same training and test data are listed in Table 5.
Compared with Table 2 and Table 3, the results show that the method proposed in this paper has better diagnosis accuracies in all fault modes than WGM, WGMV-PNN, and WGMV-SVM methods. The CWTS contains more fault information than WGM and WGMV. The CNN can be used as a perfect feature exaction method of the CWTS through training. Table 4 shows that the WGM method cannot detect rotor imbalance. The lower performance of the WGM method is mainly due to the energy proportion of fundamental and higher harmonics of the rotating frequency, which has substantial influence on the gray level distribution of CWTS.
If the displacement signals of contact rubbing or bearing block looseness are presented to displacement CNNs or the acceleration signals of rotor imbalance and misalignment are presented to displacement CNNs, there will not be a misclassification. We choose the displacement signals collected at the same time as the contact rubbing and bearing block looseness samples. The signals are presented to displacement CNNs after data processing. Additionally, the acceleration data of rotor imbalance and misalignment are presented to acceleration CNNs. Then the output of the CNNs are compared with the fault threshold F d to obtain the diagnosis results. For each fault, 60 samples are chosen. The results presented in Table 6 and Table 7 shows that all the misclassification rates are less than 10%. The misclassification rate of all 240 samples is 5.42%. This shows that misclassification will not happen with this method.

3.4. Misclassification Analysis

Table 2 and Table 3 show that the proposed method does not correctly classify some test samples. This section provides some in-depth analysis to pinpoint the root cause of misclassification. There are two main types of incorrect outputs. Type 1 is that the outputs of two CNNs are both greater than the fault threshold ( y 1 > F d and y 2 > F d at the same time), while type 2 is that the corresponding element is slightly smaller than the threshold ( H d < y 1 < F d and y 2 < H d at the same time).
One incorrectly classified sample in rotor imbalance falls into a type 1 misclassification. Figure 10 shows the CWTS and spectrum of the data in this sample. Its output for the rotor imbalance CNN and misalignment CNN are 0.79469 and 0.85982, respectively. Both of them are greater than the fault threshold of 0.6. The analysis of this sample reveals that the amplitude at the second harmonic of the rotating frequency is high, which indicates that it is possible that rotor misalignment and rotor imbalance occur at the same time.
For the type 2 misclassification, one misclassified sample data is from contact rubbing. The classified outputs by contact rubbing CNN and bearing block looseness CNN are 0.47452 and 0.01160, respectively. The output of contact rubbing CNN is less than the fault threshold of 0.6. Figure 11 shows that the high gray level points at the lower portion of the picture are not obvious, and the amplitude of higher harmonics in spectrum are not very high. Contact rubbing may be slight. This problem can be solved by including more training data.

4. Universality of CNN Fault Diagnosis

The objective of this research is to propose an accurate, robust, and universal solution for rotating machinery fault diagnosis. While the accuracy and robustness are demonstrated in Section 3, more research is needed to show the proposed method is universal, which indicates that the trained CNN from one equipment can be extended to the diagnosis of other equipment with similar structure or similar function. Universality is critical for most intelligent fault diagnosis algorithms as one with a high level of universality will greatly reduce the design and maintenance costs. To verify the universality of the proposed CNN fault diagnosis method, the trained CNN is applied to fault diagnosis of a gas turbine rotor testbed as shown in Figure 12. This testbed has a similar structure with the rotor testbed, but with a longer and thicker shaft and bearings of different sizes.
The vibration data is collected and processed in the same manner as that for the rotor testbed, as discussed in Section 3. The displacement sensing data of two faults, i.e., rotor imbalance and rotor misalignment, are used in this case study. Table 8 shows the diagnosis results with the same CNNs trained in Section 3 based on rotor testbed data. It is clear from Table 8 that the diagnosis results of all faults are greater than 70%, which demonstrates that the proposed approach is a universal and generic solution for diagnosis of other rotating machines. Note that this offers fast deployment of fault diagnosis with existing trained CNNs. With more data from the new equipment, the CNNs can be trained and updated to further improve the performance.

5. Conclusions

This paper proposes an accurate, robust, and universal deep learning-based fault diagnosis method for rotating machinery. The proposed approach is built upon the continuous wavelet transform and convolutional neural network. The novelty is that the CWTS constructed from the continuous wavelet transform that contains the complete two-dimensional wavelet coefficients is directly used in a CNN-based fault diagnosis without dimensionality reduction to avoid information loss. A series of experiments on a rotor testbed with four different fault modes are presented to demonstrate the effectiveness of the proposed approach and compared with the existing methods. To demonstrate the universality of the proposed approach, the trained CNNs are applied to fault diagnosis of a different testbed with similar, but different, structure. The results demonstrate that the proposed approach is a universal and generic solution.

Author Contributions

T.Y. and W.G. conceived this study. S.G. and T.Y. designed the experiments. S.G. and C.Z. performed the experiments and analyzed the data. S.G. wrote the paper. T.Y. and W.G. reviewed the paper.

Funding

This research was supported by the National Program of International Science and Technology Cooperation of China (Project No. 2014DFA60990).

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Lei, Y.; He, Z.; Zi, Y. Application of the EEMD method to rotor fault diagnosis of rotating machinery. Mech. Syst. Signal Process. 2009, 23, 1327–1338. [Google Scholar] [CrossRef]
  2. Climente-Alarcon, V.; Antonino-Daviu, J.A.; Riera-Guasp, M.; Puche-Panaderoa, R.; Escobarb, L. Application of the Wigner–Ville distribution for the detection of rotor asymmetries and eccentricity through high-order harmonics. Electr. Power Syst. Res. 2012, 91, 28–36. [Google Scholar] [CrossRef]
  3. Lei, Y.; Zuo, M.J. Fault diagnosis of rotating machinery using an improved HHT based on EEMD and sensitive IMFs. Meas. Sci. Technol. 2009, 20, 125701. [Google Scholar] [CrossRef]
  4. Coats, M.D.; Randall, R.B. Single and multi-stage phase demodulation based order-tracking. Mech. Syst. Signal Process. 2014, 44, 86–117. [Google Scholar] [CrossRef]
  5. Sakthivel, N.R.; Sugumaran, V.; Babudevasenapati, S. Vibration based fault diagnosis of monoblock centrifugal pump using decision tree. Expert Syst. Appl. 2010, 37, 4040–4049. [Google Scholar] [CrossRef]
  6. Xiang, X.; Zhou, J.; Li, C.; Li, Q.; Luo, Z. Fault diagnosis based on Walsh transform and rough sets. Mech. Syst. Signal Process. 2009, 23, 1313–1326. [Google Scholar] [CrossRef]
  7. Sun, W.; Chen, J.; Li, J. Decision tree and PCA-based fault diagnosis of rotating machinery. Mech. Syst. Signal Process. 2007, 21, 1300–1317. [Google Scholar] [CrossRef]
  8. Wang, Y.; He, Z.; Zi, Y. Enhancement of signal denoising and multiple fault signatures detecting in rotating machinery using dual-tree complex wavelet transform. Mech. Syst. Signal Process. 2010, 24, 119–137. [Google Scholar] [CrossRef]
  9. Sanz, J.; Perera, R.; Huerta, C. Fault diagnosis of rotating machinery based on auto-associative neural networks and wavelet transforms. J. Sound Vib. 2007, 302, 981–999. [Google Scholar] [CrossRef]
  10. Hu, Q.; He, Z.; Zhang, Z.; Zi, Y. Fault diagnosis of rotating machinery based on improved wavelet package transform and SVMs ensemble. Mech. Syst. Signal Process. 2007, 21, 688–705. [Google Scholar] [CrossRef]
  11. Peter, W.T.; Yang, W.; Tam, H.Y. Machine fault diagnosis through an effective exact wavelet analysis. J. Sound Vib. 2004, 277, 1005–1024. [Google Scholar]
  12. Shen, C.; Wang, D.; Kong, F.; Peter, W.T. Fault diagnosis of rotating machinery based on the statistical parameters of wavelet packet paving and a generic support vector regressive classifier. Measurement 2013, 46, 1551–1564. [Google Scholar] [CrossRef]
  13. Zhang, Y.; Huang, S.; Hou, J.; Shen, T.; Liu, W. Continuous wavelet grey moment approach for vibration analysis of rotating machinery. Mech. Syst. Signal Process. 2006, 20, 1202–1220. [Google Scholar]
  14. LeCun, Y.; Bengio, Y. Convolutional networks for images, speech, and time series. Handb. Brain Theory Neural Netw. 1995, 3361, 1995. [Google Scholar]
  15. Lawrence, S.; Giles, C.L.; Tsoi, A.C.; Back, A.D. Face recognition: A convolutional neural-network approach. IEEE Trans. Neural Netw. 1997, 8, 98–113. [Google Scholar] [CrossRef] [PubMed]
  16. Wang, T.; Wu, D.J.; Coates, A.; Ng, A.Y. End-to-end text recognition with convolutional neural networks. In Proceedings of the 21st International Conference on Pattern Recognition (ICPR), Tsukuba, Japan, 11–15 November 2012; pp. 3304–3308. [Google Scholar]
  17. Ji, S.; Xu, W.; Yang, M.; Yu, K. 3D convolutional neural networks for human action recognition. IEEE Trans. Pattern Anal. Mach. Intell. 2013, 35, 221–231. [Google Scholar] [CrossRef] [PubMed]
  18. Wang, T.C.; Zhu, J.Y.; Hiroaki, E.; Chandraker, M.; Efros, A.; Ramamoorthi, R. A 4D Light-Field Dataset and CNN Architectures for Material Recognition. In European Conference on Computer Vision; Springer International Publishing: Berlin, Germany, 2016; pp. 121–138. [Google Scholar]
  19. Abdel-Hamid, O.; Deng, L.; Yu, D. Exploring convolutional neural network structures and optimization techniques for speech recognition. In Proceedings of the Terspeech 2013, Lyon, France, 25–29 August 2013; pp. 3366–3370. [Google Scholar]
  20. Huynh, B.; Drukker, K.; Giger, M. MO-DE-207B-06: Computer-Aided Diagnosis of Breast Ultrasound Images Using Transfer Learning from Deep Convolutional Neural Networks. Med. Phys. 2016, 43, 3705. [Google Scholar] [CrossRef]
  21. Zhao, L. Multiscale CNNs for Brain Tumor Segmentation and Diagnosis. Comput. Math. Methods Med. 2016, 2016, 8356294. [Google Scholar] [CrossRef] [PubMed]
  22. Sun, W.; Tseng, T.L.; Zhang, J.; Qian, W. Enhancing deep convolutional neural network scheme for breast cancer diagnosis with unlabeled data. Comput. Med. Imaging Graph. 2016, 57, 4–9. [Google Scholar] [CrossRef] [PubMed]
  23. Babu, G.S.; Zhao, P.; Li, X.L. Deep Convolutional Neural Network Based Regression Approach for Estimation of Remaining Useful Life. In International Conference on Database Systems for Advanced Applications; Springer International Publishing: Berlin, Germany, 2016. [Google Scholar]
  24. Zhang, W.; Peng, G.; Li, C.; Chen, Y.; Zhang, Z. A New Deep Learning Model for Fault Diagnosis with Good Anti-Noise and Domain Adaptation Ability on Raw Vibration Signals. Sensors 2017, 17, 425. [Google Scholar] [CrossRef] [PubMed]
  25. Wu, Y.H.; Zhang, D.Z.; Li, X.L.; Xue, J.F. Research on Aeroengine Rub-Impact Fault Analysis Based on Wavelet Scalogram Statistical Feature. Appl. Mech. Mater. 2011, 48, 942–945. [Google Scholar] [CrossRef]
  26. Yan, R.; Gao, R.X. Base wavelet selection for bearing vibration signal analysis. Int. J. Wavel. Multiresolut. Inf. Process. 2009, 7, 411–426. [Google Scholar] [CrossRef]
  27. Goodfellow, I.; Bengio, Y.; Courville, A. Deep Learning; MIT Press: Cambridge, MA, USA, 2016. [Google Scholar]
  28. LeCun, Y.; Bengio, Y.; Hinton, G. Deep learning. Nature 2015, 521, 436–444. [Google Scholar] [CrossRef] [PubMed]
  29. Vedaldi, A.; Lenc, K. Matconvnet: Convolutional neural networks for Matlab. In Proceedings of the 23rd ACM International Conference on Multimedia, Brisbane, Australia, 26–30 October 2015; pp. 689–692. [Google Scholar]
  30. Su, H.; Yang, T.; Shi, T.; Huang, S.; Yang, J. The Research on Fault Diagnosis for Rotating Machinery Based on Wavelet Gray Moment Vector and Probability Neural Networks. Mach. Tool Hydraul. 2011, 21, 044. [Google Scholar]
Figure 1. Flow chart of proposed fault diagnosis method.
Figure 1. Flow chart of proposed fault diagnosis method.
Sensors 18 01429 g001
Figure 2. Time domain waveform and CWTS of a normal signal.
Figure 2. Time domain waveform and CWTS of a normal signal.
Sensors 18 01429 g002
Figure 3. Time domain waveform and CWTS of a fault signal.
Figure 3. Time domain waveform and CWTS of a fault signal.
Sensors 18 01429 g003
Figure 4. CWTS cropping of the signal in Figure 2, above: fundamental rotating frequency waveform of the signal, below: the CWTS of the signal.
Figure 4. CWTS cropping of the signal in Figure 2, above: fundamental rotating frequency waveform of the signal, below: the CWTS of the signal.
Sensors 18 01429 g004
Figure 5. Structure of a CNN.
Figure 5. Structure of a CNN.
Sensors 18 01429 g005
Figure 6. CNN output feature maps of a rotor misalignment fault signal CWTS, left: the CWTS of a rotor misalignment fault signal, right: twelve 29 × 29 feature maps obtained by the CNN.
Figure 6. CNN output feature maps of a rotor misalignment fault signal CWTS, left: the CWTS of a rotor misalignment fault signal, right: twelve 29 × 29 feature maps obtained by the CNN.
Sensors 18 01429 g006
Figure 7. Structure of the rotor testbed.
Figure 7. Structure of the rotor testbed.
Sensors 18 01429 g007
Figure 8. Preprocessed CWTSs of the displacement data.
Figure 8. Preprocessed CWTSs of the displacement data.
Sensors 18 01429 g008
Figure 9. Preprocessed CWTSs of the acceleration data.
Figure 9. Preprocessed CWTSs of the acceleration data.
Sensors 18 01429 g009
Figure 10. CWTS and spectrum of the imbalance test data.
Figure 10. CWTS and spectrum of the imbalance test data.
Sensors 18 01429 g010
Figure 11. CWTS and spectrum of the contact rubbing test data.
Figure 11. CWTS and spectrum of the contact rubbing test data.
Sensors 18 01429 g011
Figure 12. Structure of the gas turbine rotor testbed.
Figure 12. Structure of the gas turbine rotor testbed.
Sensors 18 01429 g012
Table 1. Input and output of the CNNs.
Table 1. Input and output of the CNNs.
Fault ModeSensor TypeInput/CountOutput
Rotor imbalanceDisplacementrotor imbalance/60
rotor misalignment/60
normal (displacement)/60
1—rotor imbalance0—others
Rotor misalignment1—rotor misalignment0—others
Contact rubbingAccelerationcontact rubbing/60
bearing block looseness/60
normal (acceleration)/60
1—contact rubbing0—others
Bearing block looseness1—bearing block looseness0—others
Table 2. Diagnosis result and correct rate using displacement CNNs.
Table 2. Diagnosis result and correct rate using displacement CNNs.
Fault ModeTest SamplesCorrect NumberAccuracy
Rotor imbalance605591.67%
Rotor misalignment6060100.00%
Normal (displacement)605998.33%
Table 3. Diagnosis result and correct rate using acceleration CNNs.
Table 3. Diagnosis result and correct rate using acceleration CNNs.
Fault ModeTest SamplesCorrect NumberAccuracy
Contact rubbing605693.33%
Bearing block looseness605388.33%
Normal (acceleration)605693.33%
Table 4. Diagnosis results of the WGM method using the same data.
Table 4. Diagnosis results of the WGM method using the same data.
Fault ModeTest SamplesCorrect NumberAccuracy
Rotor imbalance6000%
Rotor misalignment605388.33%
Contact rubbing601931.67%
Bearing block looseness601728.33%
Table 5. Diagnosis results of the WGMV-PNN and WGMV-SVM method using the same data.
Table 5. Diagnosis results of the WGMV-PNN and WGMV-SVM method using the same data.
Fault ModeTest SamplesWGMV-PNN Correct NumberWGMV-SVM Correct NumberWGMV-PNN AccuracyWGMV-SVM Accuracy
Rotor imbalance60515285.00%86.67%
Rotor misalignment60505283.33%86.67%
Contact rubbing60545390.00%88.33%
Bearing block looseness60494881.67%80.00%
Table 6. Misclassification numbers and rates when displacement data of contact rubbing and bearing block looseness are presented for displacement CNNs.
Table 6. Misclassification numbers and rates when displacement data of contact rubbing and bearing block looseness are presented for displacement CNNs.
Fault ModeMisclassification Number of Rotor Imbalance CNNMisclassification Number of Rotor Misalignment CNNMisclassification Rate
Contact rubbing101.67%
Bearing block looseness238.33%
Table 7. Misclassification numbers and rates when acceleration data of rotor imbalance and rotor misalignment are presented for acceleration CNNs.
Table 7. Misclassification numbers and rates when acceleration data of rotor imbalance and rotor misalignment are presented for acceleration CNNs.
Fault ModeMisclassification Number of Contact Rubbing CNNMisclassification Number of Bearing Block Looseness CNNMisclassification Rate
Rotor imbalance406.67%
Rotor misalignment215.00%
Table 8. Diagnosis results of the gas turbine rotor testbed using the same CNNs.
Table 8. Diagnosis results of the gas turbine rotor testbed using the same CNNs.
Fault ModeTest SamplesCorrect NumberAccuracy
Rotor imbalance604371.67%
Rotor misalignment605286.67%
Normal (acceleration)605998.33%

Share and Cite

MDPI and ACS Style

Guo, S.; Yang, T.; Gao, W.; Zhang, C. A Novel Fault Diagnosis Method for Rotating Machinery Based on a Convolutional Neural Network. Sensors 2018, 18, 1429. https://doi.org/10.3390/s18051429

AMA Style

Guo S, Yang T, Gao W, Zhang C. A Novel Fault Diagnosis Method for Rotating Machinery Based on a Convolutional Neural Network. Sensors. 2018; 18(5):1429. https://doi.org/10.3390/s18051429

Chicago/Turabian Style

Guo, Sheng, Tao Yang, Wei Gao, and Chen Zhang. 2018. "A Novel Fault Diagnosis Method for Rotating Machinery Based on a Convolutional Neural Network" Sensors 18, no. 5: 1429. https://doi.org/10.3390/s18051429

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