Abstract
Electric energy, as an economical and clean energy, plays a significant role in the development of science and technology and the economy. The motor is the core equipment of the power station; therefore, monitoring the motor vibration and predicting time series of the bearing vibration can effectively avoid hazards such as bearing heating and reduce energy consumption. Time series forecasting methods of motor bearing vibration based on sliding window forecasting, such as CNN, LSTM, etc., have the problem of error accumulation, and the longer the time-series forecasting, the larger the error. In order to solve the problem of error accumulation caused by the conventional methods of time series forecasting of motor bearing vibration, this paper innovatively introduces Informer into time series forecasting of motor bearing vibration. Based on Transformer, Informer introduces ProbSparse self-attention and self-attention distilling, and applies random search to optimize the model parameters to reduce the error accumulation in forecasting, achieve the optimization of time and space complexity and improve the model forecasting. Comparing the forecasting results of Informer and those of other forecasting models in three publicly available datasets, it is verified that Informer has excellent performance in time series forecasting of motor bearing vibration and the forecasting results reach ∼.
Keywords: motor bearing vibration, time series forecasting, Informer, Transformer, random search
1. Introduction
Electric energy plays an essential role in human life and technological development. The motor is the core equipment of the power station; therefore, monitoring the motor conditions can effectively avoid the occurrence of hazards and improve the safety. In recent years, there have been many bearing health monitoring technologies, such as noise monitoring, temperature monitoring, current detection and vibration monitoring, etc. [1,2,3,4,5]. Among them, vibration monitoring can detect, locate and distinguish faults before serious failures of bearings occur. For the research of bearing fault diagnosis and bearing remaining useful life (RUL) prediction, time series forecasting of motor bearing vibration is a crucial prerequisite step. Therefore, it is of great significance to study the vibration prediction of motor bearings. The vibration signal of the motor bearing obtained by the sensor can reflect the fault characteristics [6,7,8]. Different fault types will produce different frequencies, amplitudes and corresponding vibrations in different parts of the apparatus [9]. The fault prediction based on motor bearing vibration data, which is applied to the monitoring of the sensing technology, can effectively avoid hazards such as bearing heating, thus saving maintenance costs [10].
Time series forecasting of motor bearing vibration is to determine the possibility of future failure by analyzing the historical data of its components. Conventional methods can be broadly classified into three main categories: classical time series forecasting and its optimization methods, forecasting methods based on sliding window and forecasting methods based on encoder–decoder structure.
Classical time series forecasting methods [11,12] achieve forecasting mainly through fixed time dependence and the single factor. The time series analysis method proposed by Box et al. [13] predicted the subsequence data series based on the known data series. Nikovski et al. [14] verified by experiments that classical time series forecasting methods have some advantages in the single factor short-term forecasting. Classical time series forecasting methods rely on linear relationships and do not include complex nonlinear dynamic models. This property makes the learning ability and expression ability of such methods inadequate and the forecasting results are poor in the face of complex and weak periodic motor bearing vibration data.
Time series forecasting methods of motor bearing vibration based on sliding window forecasting, such as CNN [15], RNN [16], LSTM [17] and other algorithms, were able to forecast nonlinear functions and dynamic dependency [18,19], which brought new results for complex time series forecasting containing multiple covariate inputs. Time series forecasting based on CNN and their improved models have been widely used. Shao et al. [20] used a light-weight 1D-CNN model combined with an auto-encoder structure and adopted a correlation alignment (CORAL) method to reduce domain offset. Luo et al. [21] used the conditional mutual information method to filter variables and the Pair-Copula model by incorporating the kernel density estimation method to address the limitation that the traditional Copula model can only handle two-dimensional variables and finally chose to combine with SVM and BP neural network to realize the data prediction. Carroll et al. [22] used artificial neural networks, SVM and logistic regression methods to demonstrate that the prediction of gearbox failures can be achieved using vibration data training models. Rahmoune et al. [23] applied the residual neural network model to a gas turbine system to predict the vibration frequency of the bearing through the vibration frequency data obtained by the sensor at the bearing. As a model specializing in forecasting series applied to time series forecasting, RNN has its advantages. Senjyu et al. [24] used RNNs, obtaining the input and output data of the network by differential calculations, to better predict the power variation of wind turbine bearings. Liu et al. [25] used RNN in the form of auto-encoders to diagnose bearing faults and forecast the rolling bearing data from the previous cycle to the next cycle through a GRU-based nonlinear predictive denoising auto-encoder (GRU-NP-DAE). Che et al. [26] proposed a fault prediction model based on the RNN variant model, Gate recurrent unit (GRU) and hybrid auto-encoder fault prediction model, which introduced the original signals into a multi-layer gate recurrent unit model to achieve time series forecasting and then achieved fault detection by the variational auto-encoders and stacked denoising auto-encoders. The effectiveness of this method was verified by the bearing dataset of Case Western Reserve University. The LSTM model solved the long-term dependence problem of general RNN models and further improved the time series forecasting. Ma et al. [27] proposed a model based on optimizing maximum correlation kurtosis deconvolution (MCKD) and LSTM network for time series forecasting of motor bearing vibration to realize early bearing fault warnings. Liu et al. [28] proposed a multilayer long short-term memory-isolation forest model (MLSTM-iForest) to predict the bearing temperature in the future and then input the calculated deviation index of the predicted bearing temperature into iForest to realize bearing fault early warning. ElSaid et al. [29] proposed to improve the LSTM cell structure using the ant colony optimization algorithm (ACO) for forecasting engine data and the new model presented an improvement of 1.35%. Fu et al. [30] used CNN to extract features and then used LSTM for gearbox bearing forecasting to achieve bearing high speed-side monitoring and super high temperature warning. Based on the sliding window forecasting methods, there was an error accumulation problem in time series forecasting. If these models were then used in combination with other methods, the training time would become longer, so timely forecasting of motor bearing vibration could not be achieved. Some of the above methods are suitable for small datasets and the forecasting results are not satisfactory for big data.
Time series forecasting methods of motor bearing vibration based on encoder–decoder structure, such as the Transformer model [31], used the attention mechanism to improve model training speed, which was suitable for parallelized calculation and higher than RNN in accuracy and performance. The unique output mechanism of the Transformer model can largely reduce the error accumulation during forecasting. Tang et al. [32] used discrete wavelet transform (DWT) and continuous wavelet transform (CWT) to convert vibration signals into a time-frequency representation (TFR) map and performed preliminary prediction analysis of TFR map by multiple individual ViT models [33] which had better results compared with integrated CNN and individual ViT. Zhang et al. [34] proposed a self-attention-based perception and prediction framework based on Transformer, called DeepHealth. Xu et al. [35] proposed a prediction model (HNCPM) that combines encoder, GRU regression module and decoder, through which the prediction of vibration data is realized. This model deploys an enhanced attention mechanism to capture global dependency from vibrational signals to forecast future signals and predict facility health. However, the training time of time series forecasting methods of motor bearing vibration based on encoder–decoder structure was long; what is more, these above research methods used a single dataset, which could not well illustrate the robustness of the proposed methods.
Based on the above problems and analysis, in this paper, the Informer model [36] is innovatively introduced into the prediction of motor bearing vibration and a time series forecasting method of motor bearing vibration based on random search [37] to optimize the Informer model is proposed. In this paper, we mainly focus on solving the problems of error accumulation, time and space complexity, optimization of model parameters and singleness of the dataset. Three publicly available datasets are selected and divided to form ten new datasets to compare the robustness of different models. The structure of Informer is improved for time series forecasting of motor bearing vibration and the parameters of Informer are optimized by random search. The main contributions of this paper are summarized as follows: (1) Informer is innovatively introduced into time series forecasting of motor bearing vibration. (2) For time series forecasting of motor bearing vibration, Informer is optimized and random search is used to optimize the model parameters to improve the model prediction effect.
The rest of this paper is organized as follows. Section 2 describes CNN, Deep RNNs, LSTM and Transformer and illustrates the problems of applying the above four models to time series forecasting of motor bearing vibration. Section 3 introduces Informer and its model optimization. Section 4 presents three publicly available datasets, compares the forecasting results of Informer with the other four models, illustrates the experimental results and conducts analyses. Section 5 presents the conclusion.
2. Conventional Methods Applied to Time Series Forecasting of Motor Bearing Vibration
This section introduces four models (CNN, Deep RNNs, LSTM and Transformer) applied to time series forecasting of motor bearing vibration and analyzes their limitations.
2.1. Convolutional Neural Networks (CNN)
The nonlinear mapping through the activation function solves the problems that classical time series prediction methods cannot incorporate exogenous variables and they rely on linear relationships. The motor bearing vibration data contains positive and negative values and the values fluctuate around 0. According to the characteristics of this motor bearing vibration data, this paper selects the tanh function as the activation function of CNN, which maps the input values to the range . The equation is as follows:
(1) |
There are some common activation functions: The softmax function is as follows:
(2) |
where C is the length of the input sequence and is the i-th element in the input sequence.
The ELU function is as follows:
(3) |
where a is a positive decimal close to 0.
2.2. Deep Recurrent Neural Networks (Deep RNNs)
Deep RNNs [38,39] as a model specially dealing with series, in view of the long sequence and big data characteristics of motor bearing vibration data, this paper selects an input window of 100 to verify the long sequence forecasting effect of this model. According to the motor bearing vibration data characteristics described in Section 2.1, the tanh function (Equation (1)) is selected as the activation function of Deep RNNs. The input data of the cell at the i-th layer and t-th time come from two directions, one is the output from the ()-th layer and its equation is as follows:
(4) |
The other comes from the i-th layer and -th time memory data and its equation is as follows:
(5) |
The equation of the output of the cell is as follows:
(6) |
2.3. Long Short-Term Memory (LSTM)
Generally, the frequency of collecting motor bearing vibration data is relatively large and some values of the adjacent data collected in a very short period of time are very small, resulting in data redundancy in the process of learning. LSTM selects and discards part of the information through the forget gate and determines how much historical information enters, i.e., filters extremely similar adjacent motor bearing vibration data while preserving the trend of the original motor bearing vibration data. The forget gate will read and and output a value between 0 and 1 to each number in the cell state . The equation is as follows:
(7) |
where is the output of the previous cell; is the input of the current cell; is the tanh function (Equation (1)). Update the old cell state with the following equation:
(8) |
(9) |
The result is output through the output gate and the equation is as follows:
(10) |
(11) |
2.4. Transformer
Motor bearings are extremely delicate components in machines; for various reasons, only a small fraction of them can reach their design life [40,41]. Therefore, it is important to perform long-term vibration detection of motor bearings as well as to record recent abnormal vibrations. Transformer model based on Multi-head self-attention has the ability to simultaneously model long-term and short-term time series features, which is applicable to long-term motor bearing vibration data while learning short-term vibration features. This paper selects an input window of 100 to verify the Transformer’s ability to model time series data. The equation of the multi-head self-attention mechanism is as follows:
(12) |
where and are the parameters that can be learned. The attention method is as follows:
(13) |
where the softmax function is shown in Equation (2). K is the key matrix, Q is the query matrix and V is the value matrix. The equation of layer normalization is as follows:
(14) |
In order to ensure that the decoder cannot see those inputs after the current moment, Transformer uses an attention mechanism with a mask to ensure consistent behavior during training and forecasting. To solve the problem that the relative position of the input is disrupted, Transformer adds the position encoding of the input information to the input information at the Positional Encoding layer before sending the input into the self-attention layer. The specific calculation equation is as follows:
(15) |
(16) |
where is the position of the current word in the whole input sequence. i is the dimension of the current calculated value (maximum is d). d is the dimension of the input sequence. L is the length of the sequence.
2.5. Insufficiency of Conventional Methods Applied to Time Series Forecasting of Motor Bearing Vibration
2.5.1. Insufficiency of Sliding Window Forecasting
There are some defects in the forecasting method of motor bearing vibration time series based on sliding window mechanism model [42]. The commonly used sliding window leads to spatial and temporal deviations in the feature map or the feature sequence. This deviation leads to ambiguity and offset in the feature sequence. The commonly used sliding window is applied to the motor vibration data with long sequence and big data characteristics, which will cause the error to accumulate continuously, the sliding window mechanism, as shown in Figure 1. Real bearing vibration data [43] is chosen for illustration, as shown in Figure 2.
Meanwhile, time series forecasting methods based on CNN, Deep RNNs and LSTM of motor bearing vibration also have their own insufficiency. The time series forecasting method based on CNN captures short-term local dependency; thus, its forecasting effect depends on the degree of correlation of the short-term data. Normal bearing vibrations have a certain periodicity in the short term, but this model could not forecast abnormal vibrations without regularity. Although the Deep RNNs can enhance its expression ability, this model is calculationally intensive and the training process is time-consuming and is unable to give timely forecasting results when facing new data, i.e., it cannot give ideal forecasting results for future abnormal vibrations. In addition, as the scale and depth of the Deep RNN model increase, learning will become more difficult. Therefore, when faced with motor bearing vibration data with big data characteristics, building a matching Deep RNN is still a problem that needs to be solved. LSTM also has the problem of calculational time consumption and the disadvantage of parallel processing. LSTM is not able to give reasonable prediction results because of the poor correlation between the abnormal vibration data and the previous data.
2.5.2. Insufficiency of Transformer
Position encoding is an important part of Transformer, which is divided into absolute position encoding and relative position encoding. Currently, relative position encoding operates on the attention matrix before softmax, which has a theoretical drawback [44,45]. The attention matrix with relative location information is a probability matrix with each row summed equal to 1. For Transformer, self-attention implements the interaction between tokens and the same input indicates that each is the same. According to the description in Section 2.3, some values of the motor bearing vibration data collected in a very short period of time differed very little. That is, the output results for each location of the model are always the same or extremely similar data due to the accuracy problem resulting in the same output results.
(17) |
where is the output value; is the softmax value (shown in Equation (2)); causes the sum of each row of the attention matrix to be 1; is the value.
Transformer also has the defects of large amount of calculation and long training time. Compared with CNN and RNN, Transformer has a weaker ability to acquire local information.
3. Informer Applied to Time Series Forecasting of Motor Bearing Vibration
This section introduces Informer applied to time series forecasting of motor bearing vibration, describes the insufficiency of using Informer directly and optimizes Informer. Informer structure, as shown in Figure 3.
3.1. Informer Introduction
Informer adds positional encoding to the data input to ensure that the model can capture the correct order of the input sequence. The location encoding is divided into Local Time Stamp and Global Time Stamp. The equation of the Local Time Stamp is shown in Equations (15) and (16).
After the encoding steps, the input data into the encoder layer can be obtained, as shown below:
(18) |
where is the original data sequence, ; L is the length of the data sequence; t is the number of series; is a factor to balance the size between the mapping vector and the position encoding and is taken as 1 in the case that the input sequence has been standardized.
Informer introduces ProbSparse self-attention, which first calculates the KL divergence of the i-th query and the uniformly distributed query to obtain the difference degree and then calculates the sparsity score. The formula for calculating KL divergence is as follows:
(19) |
where p(|) is the probability distribution of the attention query for all keys; q(|)= is the uniform distribution; d is the dimension of the input sequence after mapping; is the sequence length; k(, ) is the intermediate value of the i-th query and the j-th key when performing the softmax (Equation (2)) calculation. The sparsity score metric of the i-th query is as follows:
(20) |
Based on the above metrics, each key focuses on only u dominant queries, namely ProbSparse self-attention:
(21) |
where is a sparse matrix with the same shape as Q, which contains only the first u queries under the sparsity measure , which has the following properties of the upper and lower bounds:
(22) |
where replaces in the original equation to obtain the approximation result of M, shown as follows:
(23) |
Informer introduces the self-attention distilling, as shown in Figure 4, which adds convolution, activation and maximum pooling operations between each encoder and decoder layer to reduce the length of the input sequence of the previous layer by half, thus solving the problem of occupying too much memory when the input sequence is long. The equation is as follows:
(24) |
where is the output of the multi-headed ProbSparse self-attention layer in this layer; is the calculation result of the multi-headed ProbSparse self-attention layer in the previous layer; ELU (Equation (3)) is used as the activation function.
Informer model uses batch generation forecasting to directly output multi-step forecasting results, thus improving the speed of long series forecasting. The equation is as follows:
(25) |
where is the placeholder (predicted value); is the start token; is the length of the sequence of start tokens; is the length of the predicted sequence; is the model dimension.
3.2. Informer Optimization
Informer forms sparse attention through query and key in ProbSparse self-attention to reduce the computational complexity of motor vibration feature learning. In Equation (23), , so that the total time complexity and space complexity are . In self-attention distilling, the input of the cascade layer is halved to deal with the super-long input sequence and alleviate the accumulative error problem of the classical neural network model. Zhou et al. [36] predicted results of long-series based on ETT, ECL and ELU activation function to be , which did not meet the requirements of time series forecasting of motor bearing vibration results. This paper optimizes the Informer model based on the vibration data of motor bearings. Time series forecasting methods of motor bearing vibration based on Informer, as shown in Figure 5.
The motor bearing vibration data contain positive and negative values and the values fluctuate around 0. According to the GELU activation function image and its corresponding derivative image, it can be seen that, compared with the ELU activation function, the GELU activation function is more consistent with the motor bearing vibration data characteristics. Therefore, GELU is chosen as the activation function of Informer in this paper. The GELU activation function image and its corresponding derivative image is shown in Figure 6. The equation of the GELU activation function is as follows:
(26) |
The three datasets used in this paper have high sampling frequency. For this feature, the time feature code was selected as hour, which can realize the training and prediction of the model for long-sequence data. The verification prediction length has 500 sample points and the results showed that the model was able to process and forecast the data series with long series and big data characteristics. After several tests, Informer converged at epoch 10 for all three datasets. According to the characteristics of motor bearing vibration data, the conventional method cannot complete the model training quickly when facing the newly generated data. Therefore, under the premise of ensuring the accuracy of prediction, this paper reduces the model size and the model calculation running time and selects two encoder layers and one decoder layer.
In this paper, the hyper parameter of Informer was optimized for time series forecasting of motor bearing vibration data. Usually the ultimate goal of the learning algorithm is to find a function that satisfies the minimum loss function and the so-called learning of the algorithm is the learning of the hyper parameter. In this paper, random search was used to optimize the hyper parameter to determine a better model [34,46,47,48]. The hyper parameter is as follows:
(27) |
(28) |
(29) |
(30) |
where is the hyper parametric response function. is the experimental set.
(31) |
(32) |
where denotes the performance of the validation set; denotes the performance of the testing set.
The equation of the estimated variance of the mean is as follows:
(33) |
(34) |
When multiple parameter values are close to optimal and do not differ significantly, they are determined by weighting the best probability in their particular . In [34], it was proposed that is a finite sample of ; thus, the testing set score of the best model in is a random number Z which is modeled by a Gaussian mixture model with (the mean of S) and (the variance of S). The weights are:
(35) |
The mean and standard error of Z in the optimal model are:
(36) |
(37) |
By the above method, the hypothesis validation score is continuously extracted from the normal distribution, its testing score is calculated, the optimal estimate value is selected and the optimal parameters are determined. In the face of time series forecasting of motor bearing vibration, the best forecasting result is obtained when the batch size is 16 and the learning rate is 0.0001 in Informer. When the learning rate is too large, the model will oscillate near the optimal solution, and when it is too small, the model will converge too slowly. The choice of dropout is related to whether the model excessively considers the data correlation and noise data. In order to prevent the model from being over-fitted which leads to the reduction of the model robustness, the best result is obtained when dropout is selected as 0.02 after the test. The parameters of Informer used in this paper are shown in Table 1.
Table 1.
Batch Size | 16 | Epochs | 10 |
Activation Function | GELU | Learning Rate | 0.0001 |
Encoder Input Size | 7 | Decoder Input Size | 7 |
Encoder Layer | 2 | Decoder Layer | 1 |
Time Feature Encoding | hour | Dropout | 0.02 |
Loss Function | mse | Forecasting Length | 500 |
4. Experiments and Results
4.1. Dataset Introduction
4.1.1. Case Western Reserve University Bearing Dataset
This paper uses a publicly available bearing dataset from the Bearing Data Center at Case Western Reserve University (CWRU) in the United States [49]. The experimental rig used to acquire this dataset consisted of a 2 hp motor, a torque transducer/encoder, a dynamometer and control electronics. An accelerometer was placed above the bearing seat of the motor drive side and the fan side and a 16-channel DAT recorder was used to collect vibration signals. Speed and horsepower data were collected using the torque transducer/encoder and were recorded by hand. The bearing specification data used on the drive side and fan side are shown in Table 2.
Table 2.
Bearing Position | Bearing Type | Inner Race Diameter (mm) | Outer Race Diameter (mm) | Thickness (mm) | Rolling Element Diameter (mm) | Pitch Diameter (mm) | Sampling Frequency |
---|---|---|---|---|---|---|---|
Drive Side | 6205-2RS JEM SKF Deep Groove Ball Bearings | 25 | 52 | 15 | 7.94 | 39.04 | 12 kHz 48 kHz |
Fan Side | 6203-2RS JEM SKF Deep Groove Ball Bearings | 17 | 40 | 12 | 6.7462 | 28.4988 | 12 kHz |
4.1.2. University of Cincinnati IMS Bearing Dataset
This dataset [43] is the life cycle data of bearings and there is a vertical and horizontal accelerometer on the housing of each bearing. There are three datasets, each containing the vibration data of four bearings. The bearing specifications used in this paper are shown in Table 3. The data information is shown in Table 4.
Table 3.
Bearing Type | Static Load (lbs) | Contact Angle | Number of Scrolling Bodies per Row | Rolling Element Diameter (mm) | Pitch Diameter (mm) |
---|---|---|---|---|---|
Rexnord ZA-2115 | 6000 | 15.17 | 16 | 8.4 | 71.5 |
Table 4.
Number of Signal Channels | Bearing 1 | Bearing 2 | Bearing 3 | Bearing 4 | Sampling Frequency | Abnormal |
---|---|---|---|---|---|---|
8 | Channel 1 and Channel 2 | Channel 3 and Channel 4 | Channel 5 and Channel 6 | Channel 7 and Channel 8 | Once every 10 m (the first 43 files collected every 5 m) | Damaged inner race of bearing 3 and damaged rolling elements of bearing 4 |
4 | Channel 1 | Channel 2 | Channel 3 | Channel 4 | Once every 10 m | Damaged outer race of bearing 1 |
4 | Channel 1 | Channel 2 | Channel 3 | Channel 4 | Once every 10 m | Damaged outer race of bearing 3 |
4.1.3. v43hmbwxpm Dataset
The data come from Taihua University and the experiments were performed on the SpectraQuest Mechanical Failure Simulator (MFS-PK5M) and the data consisted of vibration signals collected from bearings with different health conditions under time-varying rotational speed conditions [50]. Data were acquired by an NI data acquisition board (NI USB-6212 BNC) for a total of 36 datasets. For each dataset, there were two experimental setups: bearing health condition and variable speed condition. The bearing health conditions included (i) healthy, (ii) inner race damage, (iii) outer race damage, (iv) rolling element damage and (v) a combination of inner race damage, outer race damage and rolling element damage. The operating speed conditions were (i) increasing speed, (ii) decreasing speed, (iii) increasing then decreasing speed and (iv) decreasing then increasing speed. Thus, there were 20 different cases for the setup. The bearing parameters are shown in Table 5. Some of the bearing failure information is shown in Table 6.
Table 5.
Bearing Type | Pitch Diameter (mm) | Ball Diameter (mm) | Number of Balls | BPFI () | BPFO () | Sampling Frequency |
---|---|---|---|---|---|---|
ER16K | 38.52 | 7.94 | 9 | 5.43 | 3.57 | 200 kHz |
Table 6.
Bearing Condition | Increasing Speed | Decreasing Speed | ||
---|---|---|---|---|
Damaged inner race | I-I | I-I-1 | I-D | I-D-1 |
I-I-2 | I-D-2 | |||
I-I-3 | I-D-3 | |||
Damaged outer race | O-I | O-I-1 | O-D | O-D-1 |
O-I-2 | O-D-2 | |||
O-I-3 | O-D-3 | |||
Damaged rolling element | R-I | R-I-1 | R-D | R-D-1 |
R-I-2 | R-D-2 | |||
R-I-3 | R-D-3 |
4.2. Dataset Selection and Division
Select 20,000 sample points from the DE side and FE side of the CWRU dataset, respectively, to form a new dataset, the CWRU_DF dataset. In IMS data, 20,000 sample points were selected respectively from channels 5 and 7 of the datasets, sets 1–8, to form the new dataset set 1; select the 1st to 20,000th sample points and 100,001st to 200,000th sample points from channel 1 of the sets 2–4 to form the new dataset set 2; select the 1st to 20,000th sample points and 30,001st to 50,000th sample points from channel 3 of the sets 3 and 4 dataset to form a new dataset set 3. In the v43hmbwxpm data, 20,000 sample points were selected, respectively, from I-I-1 and I-I-2 of the I-I dataset to form a new dataset; other new datasets were formed in the same way. The selection of the datasets, as shown in Figure 7. The above ten datasets were divided into the training set, the validation set and the testing set in the ratio of 7:1:2, respectively.
4.3. Experiment and Analysis
Because the epoch times of the five models used in the experiments of this paper varies widely, other convergence properties such as the speed of loss convergence of the five models trained under the dataset are not compared.
Each network model in this paper is implemented based on Python 3.9. The operating system is a 64-bit Windows operating system with 16.00 GB of RAM and a 12th Gen Intel(R) Core(TM) i7-12700KF 3.60 GHz processor.
4.3.1. Time Series Forecasting of Motor Bearing Vibration Based on Case Western Reserve University Bearing Dataset
CWRU data were selected to test the time series forecasting effects of CNN, Deep RNNs, LSTM, Transformer and Informer on data on the DE side and FE side. The data from different ends were tested to enhance the experimental results to be more accurate and convincing.
After the training and forecasting of the above five models, the MAE, MSE and RMSE of the above models were calculated. It was concluded that the Informer model has the best forecasting performance compared with other models, with MAE lower by , , and , respectively; with MSE lower by , , and , respectively; with RMSE lower by , , and , respectively, which is shown in Table 7. The forecasting diagrams are shown in Figure 8. It can be seen from the forecasting diagrams that the five models can forecast the next 500 sample points well on the DE and FE sides, but CNN and Deep RNNs were worse and LSTM was better in forecasting extreme values. The Informer not only fitted the trend of the data correctly, but also forecast the extreme values correctly to the maximum extent, with less offset than other models and fitted the original data best among five models.
Table 7.
4.3.2. Time Series Forecasting of Motor Bearing Vibration Based on University of Cincinnati IMS Bearing Dataset
The IMS data were selected to test the time series forecasting effect of the five models when different structures fail. Further comprehensive experiments were conducted by testing the data at the outer race of the bearing, the inner race of the bearing and the rolling element of the bearing to illustrate the forecasting ability of each model at different structures. The forecasting results of the five models used in this paper are worse under the IMS-based dataset compared to the CWRU-based dataset. The reason was that the IMS dataset has a large oscillation in the process of collecting data, which makes the collected data fluctuate more in amplitude and frequency. This problem will be the next research goal.
After training and forecasting of CNN, Deep RNNs, LSTM, Transformer and Informer, the MAE, MSE and RMSE of the above models were calculated. Compared with other models, the Informer had the best prediction performance, with MAE lower by , , and for set 1, respectively; with MSE lower by , , and , respectively; with RMSE lower by , , and , respectively, as shown in Table 8. The forecasting diagrams are shown in Figure 9. CNN and LSTM had the worst forecasting results with the damaged inner race of bearing 3 and the damaged rolling element of bearing 4 and they could not forecast the trend and extreme values well. It was able to forecast most of the extreme values with the damaged rolling element of bearing 4.
Table 8.
The MAE, MSE and RMSE of the Informer were slightly worse than those of CNN for set 2, with a difference of for MAE, for MSE and for RMSE. The MAE was , and lower than the other models, respectively. The RMSE was , and lower than the other models. The calculation results of MAE, MSE and RMSE for set 3 were the best in terms of forecasting performance compared with other models. The results are shown in Table 8. By comparing the forecasting results of the five models in Figure 10 and Figure 11, it can be seen that Deep RNNs, LSTM and Transformer do not have good forecasting results in the case of damaged outer race of bearing 1 and outer race of bearing 3. The results of the Informer comparing MAE, MSE and RMSE under set 2 were not as good as those of CNN. However, it can be seen from Figure 10 that CNN did not forecast the trend and extreme values well in the first testing set of set 2, although it was improved in the second testing set, but based on these two testing sets, Informer performed better, not only forecasting the trend of the data series better but also forecasting some of the extreme values. It can be seen from Figure 10 and Figure 11 that the five models can forecast the basic trend of the data series, but the forecasting of the extreme values is poor.
4.3.3. Time Series Forecasting of Motor Bearing Vibration Based on v43hmbwxpm Dataset
In this paper, the v43hmbwxpm data are selected in order to investigate the time series forecasting capability of the five models under six different conditions. These data contain data collected from the inner race, outer race and rolling element of the bearing in the accelerated condition and data collected from the inner race, outer race and rolling element of the bearing in the decelerated condition. These data were selected to complement the time series forecasting based on multiple conditions for different structures. The robustness of each model was further compared by training and testing the data to provide a strong experimental illustration for the findings of this paper.
After the training and forecasting of CNN, Deep RNNs, LSTM, Transformer and Informer, the MAE, MSE and RMSE of the above models were calculated. For datasets of inner race damage (I-I), outer race damage (O-I) and rolling element damage (B-I) under accelerated conditions, compared with other models, the Informer achieved the best forecasting results, as shown in Table 9. The forecasting diagrams are shown in Figure 12 and Figure 13. The forecasting diagrams show that Transformer has poor forecasting results, while CNN, Deep RNNs and LSTM are able to forecast the data transformation trends and some of the extreme values, but their forecasting results had a certain offset. Compared with the other models, Informer had the best forecasting results, which can not only forecast the trend of data series transformation and extreme values better, but also has less offset. The forecasting diagrams of the dataset (B-I) with damaged rolling element forecast under the accelerated condition are shown in Figure 14. CNN, Deep RNNs and LSTM are able to forecast the trend of data series, but they are not better than Transformer, which is not specifically designed for the time series forecasting. Informer was closest to the real data in terms of trend and also forecast most of the extreme values with minimal offset.
Table 9.
The prediction results for the inner race damage dataset (I-D) under decelerated conditions and the outer race damage (O-D) dataset under decelerated conditions showed that Informer achieved the best forecasting results compared to the other models, which is shown in Table 10. The forecasting diagrams are shown in Figure 15 and Figure 16. It can be seen from Figure 15 that the Transformer model has a better forecasting effect of the data series trend, but there is an overall upward shift. CNN, Deep RNNs and LSTM are found to have poorer forecasting results for the trend and extreme values of the data series, compared with Informer which has a better fit with the real data.
Table 10.
The MAE, MSE and RMSE of Informer based on the rolling element damage (B-D) dataset under decelerated conditions were slightly worse than those of CNN and Transformer; the difference of MAE is and , respectively; the difference of MSE is and , respectively; and the difference of RMSE is and , respectively. Compared with Deep RNNs and LSTM, the MAE of the forecasting results are lower by and , respectively; the MSE lower by and , respectively; and the RMSE lower by and , respectively, as shown in Table 10. The forecasting diagrams are shown in Figure 17, from which it can be seen that Deep RNNs and LSTM have offsets in the data sequence forecasting and some extreme values are not well forecasted. Compared with CNN and Transformer, Informer has a small difference in the forecasting of the change trend of the data series and the offset of its own forecasting results is small. The offset of individual extreme value forecasting is relatively large, so the calculation results of MAE, MSE and RMSE are not as good as these two models.
5. Conclusions
The motor is the core equipment of the power station and time series forecasting of motor bearing vibration is a crucial step in bearing fault diagnosis, bearing remaining service life prediction, etc. Therefore, we specialize in research on time series forecasting of motor bearing vibration. In this paper, Informer is innovatively introduced into time series forecasting of motor bearing vibration and the model structure is optimized and the parameters of Informer are optimized by applying random search. The datasets CWRU, IMS and v43hmbwxpm were used for time series forecasting of motor bearing vibration and the experimental results were analyzed. The analysis showed that, compared to the existing work, Informer is able to forecast the future time series quickly and accurately when facing inner race damage, outer race damage and rolling element damage. Superior results can still be obtained for damage under accelerated or decelerated conditions, with better forecasting results for data-series trends and extreme values of data. It had excellent performance in evaluation indexes such as MAE, MSE and RMSE and the forecasting results. The forecasting of conventional models is prone to certain offset, while the forecasting results of the method proposed in this paper were more closely matched to the real data and this method reduced the error accumulation in forecasting and improved the model forecasting performance. It can be used for sensing technology monitoring.
In the future, we will conduct study and research concerning time series forecasting methods. Deeper research on data with oscillation, fluctuation amplitude and fluctuation frequency will be carried out and the impact of this problem on the forecasting operation will be solved. Self-testing data will be added in future experiments to further improve the persuasiveness of the model. Bearing fault diagnosis or bearing remaining useful life prediction will be taken as the next directions of research.
Author Contributions
Conceptualiation, Z.Y. and L.L.; methodology, L.L.; software, L.L.; validation, L.L.; resources, L.L.; data curation, L.L.; writing—original draft preparation, L.L.; writing—review and editing, Z.Y., L.L., N.L. and J.T.; supervision, Z.Y., L.L. and N.L.; funding acquisition, Z.Y. All authors have read and agreed to the published version of the manuscript.
Institutional Review Board Statement
“Not applicable” for studies not involving humans or animals.
Informed Consent Statement
“Not applicable” for studies not involving humans.
Data Availability Statement
‘The Case Western Reserve University Bearing Dataset’ at https://engineering.case.edu/bearingdatacenter/welcome (accessed on 15 May 2022). ‘The University of Cincinnati IMS Bearing Dataset’ at http://ti.arc.nasa.gov/projects/data_prognostics (accessed on 15 May 2022). ‘The v43hmbwxpm Dataset’ at https://data.mendeley.com/datasets/v43hmbwxpm/1 (accessed on 15 May 2022).
Conflicts of Interest
The authors declare no conflict of interest.
Funding Statement
This work was supported in part by National Natural Science Foundation of China (52177193); Key Research and Development Program of Shaanxi Province (2022GY-182); China Scholarship Council (CSC) State Scholarship Fund International Clean Energy Talent Project (Grant No. [2018]5046,[2019]157).
Footnotes
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.
References
- 1.Nandi S., Toliyat H.A., Li X. Condition monitoring and fault diagnosis of electrical motors—A review. IEEE Trans. Energy Convers. 2005;20:719–729. doi: 10.1109/TEC.2005.847955. [DOI] [Google Scholar]
- 2.Márton L., van der Linden F. Temperature dependent friction estimation: Application to lubricant health monitoring. Mechatronics. 2012;22:1078–1084. doi: 10.1016/j.mechatronics.2012.09.003. [DOI] [Google Scholar]
- 3.Tandon N., Choudhury A. A review of vibration and acoustic measurement methods for the detection of defects in rolling element bearings. Tribol. Int. 1999;32:469–480. doi: 10.1016/S0301-679X(99)00077-8. [DOI] [Google Scholar]
- 4.Smith W.A., Randall R.B. Rolling element bearing diagnostics using the Case Western Reserve University data: A benchmark study. Mech. Syst. Signal Process. 2015;64:100–131. doi: 10.1016/j.ymssp.2015.04.021. [DOI] [Google Scholar]
- 5.Boudiaf A., Moussaoui A., Dahane A., Atoui I. A comparative study of various methods of bearing faults diagnosis using the case Western Reserve University data. J. Fail. Anal. Prev. 2016;16:271–284. doi: 10.1007/s11668-016-0080-7. [DOI] [Google Scholar]
- 6.Shi Y., Zhou J., Huang J., Xu Y., Liu B. A Vibration Fault Identification Framework for Shafting Systems of Hydropower Units: Nonlinear Modeling, Signal Processing, and Holographic Identification. Sensors. 2022;22:4266. doi: 10.3390/s22114266. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 7.Xu B., Luo X., Egusquiza M., Ye W., Liu J., Egusquiza E., Guo P. Nonlinear modal interaction analysis and vibration characteristics of a francis hydro-turbine generator unit. Renew. Energy. 2021;168:854–864. doi: 10.1016/j.renene.2020.12.083. [DOI] [Google Scholar]
- 8.Sun W., Guo Z. Mathematical modeling and nonlinear vibration analysis of a coupled hydro-generator shaft-foundation system. Commun. Nonlinear Sci. Numer. Simul. 2021;98:105776. doi: 10.1016/j.cnsns.2021.105776. [DOI] [Google Scholar]
- 9.Lv Z., Han S., Peng L., Yang L., Cao Y. Weak Fault Feature Extraction of Rolling Bearings Based on Adaptive Variational Modal Decomposition and Multiscale Fuzzy Entropy. Sensors. 2022;22:4504. doi: 10.3390/s22124504. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 10.Yan J., Kan J., Luo H. Rolling Bearing Fault Diagnosis Based on Markov Transition Field and Residual Network. Sensors. 2022;22:3936. doi: 10.3390/s22103936. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 11.Hyndman R.J., Khandakar Y. Automatic time series forecasting: The forecast package for R. J. Stat. Softw. 2008;27:1–22. doi: 10.18637/jss.v027.i03. [DOI] [Google Scholar]
- 12.Pena D., Tiao G.C., Tsay R.S. A Course in Time Series Analysis. John Wiley & Sons; Hoboken, NJ, USA: 2011. [Google Scholar]
- 13.Box G.E., Jenkins G.M., Reinsel G.C., Ljung G.M. Time Series Analysis: Forecasting and Control. John Wiley & Sons; Hoboken, NJ, USA: 2015. [Google Scholar]
- 14.Nikovski D., Nishiuma N., Goto Y., Kumazawa H. Univariate short-term prediction of road travel times; Proceedings of the 2005 IEEE Intelligent Transportation Systems; Vienna, Austria. 13–16 September 2005. [Google Scholar]
- 15.LeCun Y., Bottou L., Bengio Y., Haffner P. Gradient-based learning applied to document recognition. Proc. IEEE. 1998;86:2278–2324. doi: 10.1109/5.726791. [DOI] [Google Scholar]
- 16.Medsker L.R., Jain L.C. Recurrent neural networks. Des. Appl. 2001;5:64–67. [Google Scholar]
- 17.Hochreiter S., Schmidhuber J. Long short-term memory. Neural Comput. 1997;9:1735–1780. doi: 10.1162/neco.1997.9.8.1735. [DOI] [PubMed] [Google Scholar]
- 18.Chen J.L., Islam S., Biswas P. Nonlinear dynamics of hourly ozone concentrations: Nonparametric short term prediction. Atmos. Environ. 1998;32:1839–1848. doi: 10.1016/S1352-2310(97)00399-3. [DOI] [Google Scholar]
- 19.Cheng F., Qu L., Qiao W. Fault prognosis and remaining useful life prediction of wind turbine gearboxes using current signal analysis. IEEE Trans. Sustain. Energy. 2017;9:157–167. doi: 10.1109/TSTE.2017.2719626. [DOI] [Google Scholar]
- 20.Shao X., Kim C.S. Unsupervised Domain Adaptive 1D-CNN for Fault Diagnosis of Bearing. Sensors. 2022;22:4156. doi: 10.3390/s22114156. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 21.Luo Z., Liu C., Liu S. A novel fault prediction method of wind turbine gearbox based on pair-copula construction and BP neural network. IEEE Access. 2020;8:91924–91939. doi: 10.1109/ACCESS.2020.2994077. [DOI] [Google Scholar]
- 22.Carroll J., Koukoura S., McDonald A., Charalambous A., Weiss S., McArthur S. Wind turbine gearbox failure and remaining useful life prediction using machine learning techniques. Wind Energy. 2019;22:360–375. doi: 10.1002/we.2290. [DOI] [Google Scholar]
- 23.Rahmoune M.B., Hafaifa A., Guemana M. Neural network monitoring system used for the frequency vibration prediction in gas turbine; Proceedings of the 2015 3rd International Conference on Control, Engineering & Information Technology (CEIT); Tlemcen, Algeria. 25–27 May 2015. [Google Scholar]
- 24.Senjyu T., Yona A., Urasaki N., Funabashi T. Application of recurrent neural network to long-term-ahead generating power forecasting for wind power generator; Proceedings of the 2006 IEEE PES Power Systems Conference and Exposition; Atlanta, GA, USA. 29 October–1 November 2006. [Google Scholar]
- 25.Liu H., Zhou J., Zheng Y., Jiang W., Zhang Y. Fault diagnosis of rolling bearings with recurrent neural network-based autoencoders. ISA Trans. 2018;77:167–178. doi: 10.1016/j.isatra.2018.04.005. [DOI] [PubMed] [Google Scholar]
- 26.Che C., Wang H., Fu Q., Ni X. Intelligent fault prediction of rolling bearing based on gate recurrent unit and hybrid autoencoder. Proc. Inst. Mech. Eng. Part C J. Mech. Eng. Sci. 2021;235:1106–1114. doi: 10.1177/0954406220941037. [DOI] [Google Scholar]
- 27.Ma L., Jiang H., Ma T., Zhang X., Shen Y., Xia L. Fault Prediction of Rolling Element Bearings Using the Optimized MCKD–LSTM Model. Machines. 2022;10:342. doi: 10.3390/machines10050342. [DOI] [Google Scholar]
- 28.Liu L., Song D., Geng Z., Zheng Z. A real-time fault early warning method for a high-speed emu axle box bearing. Sensors. 2020;20:823. doi: 10.3390/s20030823. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 29.ElSaid A., El Jamiy F., Higgins J., Wild B., Desell T. Optimizing long short-term memory recurrent neural networks using ant colony optimization to predict turbine engine vibration. Appl. Soft Comput. 2018;73:969–991. doi: 10.1016/j.asoc.2018.09.013. [DOI] [Google Scholar]
- 30.Fu J., Chu J., Guo P., Chen Z. Condition monitoring of wind turbine gearbox bearing based on deep learning model. IEEE Access. 2019;7:57078–57087. doi: 10.1109/ACCESS.2019.2912621. [DOI] [Google Scholar]
- 31.Vaswani A., Shazeer N., Parmar N., Uszkoreit J., Jones L., Gomez A.N., Polosukhin I. Attention is all you need; Proceedings of the 31st Conference on Neural Information Processing Systems (NIPS 2017); Long Beach, CA, USA. 4–9 December 2017; [Google Scholar]
- 32.Tang X., Xu Z., Wang Z. A Novel Fault Diagnosis Method of Rolling Bearing Based on Integrated Vision Transformer Model. Sensors. 2022;22:3878. doi: 10.3390/s22103878. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 33.Dosovitskiy A., Beyer L., Kolesnikov A., Weissenborn D., Zhai X., Unterthiner T., Houlsby N. An image is worth 16x16 words: Transformers for image recognition at scale. arXiv. 20202010.11929 [Google Scholar]
- 34.Zhang W., Yang D., Xu Y., Huang X., Zhang J., Gidlund M. DeepHealth: A self-attention based method for instant intelligent predictive maintenance in industrial Internet of Things. IEEE Trans. Ind. Inform. 2020;17:5461–5473. doi: 10.1109/TII.2020.3029551. [DOI] [Google Scholar]
- 35.Xu J., Qian L., Chen W., Ding X. Hard Negative Samples Contrastive Learning for Remaining Useful-Life Prediction of Bearings. Lubricants. 2022;102:102. doi: 10.3390/lubricants10050102. [DOI] [Google Scholar]
- 36.Zhou H., Zhang S., Peng J., Zhang S., Li J., Xiong H., Zhang W. Informer: Beyond efficient transformer for long sequence time-series forecasting. Proc. Aaai Conf. Artif. Intell. 2021;35:11106–11115. [Google Scholar]
- 37.Bergstra J., Bengio Y. Random search for hyper-parameter optimization. J. Mach. Learn. Res. 2012;13:281–305. [Google Scholar]
- 38.Graves A., Mohamed A.R., Hinton G. Speech recognition with deep recurrent neural networks; Proceedings of the 2013 IEEE International Conference on Acoustics, Speech and Signal Processing; Vancouver, BC, Canada. 26–31 May 2013. [Google Scholar]
- 39.Pascanu R., Gulcehre C., Cho K., Bengio Y. How to construct deep recurrent neural networks. arXiv. 20131312.6026 [Google Scholar]
- 40.Shalev D.M., Tiran J. Condition-based fault tree analysis (CBFTA): A new method for improved fault tree analysis (FTA), reliability and safety calculations. Reliab. Eng. Syst. Saf. 2007;92:1231–1241. doi: 10.1016/j.ress.2006.05.015. [DOI] [Google Scholar]
- 41.Lancaster J.K. Dry bearings: A survey of materials and factors affecting their performance. Tribology. 1973;6:219–251. doi: 10.1016/0041-2678(73)90172-3. [DOI] [Google Scholar]
- 42.Alsallakh B., Kokhlikyan N., Miglani V., Yuan J., Reblitz-Richardson O. Mind the Pad–CNNs can Develop Blind Spots. arXiv. 20202010.02178 [Google Scholar]
- 43.Lee J., Qiu H., Yu G., Lin J. Bearing Data Set. IMS, University of Cincinnati; Cincinnati, OH, USA: NASA Ames Prognostics Data Repository, NASA Ames; Moffett Field, CA, USA: 2015. [(accessed on 15 May 2022)]. Available online: http://ti.arc.nasa.gov/projects/data_prognostics. [Google Scholar]
- 44.Luo S., Li S., Zheng S., Liu T.Y., Wang L., He D. Your Transformer May Not be as Powerful as You Expect. arXiv. 20222205.13401 [Google Scholar]
- 45.Shaw P., Uszkoreit J., Vaswani A. Self-attention with relative position representations. arXiv. 20181803.02155 [Google Scholar]
- 46.Yu T., Zhu H. Hyper-parameter optimization: A review of algorithms and applications. arXiv. 20202003.05689 [Google Scholar]
- 47.Yang L., Shami A. On hyperparameter optimization of machine learning algorithms: Theory and practice. Neurocomputing. 2020;415:295–316. doi: 10.1016/j.neucom.2020.07.061. [DOI] [Google Scholar]
- 48.Andonie R. Hyperparameter optimization in learning systems. J. Membr. Comput. 2019;1:279–291. doi: 10.1007/s41965-019-00023-0. [DOI] [Google Scholar]
- 49.Loparo K.A. The Case Western Reserve University. Bearing Data Center. 2018. [(accessed on 15 May 2022)]. Available online: https://engineering.case.edu/bearingdatacenter/welcome.
- 50.Huang H., Baddour N. Bearing vibration data collected under time-varying rotational speed conditions. [(accessed on 15 May 2022)];Data Brief. 2018 21:1745–1749. doi: 10.1016/j.dib.2018.11.019. Available online: https://data.mendeley.com/datasets/v43hmbwxpm/1. [DOI] [PMC free article] [PubMed] [Google Scholar]
Associated Data
This section collects any data citations, data availability statements, or supplementary materials included in this article.
Data Availability Statement
‘The Case Western Reserve University Bearing Dataset’ at https://engineering.case.edu/bearingdatacenter/welcome (accessed on 15 May 2022). ‘The University of Cincinnati IMS Bearing Dataset’ at http://ti.arc.nasa.gov/projects/data_prognostics (accessed on 15 May 2022). ‘The v43hmbwxpm Dataset’ at https://data.mendeley.com/datasets/v43hmbwxpm/1 (accessed on 15 May 2022).