1. Introduction
As the core component of rotating machines, the rolling bearing has been widely used in modern industries [
1,
2]. The harsh load conditions and installation errors make it vulnerable to failure [
3]. Faults occurring on the rolling bearings may damage to the equipment or casualties [
4]. Meanwhile, other working components in the rotating machinery may also be affected by the failure of bearings. Consequently, to reduce the downtime of the equipment, it is necessary to monitor and diagnosis the work status of the rolling bearing.
The locations of frequent failures on rolling bearing are the outer ring, inner ring and the rolling elements. The cyclic impact modulation phenomenon will appear in the acceleration signals at a certain fault frequency when one of the components fails [
5]. The status monitoring of rolling bearing based on acceleration signals is still the primary means [
6].
Usually, the acceleration signals collected form the bearing pedestal are non-stationary and with heavy noisy. Additionally, lots of complex modulation components are contained in the signals, which introduce additional difficulties to the analyzing procedure, even fail to classify the work status of rolling bearings.
Since the empirical mode decomposition (EMD) algorithm is proposed by Huang [
7], the signal processing algorithms based on the decomposition theory have attracted the attention of researchers. After that, the ensemble empirical mode decomposition (EEMD) algorithm was proposed by Wu [
8], which tackled the modal aliasing problems by adding the white noise to original signal. Additionally, to further improve the quality of decomposition, Yeh [
9] proposed the complementary ensemble empirical mode decomposition (CEEMD) algorithm by adding two opposite white noise, and the reconstruction precision was improved. On the other hand, the modified ensemble empirical mode decomposition (MEEMD) was proposed by Yu [
10]; based on the control of with noise’s parameters, the reconstruction errors and modal aliasing were suppressed simultaneously. To improve the CEEMD algorithm, complete ensemble empirical mode decomposition (CEEMDAN) [
11] and improved complete ensemble EMD (ICEEMDAN) [
12] were proposed, and the added noise component was eliminated thoroughly, and the number of decomposed modes could be decided adaptively.
In recent years, the variational mode decomposition (VMD), proposed by Dragomiretskiy [
13], has been widely used in processing the signals of rotating machines, and the satisfied robustness for non-stationary signals could achieved based on the appropriate parameters. To add adaptabilities to VMD algorithm, Zhang [
14] proposed the parameter adaptive VMD, based on the grasshopper optimization algorithm (GOA); the key parameters K and α could be obtained without the heavy reliance on the experience of researchers.
Next, Georgios [
15] was inspired by the intelligence swarm algorithm and proposed the swarm decomposition (SWD) algorithm. By applying the swarm filtering (SWF) with proper parameters iteratively, the oscillatory components (OC) could be extracted from the multi-components signals.
Similar to VMD, the SWF model also needs proper parameters, Miao [
16] proposed OSWD algorithm by using the whale optimization algorithm to obtain the optimal values of SWD’s parameters. The features of fault in the decomposed signals by OSWD is more clearly then original SWD. However, the calculation efficiency could be improved furtherly.
Through the above analysis, the OSWD algorithm has better self-adaptability and decomposition effect than others. When the optimization algorithm is introduced into the process of signal decomposition, although there is a certain increase of computation, the feature information of faults in the obtained OCs are more obvious.
In order to monitor the working state of bearings more accurately, lots of sensors have been installed on the equipment, and obtained huge data quantum. However, the traditional fault diagnosis methods cannot process the signals in time. Nowadays, the data-driven fault diagnosis methods have been widely developed. The optimal support vector machine (SVM) was adopted by Wang [
17] to classify the fault signals of rolling bearing, and the accuracy was improved by adopting the dimension reduction strategy. The convolutional neural network (CNN) and fuzzy C-means (FCM) model were combined by Zhang [
18] to identify the vibration signals of bearings, the weak features could be learned sufficient, and the signals was classified correctly. Qin [
19] proposed the improved deep forest model; the features in the raw signals of bearings ware extracted by multi-grained scanning and classified by the cascade forest. Huo [
20] combined adaptive multi-scale weighted permutation entropy and SVM model to realize the fault diagnosis of bearings, the robustness of the proposed model, under various SNRs, was stable. The one-dimensional dilated convolution network was adopted by Liang [
21] to classify the faults of rolling bearings, based on the residual blocks and attentions modules, the signals under different noisy and load environments were classified by the model accurately. Zhao [
22] adopted the adaptive deep gated recurrent unit to learn and identify the vibration signals of bearings, and the accuracy and robustness of the adopted model were verified. Hou [
23] used bidirectional LSTM (Bi-LSTM) for the prediction of residual life of bearings, compared with other existing models, the Bi-LSTM model showed better accuracy. Xu [
24] proposed a hybrid model for the fault diagnosis of rolling bearings, which was based on CNN and gcForest, the raw signals were converted into images by continuous wavelet transform firstly, the features were extracted by CNN and classified by gcForest, and the performance was verified by different datasets. Hao [
25] adopted 1D-CNN and long short-term memory (LSTM) to classify the faults of rolling bearing; the classification accuracy of the data under different work conditions and SNRs was fairly stable. Huang [
26] realized the accurate fault diagnosis of a high-speed train bogie; based on ICEEMDAN and 1-D convolutional neural network (1D-CNN), the weak features hidden in the raw signals were enhanced by the preprocessing of ICEEMDAN and classified by the 1D-CNN model.
Based on the above analysis, the deep learning fault diagnosis model could meet the requirements of end-to-end fault diagnosis of rolling bearings, based on the huge quantum of data. Additionally, due to the excellent feature extraction capability, the 1D-CNN model has been proven to be an optimal model for the classification of time series signals of bearings.
To improve the prediction accuracy and generalization ability of the deep learning model, the data fusion strategy was introduced by researchers. Xue [
27] adopted 1D-CNN and 2D-CNN models to extract the features in the raw signals, respectively, and fused them on the outputs of the models, the obtained features were sensitive for classification. Liu [
28] employed the multidimensional feature fusion strategy to improve the accuracy of GFBD model for the braking system of heavy-haul train, and the accuracy was satisfied. Shang [
29] proposed a multi-scale deep feature fusion model, based on information entropy, and the auto-encoder was adopted for extraction features firstly; then, the low dimensional features were fused and fed into the DBN classifier, and the accuracy was higher than the model without feature fusion. Liu [
30] fused the statistical features and recessive features from multi-source signals and obtained a fault diagnosis model for rotating machine with faster speed and higher accuracy. Wang [
31] proposed a three-stage feature fusion method to fuse the features of multi-modal signals of bearings by attention-based multidimensional concatenated CNN, and the result indicated that the accuracy of classification was improved. Pan [
32] used VMD and WP algorithms to decomposition the vibration signals and extracted the statistical features; then, the features were fused and optimized, and the ELM model was adopted for classification, and the proposed method was verified to be effective. Wu [
33] extracted the features from time- and frequency-domain at different speeds and fused them for classification; the reliability of diagnosis was improved under various operation conditions. The features in vibration and acoustic signals were extracted by Wang [
34], based on the 1D-CNN model, and fused in another 1D-CNN based model, the fused features improved the accuracy of classifier under different SNRs.
In this paper, an integrated approach, based on BAS-SWD, 1D-CNN, and data fusion, for fault diagnosis of rolling bearings is proposed. The complex, non-stationary acceleration signals collected from test rig are divided and normalized by min-max strategy firstly. Afterwards, the BAS algorithm was adopted to optimize the SWD algorithm, and the preprocessed acceleration signals are decomposed into several OCs by BAS-SWD adaptively. Finally, the 1D-CNN model with feature fusion layer is constructed for the feature extraction and classification. The comparative experiments, based on different datasets, were carried out to evaluate the proposed method finally. The contributions of this paper are as follows:
- (1)
An improved SWD algorithm, namely BAS-SWD, is proposed. By adopting the BAS algorithm to obtain the optimal parameters of SWD, the OCs with more obvious fault information can be obtained.
- (2)
Based on the model of VGG-16, the improved 1D-CNN model is proposed to extract the weak features in multi-sensor signals. Through the well-trained model, the features in the raw signals can be extracted, and the high accuracy of classification is verified by different datasets.
- (3)
The feature fusion strategy is introduced, and the features extracted by different convolutional blocks in the 1D-CNN model are fused in the fusion layer. Based on feature fusion, the classification accuracy of the model is improved obviously.
The sections of this paper are arranged as follows: the basic theories are mainly elaborated in the
Section 2 and
Section 3. The main procedure of the proposed fault diagnosis method of rolling bearing is explained in
Section 4. Then, the proposed method is validated with different datasets and comparative experiments in
Section 5. Finally, the conclusions are drawn in
Section 6.
3. One-Dimension Convolutional Neural Network
The one-dimension convolutional neural network (1D-CNN) is a classic deep feedback neural network. By which, the internal features in the input data can be extracted based on the convolution operation. Different from the traditional 2D-CNN model, the convolution operation on the input data are only performed on one dimension. Additionally, this makes the 1D-CNN model very suitable for processing one dimension series such as the time domain acceleration signal. By Ref. [
34], a typical 1D-CNN model is constructed by the convolution layer, activation layer, pooling layer mainly, and the probability of classification is calculated by the classifier layer finally.
The convolution layer which contains a convolution kernel with learnable parameters is the core of 1D-CNN model. Additionally, the feature map is obtained by the convolution operation of convolution kernel with input data along the length. During the convolution operation, only a fragment of input data are processed by the kernel, and the parameters are shared with other kernels, which reduce the count of parameters and the difficulty of model training. The convolution operation is shown in Equation (14).
where
is the
i-th feature in the output of
l-th layer,
represent the
i-th weight matrix in
l-th layer, b is the bias,
is the output of last layer, and * represent the convolution operation.
After the processing of convolution layer, the obtained feature map is a linear mapping of input data and should be improved to discriminate the non-linear data. Therefore, the activation layer is adopted to add non-linear character into the feature maps. The refined linear unit (ReLU) is usually adopted for the activation function, which is shown in Equation (15).
where
x is the input feature map.
The count of features in the feature map obtained by the convolution layer and activation layer are usually too big and increase the training difficulty of the model. To tackle this problem, the pooling layer is adopted to reduce the dimension of the feature map, and the input data can be represented by the other feature map with a smaller size. By the pooling operation, the length of input data for the next layer is reduced obviously, which is helpful to alleviate the over-fitting phenomenon in the training process. There are two kinds of pooling operations, average and maximum pooling. However, the maximum pooling is similar to the envelop demodulation in the field of traditional signal processing. Therefore, the maximum pooling is selected for the 1D-CNN model to process acceleration signal of rolling bearing, as is shown in Equation (16).
where
yl[
i] represents the output of
i-th pooling region, and
k is the length of the kernel of pooling layer.
Processed by several groups of convolution activation pooling layers, the feature map of the raw input data will be feed to the classifier of 1D-CNN model. The features are processed by the fully connected layer firstly, and next, the probability of classification is calculated by the softmax function. The training of model is to repeat the steps above iteratively; after that, the cross-entropy loss function is adopted to evaluate the model. According to the value of loss function, the parameters of model are updated iteratively until the end of training.
4. The Proposed Method
On the basis of the theories mentioned above, an integrated approach for fault diagnosis of rolling bearing, based on the BAS-SWD and 1D-CNN models, is proposed in this study. The main procedure of the proposed method is shown in
Figure 2, the key steps are as follows.
Step 1. The acceleration signals of horizontal and vertical channels at the bearing pedestal where the fault bearing located are collected from the test rig. By replacing bearings with different faults, groups of the multi-channel signals with sufficient number are obtained.
Step 2. According to the speed of motor and the sampling frequency of signals, the collected signals are divided into fragments with fixed length. After that, the datasets with enough data samples are acquired. Then, the BAS-SWD algorithm is employed to extract the top three OCs with the highest value of envelope spectral kurtosis from the fragments. Finally, the datasets are constructed by these OCs, and divided into training samples, validate samples and test samples after well-labeled.
Step 3. Reference to the famous VGG-16 model, the 1D-CNN model is established. With this model, the features of each channel of signal are extracted by the convolutional-pooling layers, and the fused by the fusion layer. Finally, the input samples are classified by the softmax classifier.
Step 4. The 1D-CNN model is trained and tested by the acquired datasets. After that, the well-trained model is applied to realize the end-to-end fault diagnosis of rolling bearings.
5. Experimental Validations
5.1. Data Information
In this study, two datasets form the bearing datacenter in Case Western Reserve University (CWRU) and the wind turbine drivetrain diagnostics simulator (WTDS) in the author’s laboratory are adopted to verify the proposed fault diagnosis method for rolling bearing.
In the CWRU’s dataset, the acceleration signals under 2 HP of the bearings at the drive-end of the motor with a sampling frequency of 48 kHz are used as the raw data. The type of bearing installed at the drive-end of motor is 6205-2RS, whose manufacture is SKF. According to the requirement of the input layer of 1D-CNN model, the raw signals are resampled by a sampling frequency of 24 kHz and segmented into fragments with fixed length. The length of fragments is the quantity of sampling points during two revolves of the motor, the value in this paper is 1645 (24,000 × 60 × 2/1750).
There are some artificial wearing points on the inner race (IR), outer race (OR), and rolling elements (RE) with different sizes. Additionally, from the raw dataset, a total of seven types of signals are selected for the classification task. Therefore, the experimental dataset contains 7700 samples for the training, validating, and testing of the model; the details are shown in
Table 1.
In the other dataset, the acceleration signals collected from the WTDS test rig is with a sampling frequency of 20,480 Hz, the drive speed of motor is 1500 rpm, and the load is about 45 Nm. According to the WTDS test rig, the type of fault bearing is ER-16K. Additionally, there are two channels of acceleration signals in the dataset, which correspond to the horizontal and vertical installation of sensors. There is also one channel of tachometer pulses signal in the dataset. Similar to the CWRU’s dataset, the raw signals are segmented into fragments. Due to the bearing that is installed on the second shaft of the parallel gearbox and transmission ratio between the first and second shaft (36/90), the length should be 2048 (5 revolves on the motor).
The human-made faults are located respectively on the inner race, outer race, and rolling elements. Therefore, a total of four types of signals, with one normal and three faults, are contained in the dataset. The details can be seen in
Table 2.
The time domain waveforms of the signals in WTDS’s dataset are shown in
Figure 3. By the figure, the differences among the different faults are not very clear and cannot be diagnosed easily. Therefore, the weak features in the raw signals need to be extracted for the classification.
5.2. Preprocessing of Signals
The proposed BAS-SWD algorithm is adopted to highlight the weak features in the noisy raw signals in this paper, so as to increase the accuracy of the 1D-CNN model’s classification result.
Take the signal segment with the rolling element fault as an example, which is shown in
Figure 3d. To obtain the value range of the SWD model’s parameters (
Pωth,
Tth), many decomposition experiments were carried out. According to the results, when the value of
Pωth is lower than 0.05, more OCs will be obtained; however, the energy of envelope spectrum of each OC is very low and no new frequency components exist in the OCs, so the minimum value of
Pωth is set to 0.05. Meanwhile, when the value of
Tth is greater than 0.35, the calculation time will increase significantly, even falling into an infinite loop; so, the maximum value of
Tth is set as 0.35. The other initial parameters of BAS are listed in
Table 3, and the fitness function is based on Equation (13).
Due to the advantages of fast convergence and strong global optimization ability in BAS algorithm, the value of fitness function converges stably after 12 iterations of calculation, as is shown in
Figure 4. At this point, the value of fitness function is 0.0027, and the parameter pair of SWD is (0.15, 0.1).
To verify the advantages of BAS-SWD algorithm, the decomposition result is compared with the original SWD (
Pωth = 0.1,
Tth = 0.1). For the selected signal segment, the rotational frequency of motor is 25 Hz (1500 rpm), and the rotational frequency of the second shaft connected to the bearing is 10 Hz (25 × 36/90), finally, the fault frequency is
fre = 23.3 Hz (2.33 × 10). The waveforms and corresponding envelop spectra of the original SWD are shown in
Figure 5. There are 4 OCs and 1 residual component extracted from the original signal fragment. The envelop spectrum indicated that the principal modulating component is caused by the meshing of gears between the first and second shafts (
fr = 25 Hz), the fault frequency of the bearing is too weak to be observed clearly. Meanwhile, with the well-chosen parameters, the BAS-SWD algorithm extract 2 OCs and 1 residual component from the raw signal in
Figure 6. Similarly, the envelop spectrum is used as the tool to analyze the result. Though the fault frequency is very weak, it can be observed in the 2nd and residual component (
Figure 6b).
Based on the above analysis, the BAS-SWD’s ability of extracting weak features from noisy signals is improved. Additionally, the SNR of OC is higher than the raw signals. Therefore, the OCs are more suitable for training the deep learning model than the raw signal itself.
5.3. Construction of 1D-CNN Model
In this study, the 1D-CNN model based on VGG-16 is adopted to classify the rolling bearing’s acceleration signals. In VGG-16, the larger convolutional kernels are replaced by the cascading smaller ones (under the same sensory field), feature extraction ability is enhanced, and number of parameters is reduced [
36]. Meanwhile, to further improve the stability and accuracy of the 1D-CNN model, some improvements are introduced into the model, which are shown in
Figure 2.
After the preprocessing of signal, the top three OCs, with the highest envelope spectral kurtosis and correlations of each channel, are the input data of 1D-CNN model. Therefore, the input channel of 1D-CNN model is three. Meanwhile, there are two independent convolutional blocks with similar parameters in the convolutional part of the model, which corresponds to the signals from different channels of sensors. In the classification layer, the outputs of each convolutional layer are fused in the fusion layer to realize the feature level fusion firstly. Based on this, the weak feature in the raw signals could be enhanced. Next, the fusion features are processed by the combinations of the fully connected and dropout layers. Usually, the size of the feature map produced by flattened or fusion layer is much larger than the size of the fully connected layer’s output. Additionally, this increase the risk of over-fitting in the training progress, especially when the count of the training samples is not very large. According to the VGG-16 model, multiple fully connected layers are adopted in the proposed model. Additionally, the dropout layer is also adopted to add the non-linear characters to the fully connected layer, so as to improve the generalization ability. At last, the predicted classification of input signal is calculated by the cross-entropy loss function. In order to improve the ability of feature expression of the model, the stride value of max-pooling layer in each convolutional blocks, except the first one, is changed to 4 to extract more features. Based on the datasets collected from the WTDS test rig, the structure of the proposed 1D-CNN model is shown in
Table 4.
For different datasets, the parameters such as input size of FC1 and FC3 should be fine-turned to adjust the samples. The proposed model is built under the PyTorch 1.10.1 with no GPUs, and the version of python is 3.8. The OS of the host is Ubuntu 18.04 LTS, and the processor of the host is Intel CoreTM I5-4590 @ 3.3 GHz, and the memory is 16 GB.
In the training progress, the adopted back propagation algorithm is mini-batch gradicet descent, and the size of mini-batch is 20. Meanwhile, the adopted optimizer is Adam, and the initial learning rate is 0.001.
5.4. Case Study I
In this sector, the datasets from WTDS test rig were adopted to evaluate the proposed model. According to
Table 2, there are four types of fault status of rolling bearing and 1100 samples for each status, with the length of 2048 acceleration values. The dataset is divided into training, validating, and testing sets by the ratio of 8:2:1. Additionally, the maximum number of iterations is set to 35.
The training set is normalized by min-max strategy, and then preprocessed by the BAS-SWD algorithm. After that the multi-channels samples of different sensors are fed into the model to train it. The loss value produced by the loss function represent the training progress of the model. The loss validation curves are shown in
Figure 7. It can be concluded that the model has a fast convergence speed; the validate accuracy exceed 99% after about 12 iterations. That indicated the proposed model has been trained to the optimal level and has a good ability to classify the fault signals of rolling bearing.
Based on the trained model, the testing set is adopted to evaluate the classification performance, and the result is shown in
Figure 8. The average classification accuracy of the proposed 1D-CNN model is 100% after many classification experiments.
Inside the model, the features were extracted from different channels of sensors by two independent convolutional blocks and fused in the fusion layer. To verify the advantages of feature fusion strategy, the classification result is compared to the result without feature fusion. Additionally, as is shown in
Figure 9, the classification result with feature fusion is higher than the single channel signals, and it can also be seen that the classification result of the single channel V is better than channel H. This may be caused by the installation position of acceleration sensor.
The comparative experiments are carried out between the propose model and other models, such as the 1D-CNN model with raw signals, as well as the LSTM model with raw and decomposed signals. The results are shown in
Table 5. The hidden units of LSTM in the comparative experiments were set to 32, the initial learning rate was 0.05, and the max iteration was set to 50. The LSTM model has some advantages in the learning time series and achieved good results in NLP fields. Due to the excellent feature extraction ability, the classification accuracy of 1D-CNN model is slightly higher than LSTM model, in both the raw and decomposed signals. For raw signals, the accuracy of the proposed model is 100% too, but the training time of the model of same structure is almost twice as the decomposed signals.
5.5. Case Study II
In this sector, the CWRU’s dataset, which has been adopted by many other researches, is used as the input data of 1D-CNN model. Different from the WTDS’s dataset, there is only one channel in the samples. Therefore, one of the two convolutional blocks, as well as the fusion layer, in the proposed 1D-CNN model are removed, and the input size is also changed to adjust the sample in the CWRU’s dataset. The other parameters of the model are same as the model for WTDS’s dataset.
After the training progress, the loss validation curves are shown in
Figure 10. Due to the change in the structure of the model, the training time consumption is reduced. However, without the feature fusion, the convergence speed is slower. The loss validation curves arrive to a stable status when the 25th iteration terminated.
The confuse matrix of the classification result is shown in
Figure 11. The average accuracy of classification is 100%. Compared to the classification result in
Section 5.4, even the structure of model is concise, the accuracy of classification is same. The reason may be that the rolling bearing in CWRU’s test rig is on the shaft connected to the motor directly. On the other hand, the rolling bearing in WTDS’s test rig is on the second shaft, and the shaft is connected to the motor through a pair of gears. This transmission structure introduced another strong modulation component in the acceleration signals and made it more difficult to diagnose the fault of the rolling bearing.
Similar to the
Section 5.4, the comparative experiments among different models are carried out to verify the stability of the proposed model. The result is shown in
Table 6. The 1D-CNN model performed well on the raw and decomposed signals, and the only difference between them is that the model training progress based on the decomposed signals required less training time, and the convergence speed is faster than the other one. This indicate that the feature extraction ability of 1D-CNN model is stronger than other machine learning models.
6. Conclusions
In this study, an integrated intelligent method of fault diagnosis for rolling bearing was proposed, which was based on BAS-SWD and 1D-CNN.
Within the proposed method, the complex, non-stationary acceleration signals collected from test rig were trimmed and normalized by min-max strategy firstly. Afterwards, to overcome the problem of hard to choose suitable parameter pair (Pωth, Tth) of SWD, the BAS algorithm was adopted to obtain the optimal parameters of SWD, and the preprocessed acceleration signals were decomposed into several OCs by BAS-SWD adaptively. Finally, the 1D-CNN model with feature fusion layer was constructed for classification of the fault signals. The comparative experiments, based on different datasets, were carried out to evaluate the proposed method, and some conclusions can be drawn, as follows.
The SWD algorithm is suitable for preprocessing the non-stationary acceleration signals of rolling bearings, the weak modulation component caused by bearing’s fault can be extracted from the raw signals. Additionally, combined with the BAS optimal algorithm, the proposed BAS-SWD is more adaptive, effective, and efficient than the original SWD algorithm.
The 1D-CNN model has advantages in feature extraction. Compared with other deep learning models, the raw signals can be adopted as input data directly and without additional feature extraction progress. However, the feature extraction is very important for the improvement of accuracy of deep learning model. Therefore, the proposed 1D-CNN model is more suitable for the classification of the rolling bearing’s fault signals.
For the acceleration signals with complex modulation components and weak features, the feature fusion of multi-channels of signals can improve the performance of the deep learning model. Based on feature fusion, more features are extracted from the input data, which can improve the generalization ability of model.
The result of the comparative experiments, based on different datasets, indicate that the proposed method is effective, accurate, and stable. Additionally, it can provide an end-to-end alternative solution for rolling bearing’s fault diagnosis.
Future research will expand the application field of this method, such as the mixed faults of the gear and bearing or other rotation machines.