Home A two-stage framework for predicting the remaining useful life of bearings
Article Open Access

A two-stage framework for predicting the remaining useful life of bearings

  • Xianbiao Zhan , Zixuan Liu , Hao Yan , Zhenghao Wu , Chiming Guo and Xisheng Jia EMAIL logo
Published/Copyright: April 10, 2024

Abstract

The traditional prediction of remaining useful life (RUL) for bearings cannot be calculated in parallel and requires manual feature extraction and artificial label construction. Therefore, this article proposes a two-stage framework for predicting the RUL of bearings. In the first stage, an unsupervised approach using a temporal convolutional network (TCN) is employed to construct a health indicator (HI). This helps reduce human interference and the reliance on expert knowledge. In the second stage, a prediction framework based on a convolutional neural network (CNN)–transformer is developed to address the limitations of traditional neural networks, specifically their inability to perform parallel calculations and their low prediction accuracy. The life prediction framework primarily maps the complete life data of bearings onto the HI vector. Based on the HI constructed through TCN, the known HI is input into the CNN–transformer network, which sequentially predicts the remaining unknown HI. Finally, the effectiveness and superiority of the proposed method are verified using two bearing datasets, providing validation of its capabilities.

1 Introduction

Bearings are used in various industrial fields and are an important component of mechanical equipment. Often works under complex and harsh environmental conditions. Often, before the replacement time is reached, bearings have already been malfunctioned and damaged, causing equipment downtime and, in severe cases, personal injury or death. So predicting the remaining useful life (RUL) of bearings can help improve the safe and reliable operation of bearings [1].

The existing RUL prediction methods are mainly divided into three parts: data collection, construction of health indicators (HIs), and life prediction [2]. A good HI can intuitively and accurately reflect the degradation status of mechanical equipment and contribute to subsequent life prediction [3]. The common HI construction methods mainly extract the time-domain, frequency-domain, or time–frequency domain features of the original signal as HI, or fuse the extracted multi-dimensional features to construct HI. For example, Malhi et al. [4] used the continuous wavelet transform to extract root mean square (RMS) and peak values from the original signal as HI to predict the remaining life of bearings. Widodo et al. [5] constructed HI by dimensionality reduction of multidimensional time-domain features using the principal component analysis (PCA) technique. The above HI construction method can better reflect the degradation law of bearings. However, the HI constructed using the above method requires manual feature extraction, which can easily introduce human error. In recent years, the rise of deep learning has provided effective technical means for data mining. By training neural network models, hidden features within the original data can be effectively extracted, and the mapping relationship between features and lifespan can be well established. Wu et al. [6] proposed a multi-scale convolutional neural network (CNN) method to construct HI and compared it with other existing HI construction methods. It was found that the method proposed in this article can better characterize the degradation state of bearings. Zhang et al. [7] proposed an HI construction method based on a deep multilayer perceptron (MLP) CNN model to address the need for manual feature extraction in traditional HI construction methods. The effectiveness and reliability of the proposed method were verified on different datasets of bearings. Although using traditional deep learning techniques to construct HI for life prediction has achieved good results, it overcomes the drawbacks of manually extracting features. However, the above methods require manual labeling of training data, which is time-consuming and laborious, and cannot effectively reflect the degradation trend of mechanical equipment. Therefore, it is necessary to conduct research on unsupervised HI construction methods.

The current RUL methods are mainly divided into physical model-based and data-driven model-based prediction methods. The prediction method based on physical models requires expert experience and is difficult to establish accurate models for complex devices [8,9]. Therefore, existing prediction methods mainly adopt data-driven methods. The data-driven prediction method does not require the establishment of a bearing failure model, so its applicability is wider. Wang et al. [10] combined deep convolutional autoencoder (DCAE) and self-organizing map methods to construct HI and then used a CNN to predict the degradation trend of bearings. Zhou et al. [11] proposed a set of Gaussian mixture models and Kullback Leibler divergence methods to construct HI for the difficulty in obtaining life prediction labels. An improved gated recurrent unit (GRU) network is used to predict the lifespan of bearings. The existing deep learning-based bearing prediction methods mainly utilize recurrent neural network (RNN) and improved RNN (long short term memory [LSTM] and GRU) methods for RUL prediction [12]. However, RNN and improved methods are unable to perform parallel calculations and have drawbacks such as long-term dependence, resulting in low prediction accuracy. Therefore, existing scholars have proposed transformer models for lifespan prediction in response to the problems existing in RNN and its variants. The transformer model has achieved good prediction accuracy in natural language processing, financial time series prediction, and traffic flow prediction. Zhang et al. [13] used the transformer model to predict RUL for hydraulic systems, bearings, and gearboxes. Jiang et al. [14] proposed a dual-channel transformer prediction model to address the shortcomings of small receptive fields and long-term dependence in current mainstream deep learning frameworks. Compared with existing bearing prediction methods, it was found that the proposed method has superiority in bearing RUL prediction.

Although the above deep learning models have achieved good prediction results in HI construction and RUL prediction, there are still the following problems:

  1. In HI construction and RUL prediction, there is still a need for manual feature extraction. It is necessary to manually label the training data, which may have human errors and be time-consuming and laborious;

  2. The traditional RNN and its variants have defects such as the inability to perform parallel computation and long-term dependence, resulting in low prediction accuracy. Moreover, a single deep learning model may find it difficult to extract deep temporal features effectively when dealing with large datasets.

To address the aforementioned issues, this article presents an integrated network model designed to enhance the accuracy of RUL prediction for bearings. The model primarily utilizes a temporal convolutional network (TCN) for unsupervised HI construction, coupled with a CNN–transformer architecture for bearing life prediction.

The contributions and innovations of this article are summarized as follows:

  1. It proposes an integrated network model for predicting RUL, which overcomes the limitations of traditional manual feature extraction and subjective labeling processes.

  2. It combines CNN with the transformer architecture for life prediction, enhancing the accuracy of bearing RUL prediction. While existing transformer models are mainly applied in image classification, studies on life prediction are scarce.

  3. The proposed method has been verified on multiple datasets. Initially, the approach was validated on the PHM2012 dataset and compared with other existing methods, establishing its superior performance. To further explore the degradation pattern of bearings, a complete lifecycle dataset of 957 h was collected in the laboratory to study the degradation trend of bearings.

The CNN–transformer prediction model proposed in this article primarily utilizes CNN to extract local features from the input sequences, which are then fed into the transformer model for global modeling and long-term relationship patterning. In the convolutional layers, the adjustment of kernel size and stride within the convolutional filters enables the capture of local sequence features. In the transformer model, the self-attention mechanism allows for capturing global dependencies between sequences. Therefore, the prediction method proposed in this article can effectively improve the accuracy of RUL predictions.

2 Theoretical analysis

2.1 Unsupervised HI construction method based on TCN

TCN was first proposed by Lea et al. in 2016 [15] and has been widely used in time series [16]. Due to its dilated causal convolution, TCN has a large receptive field and can effectively ensure that information is not “leaked.” So TCN is more suitable for processing long sequence data than regular CNN. Compared with traditional deep temporal networks such as RNN and LSTM, TCN is more effective due to its dilated causal convolution and the use of residual connections between various network layers. Therefore, it can effectively extract sequence features and avoid the occurrence of gradient vanishing or explosion phenomena. The dilated causal convolution structure is shown in Figure 1(a), and the residual block is shown in Figure 1(b).

Figure 1 
                  TCN network structure: (a) structures of causal and dilated convolutions; (b) residual block.
Figure 1

TCN network structure: (a) structures of causal and dilated convolutions; (b) residual block.

TCN is mainly composed of dilation causal convolution, residual module, and a one-dimensional full convolutional network. Expansive causal convolution is a one-dimensional sequence with input x R n and a convolution kernel f : { 0 , , k 1 } R . The expansion convolution operation is applied to the element s in the sequence, which is defined as follows:

(1) F ( s ) = ( x f d ) ( s ) = i = 0 k 1 f ( i ) x s d i ,

where d is the expansion factor. d will increase exponentially with the depth of the network layer i , ensuring that the receptive field expands while covering all valid inputs of the input time series. k is the size of the convolutional kernel.

The residual block replaces the simple links between layers in traditional network structures, making the network stable even at deep depths and improving the generalization ability of the network model. The expression for the residual block is

(2) o = Activation ( x + F ( x ) ) .

The one-dimensional fully convolutional network module ensures that the input and output time of each layer are the same, so that each time step’s input has a corresponding output.

TCN has good temporal processing ability, which can effectively extract degraded features and largely avoid gradient vanishing and exploding behaviors. Therefore, TCN is selected to extract the deep temporal features of each degraded sequence as HI.

The original vibration signal of the bearing is input into the TCN network through a fast Fourier transform (FFT).

Figure 2 is the network structure diagram of the TCN autoencoder (TCNAE), which uses three residual blocks and one fully connected layer during the encoding process. The decoding process uses one residual block and an MLP network structure. The error backpropagation process was optimized using the Adam optimizer.

Figure 2 
                  Construction of HIs in the TCN network.
Figure 2

Construction of HIs in the TCN network.

Therefore, the steps for constructing HI are as follows:

Step 1: Collect the original vibration signal and extract frequency domain features using the FFT transform. The frequency domain feature of the signal at the i moment represented by X i is X i = ( x i 1 , x i 2 , , x i n ) , where n is the number of features of each sample at each time. The compiled dataset is ( X 1 , X 2 , , X m ) T , where m represents the number of samples.

Step 2: Using the TCNAE network structure, perform deep feature extraction on the obtained frequency domain signal data and extract deep features with good representation ability and robustness as HI.

2.2 Prediction model

2.2.1 CNN model

The CNN model was proposed by Le and Bottou in 1998 [17]. CNN is composed of multiple convolutional, pooling, and fully connected layers [18]. Each convolutional layer contains multiple convolutional kernels, which are calculated as shown in Eq. (3). CNN mainly uses convolutional and pooling layers to extract features and reduce feature dimensions. The convolutional layer formula is as follows:

(3) l t = tanh ( x t × k t + b t ) ,

where l t and x t are the output and input vectors, k t and b t are the weights and biases of the convolutional kernel, and tanh is the activation function.

2.2.2 Transformer model

Transformer is a deep learning architecture that relies on attention mechanism [19], which solves the problem of traditional RNN not being able to perform parallel computation and accelerates the training speed of the network. Compared to CNN and other networks, they can handle longer sequence data and adopt a self-attention mechanism model to capture relationships at different positions in the sequence. The network structure of the transformer is shown in Figure 3. The transformer mainly adopts an encoder–decoder architecture, which is composed of a stack of M-layer networks with the same structure. Each layer includes two sub-layers: multi-head attention layer and full link layer. Use residual linking and normalization in each sub-layer to improve performance. A decoder is similar to an encoder, except that it contains two multi-head self-attention layers.

Figure 3 
                     The structure of transformer memory cell.
Figure 3

The structure of transformer memory cell.

2.2.3 HI evaluation indicators

This article selects monotonicity, correlation, and robustness as the evaluation indicators for HI, which are used to quantitatively evaluate the performance of an HI. To this end, the polynomial fitting method is first used to decompose HI into smooth trends and random errors [20]:

(4) H ( t n ) = H T ( t n ) + H R ( t n ) ,

where H ( t n ) represents the value of HI at time t n , H T ( t n ) represents its smoothing trend, and H R ( t n ) represents random error.

2.2.3.1 Monotonicity (Mon)

The monotonicity index is used to evaluate the trend of changes in an HI, including monotonic upward and downward trends. The formula is as follows [20]:

(5) Mon ( HI ) = d H T ( t n ) > 0 m 1 d H T ( t n ) < 0 m 1 ,

where Mon ( HI ) is the monotonicity of HI; d H T ( t n ) is the derivative of H T ( t n ) , and m is the vector length of HI.

2.2.3.2 Correlation (Corr)

The linear correlation between HI and the corresponding time is measured through correlation, and the calculation formula is [20]

(6) Corr ( HI , T ) = n = 1 N ( H ( t n ) H ¯ ) ( t n T ¯ ) n = 1 N ( H ( t n ) H ¯ ) 2 n = 1 N ( t n T ¯ ) 2 ,

where Corr ( HI , T ) represents the correlation between HI and time, H ¯ = 1 / N n = 1 N H ( t n ) , and T ¯ = 1 / N n = 1 N t n .

2.2.3.3 Robustness (Rob)

Robustness is the evaluation of HI’s tolerance for outliers, calculated using the following formula [20]:

(7) Rob ( HI ) = 1 N n = 1 N exp H R ( t n ) H ( t n ) ,

where Rob ( HI ) represents the robustness of HI.

In order to evaluate the overall performance of HI, a comprehensive indicator ( CI ) containing all three indicators is defined as follows [20,21]:

(8) CI = 0.3 × Corr + 0.4 × Mon + 0.3 × Rob .

2.2.4 Life prediction evaluation indicators

This article uses mean absolute error (MAE) and root mean square error (RMSE) as evaluation indicators for prediction performance, with the following formula [21]:

(9) MAE = 1 m i = 1 m y i y i ,

(10) RMSE = 1 m i = 1 m ( y i y i ) 2 ,

where m is the length of the experimental data, y i represents a vector composed of m actual labels, and y i represents a vector composed of m predicted labels.

2.2.5 Prediction model structure

The traditional RUL prediction model requires manual feature extraction, manual labeling of training data, and low prediction accuracy. This article proposes a new HI construction and RUL prediction framework. This framework mainly consists of two parts: first, the original vibration signal of the bearing is input into the TCNAE model through FFT transformation for deep feature extraction to obtain HI. Then, the HI is divided into training and testing sets and input into the CNN–transformer network for life prediction. This method not only overcomes the drawbacks of traditional manual feature extraction but also does not require manual labeling of training data. Combining the advantages of CNN and transformer, it can effectively improve the prediction accuracy of bearing remaining life. The overall flowchart of the method proposed in this article is shown in Figure 4, and the specific steps are as follows:

Figure 4 
                     Prediction flowchart.
Figure 4

Prediction flowchart.

Step 1: Data acquisition and processing. Perform FFT transformation and data normalization on the original data.

Step 2: HI Build. Input the FFT-transformed data into the TCNAE model for deep feature extraction to obtain HI.

Step 3: Life prediction. Divide the constructed HI into a training set and a testing set. Input the training set data into the CNN–transformer network for training. Then, input the test set data into the trained prediction model and output the prediction results.

3 Instance verification

3.1 Case 1

In order to verify the effectiveness of the method proposed in this article, the research team conducted accelerated degradation experiments on the bearing model LYC6220E in the PHM Key Laboratory. This experiment collected a total of 957 h of full-life data. The acquisition equipment selected is the DH5981 acquisition system manufactured by Donghua Company, and the sensor model is CT1005LC. The sampling frequency is 20 kHz, collected every 15 min for 12 s each time. The specific sensor layout and data acquisition system are shown in Figure 5.

Figure 5 
                  Bearing status monitoring experimental platform.
Figure 5

Bearing status monitoring experimental platform.

The original vibration signals are acquired, and the original vibration signals are first transformed by FFT to transform the time-domain signals into frequency-domain signals. Then, input the frequency-domain signal into the TCNAE network. TCNAE mainly consists of two parts: encoding and decoding. The encoding part mainly consists of three residual blocks with 128, 64, and 32 neurons and a fully connected layer with 16 neurons, where the dilation factors of the residual module are 1, 2, and 4, respectively. The decoder part is composed of a residual module with a number of neurons of 128 and an MLP network structure, where the dilation factor of the residual block is 1. The network is trained using Adam optimizer with an initial learning rate of 0.001, batch size of 128, training epoch of 200, activation function of ReLu, loss function of mean squared error (MSE), and dropout of 0.25. The convolutional kernel size of residual blocks in TCN is all 5. In order to further eliminate the fluctuation caused by noise and obtain more intuitive health information about the device, locally weighted scatterplot smoothing (LOESS) [22] is used to smooth the HIs. LOESS can not only eliminate noise but also obtain smoother degradation characteristics of bearings in order to better grasp the current and future degradation situation of bearings. The HIs constructed using TCNAE and the results of the smoothing process are shown in Figure 6.

Figure 6 
                  Health indicators constructed by TCNAE.
Figure 6

Health indicators constructed by TCNAE.

This paper conducted a comparative analysis with other methods to further verify the effectiveness of the method proposed herein. This article compares stacked sparse autoencoder (SSAE), convolutional autoencoder (CAE), and direct extraction of multi-domain features using PCA dimensionality reduction to construct HI methods. In order to better see the comparison results, the evaluation indicators are limited to the range of [0, 1]. The comparison results are shown in Table 1.

Table 1

Evaluation indicators for different HIs

Method Mon Corr Rob CI
TCNAE-HI 0.646 0.931 0.927 0.816
SSAE-HI 0.499 0.910 0.715 0.687
CAE-HI 0.668 0.906 0.764 0.768
PCA-HI 0.359 0.752 0.841 0.622

It can be concluded from the comparison results in Table 1 that the PCA-HI method is the least effective. This is because the direct fusion of multi-domain features is likely to fuse some inapplicable features together, which rather reduces the performance of HI. While the SSAE-HI and CAE-HI methods outperform the proposed method on individual indicators, their overall indicator ( CI ) is lower than the proposed method. Therefore, the HI construction method proposed in this article can better characterize the degradation trend of bearings and improve the accuracy of life prediction.

Using the HI construction method proposed in this article for life prediction, the HI is divided into a training set and a testing set at 7:3. First, input the training set into the CNN–transformer network for training. The basic parameters of the CNN–transformer network are as follows: batch size of 46, basic learning rate of 0.001, weight attenuation coefficient of 0.0001, loss function selection of MSE function, forward propagation dimension of encoder and decoder of 512, head count of multi-head attention mechanism of encoder and decoder of 4, and training batch of 200. The training results are shown in Figure 7, and the prediction results are localized and enlarged in order to better see the prediction curves of the proposed method in this article.

Figure 7 
                  Prediction results of the proposed method in this article.
Figure 7

Prediction results of the proposed method in this article.

To verify the effectiveness of the method proposed in this article, RMSE and MAE were selected for quantitative analysis. We compared bidirectional long short term memory (BiLSTM), support vector regression (SVR), and transformer methods, and the predicted results are shown in Table 2.

Table 2

Comparison results of different life-prediction methods

Method MAE RMSE
CNN–Transformer 0.021 0.129
BiLSTM 0.037 0.134
SVR 0.102 0.337
Transformer 0.059 0.298

From Table 2, it can be concluded that the method proposed in this article has better predictive performance and is superior to other methods. The prediction performance of a single transformer network is poor, possibly due to the inability to extract local features well and only the ability to extract global features. Therefore, utilizing the respective advantages of CNN and transformer can effectively extract local and global features and improve the accuracy of life prediction.

3.2 Case 2

The experimental data used in this article come from the IEEE 2012 PHM Data Challenge. As shown in Figure 8, select an acceleration sensor with a sampling frequency of 25.6 kHz for data collection. Each sample contains 2,560 points, recorded every 10 s. This article selects bear1-3 bearings under operating conditions of 1,800 rpm and 4,000 N load as examples for experimental analysis. Since bearings 1–3 have collected abundant experimental data with a longer full lifecycle, it is thus chosen to take bearings 1–3 as examples for experimental analysis, which is conducive to examining the predictive performance of the method proposed in this paper [23].

Figure 8 
                  The PRONOSTIA platform.
Figure 8

The PRONOSTIA platform.

The network parameter method used in this experiment is the same as in case 1. First, collect the original vibration signal, perform FFT transformation on the original vibration signal, and transform the time-domain signal into a frequency-domain signal. Figure 9 shows the time-domain signal and the frequency-domain signal after FFT transformation at the beginning of the experiment at 0.1 s. Then, input the frequency domain signal into the TCNAE network. The HIs and smoothing results constructed using TCNAE are shown in Figure 10.

Figure 9 
                  Time- (a) and frequency-domain (b) signals of the bearing at the beginning of the 1 s.
Figure 9

Time- (a) and frequency-domain (b) signals of the bearing at the beginning of the 1 s.

Figure 10 
                  Health indicators constructed by TCNAE.
Figure 10

Health indicators constructed by TCNAE.

In order to better validate the effectiveness of the method proposed in this article, we compared the DCAE method in reference [24] with the regularized sparse autoencoder (SAEwR) method in reference [25]. The comparison results are shown in Table 3.

Table 3

Evaluation indicators for different HIs

Method Mon Corr Rob CI
TCNAE-HI 0.546 0.931 0.971 0.789
DCAE-HI [24] 0.350 0.970 # #
SAEwR-HI [25] 0.283 0.994 0.927 0.690

From the comparison results in Table 3, it can be concluded that the correlation between the HI method constructed in references [14,19] is higher than that of the method proposed in this article. However, its performance indicators of monotonicity and robustness are both lower than the method proposed in this article, and its comprehensive indicator ( CI ) is lower than the method proposed in this article. Therefore, the HI construction method proposed in this article can better characterize the degradation trend of bearings and improve the accuracy of life prediction.

Based on the construction of HI in this article, life prediction is carried out, and HI is divided into a training set and a testing set in a 7:3 ratio. The training results are shown in Figure 11. From Figure 8, it can be seen that using the CNN–transformer network can achieve good prediction results. However, the prediction results were poor after 2,300 samples because the degradation trend in the early stage of HI construction was relatively gentle, and bearing failure occurred suddenly after 2,300 samples. The divided training set does not contain sudden failure data, so the predicted HI curve still slowly rises.

Figure 11 
                  Prediction results of the proposed method in this article.
Figure 11

Prediction results of the proposed method in this article.

In order to verify the effectiveness of the method proposed in this article, existing predictive methods were compared, such as the BiLSTM method proposed in reference [26] and the gated dual attention unit (GDAU) method proposed in reference [27]. The comparison results are shown in Table 4.

Table 4

Comparison results of different prediction methods

Method MAE RMSE
CNN–Transformer 0.0174 0.1091
BiLSTM [26] 0.0447 0.1207
GDAU [27] # 0.1870

From Table 4, it can be concluded that although references [26,27] can achieve good predictive performance indicators, the predictive evaluation indicators are both greater than the prediction methods proposed in this article. The possible reason is that the unsupervised TCNAE construction HI method used in this article has good results in monotonicity, correlation, and robustness, which is beneficial for improving the prediction accuracy of subsequent lifespans. Li et al. [26] used the kernel principal component analysis dimensionality reduction method to construct HI, while Qin et al. [27] directly used RMS as HI. Although the HI construction method mentioned in the above literature is simple, it cannot comprehensively reflect the degradation status of bearings. This article uses the first 70% of HI (1,663 sets of data) as the training set to predict the remaining 30% of HI values. Its training set is smaller than the 1,900 sets of data in the study by Li et al. [26], and on the contrary, it achieved good prediction results, verifying the superiority of the CNN–transformer network.

4 Conclusion

This article proposes a two-stage RUL prediction framework. The first stage is to use TCNAE for unsupervised HI construction. The second stage is to use the constructed HI to train the CNN–transformer model for life prediction. The proposed methods have been validated on both public and experimental datasets. The experimental results show that the unsupervised HI method proposed in this article breaks away from the prior knowledge of traditional HI, and its performance evaluation indicators such as monotonicity, correlation, and robustness are better than existing methods. The proposed CNN–transformer prediction method effectively improves the problems of low accuracy in traditional life prediction methods, and through comparison with existing methods, it is concluded that the method proposed in this article has superior performance in prediction. Therefore, the method proposed in this article has important engineering value and promotional value in RUL prediction.

  1. Funding information: This work is supported by the National Natural Science Foundation of China (grant no. 71871220) and the Hebei Province Key Research and Development Program Project (grant no. 22351702D). The support is gratefully acknowledged. The authors would also like to thank the reviewers for their valuable suggestions and comments.

  2. Author contributions: All authors have accepted responsibility for the entire content of this manuscript and approved its submission.

  3. Conflict of interest: The authors state no conflict of interest.

  4. Data availability statement: The data that support the findings of this study are available from the corresponding author upon reasonable request.

References

[1] Euldji R, Bouamhdi M, Rebhi R, Bachene M, Ikumapayi OM, Al-Dujaili AQ, et al. Optimizing condition monitoring of ball bearings: An integrated approach using decision tree and extreme learning machine for effective decision-making. Open Phys. 2023;21(1):20220239.10.1515/phys-2022-0239Search in Google Scholar

[2] Lu B, Chen B, Wang D, Li C, Gao R, Liu Y, et al. A bidirectional recursive gated dual attention unit based RUL prediction approach. Eng Appl Artif Intell. 2023;120:105885.10.1016/j.engappai.2023.105885Search in Google Scholar

[3] Qin Y, Yang J, Zhou J, Pu H, Mao Y. A new supervised multi-head self-attention autoencoder for health indicator construction and similarity-based machinery RUL prediction. Adv Eng Inform. 2023;56:101973.10.1016/j.aei.2023.101973Search in Google Scholar

[4] Malhi A, Yan R, Gao RX. Prognosis of defect propagation based on recurrent neural networks. IEEE Trans Instrum Meas. 2011;60(3):703–11.10.1109/TIM.2010.2078296Search in Google Scholar

[5] Widodo A, Yang BS. Application of relevance vector machine and survival probability to machine degradation assessment. Expert Syst Appl. 2011;38(3):2592–9.10.1016/j.eswa.2010.08.049Search in Google Scholar

[6] Wu C, Feng F, Wu S, Jiang P, Wang J. A method for constructing rolling bearing lifetime health indicator based on multi-scale convolutional neural networks. J Braz Soc Mech Sci Eng. 2019;41(11):526.10.1007/s40430-019-2010-6Search in Google Scholar

[7] Zhang D, Stewart E, Ye J, Entezami M, Roberts C. Roller bearing degradation assessment based on a deep MLP convolution neural network considering outlier regions. IEEE Trans Instrum Meas. 2019;69(6):2996–3004.10.1109/TIM.2019.2929669Search in Google Scholar

[8] Lotfy K, El-Bary AA. Magneto-photo-thermo-microstretch semiconductor elastic medium due to photothermal transport process. Silicon. 2022;14:4809–21.10.1007/s12633-021-01205-1Search in Google Scholar

[9] Mahdy AMS, Lotfy K, El-Bary A, Sarhan HH. Effect of rotation and magnetic field on a numerical-refined heat conduction in a semiconductor medium during photo-excitation processes. Eur Phys J Plus. 2021;136:553.10.1140/epjp/s13360-021-01552-3Search in Google Scholar

[10] Wang C, Jiang W, Yang X, Zhang S. RUL prediction of rolling bearings based on a DCAE and CNN. Appl Sci. 2021;11(23):11516.Search in Google Scholar

[11] Zhou J, Qin Y, Chen D, Liu F, Qian Q. Remaining useful life prediction of bearings by a new reinforced memory GRU network. Adv Eng Inform. 2022;53:101682.Search in Google Scholar

[12] Que Z, Jin X, Xu Z. Remaining useful life prediction for bearings based on a gated recurrent unit. IEEE Trans Instrum Meas. 2021;70:1–11.10.1109/TIM.2021.3054025Search in Google Scholar

[13] Zhang Z, Farnsworth M, Song B, Tiwari D, Tiwari A. Deep transfer learning with self-attention for industry sensor fusion tasks. IEEE Sens J. 2022;22(15):15235–47.10.1109/JSEN.2022.3186505Search in Google Scholar

[14] Jiang L, Zhang T, Lei W, Zhuang K, Li Y. A new convolutional dual-channel Transformer network with time window concatenation for remaining useful life prediction of rolling bearings. Adv Eng Inform. 2023;56:101966.10.1016/j.aei.2023.101966Search in Google Scholar

[15] Lea C, Vidal R, Reiter A, Hager GD. Temporal convolutional networks: A unified approach to action segmentation//Computer Vision–ECCV 2016 Workshops: Amsterdam, The Netherlands, October 8–10 and 15–16, 2016. Proceedings, Part III 14. Springer International Publishing; 2016. p. 47–54.10.1007/978-3-319-49409-8_7Search in Google Scholar

[16] Qiu H, Niu Y, Shang J, Gao L, Xu D. A piecewise method for bearing remaining useful life estimation using temporal convolutional networks. J Manuf Syst. 2023;68:227–41.10.1016/j.jmsy.2023.04.002Search in Google Scholar

[17] Le CY, Bottou L. Gradient-based learning applied to document recognition. Proc IEEE. 1998;86(11):2278–324.10.1109/5.726791Search in Google Scholar

[18] Zhou Y, Wang Z, Zuo X, Zhao H. Identification of wear mechanisms of main bearings of marine diesel engine using recurrence plot based on CNN model. Wear. 2023;520:204656.10.1016/j.wear.2023.204656Search in Google Scholar

[19] Wen Y, Xu P, Li Z, Xu W, Wang X. RPConvformer: A novel Transformer-based deep neural networks for traffic flow prediction. Expert Syst Appl. 2023;218:119587.10.1016/j.eswa.2023.119587Search in Google Scholar

[20] Chen D, Qin Y, Wang Y, Zhou J. Health indicator construction by quadratic function-based deep convolutional auto-encoder and its application into bearing RUL prediction. ISA Trans. 2021;114:44–56.10.1016/j.isatra.2020.12.052Search in Google Scholar PubMed

[21] Zhan X, Liu Z, Yan H, Wu Z, Guo C, Jia X. A novel method of health indicator construction and remaining useful life prediction based on deep learning. Eksploat Niezawodn – Maint Reliab. 2023;25(4):171374. 10.17531/ein/171374.Search in Google Scholar

[22] Javed K, Gouriveau R, Zerhouni N, Nectoux P. Enabling health monitoring approach based on vibration data for accurate prognostics. IEEE Trans Ind Electron. 2014;62(1):647–56.10.1109/TIE.2014.2327917Search in Google Scholar

[23] Zhou J, Qin Y, Chen D, Liu F, Qian Q. Remaining useful life prediction of bearings by a new reinforced memory GRU network. Adv Eng Inform. 2022;53:101682.10.1016/j.aei.2022.101682Search in Google Scholar

[24] Wang C, Jiang W, Yang X, Zhang S. RUL prediction of rolling bearings based on a DCAE and CNN. Appl Sci. 2021;11(23):11516.10.3390/app112311516Search in Google Scholar

[25] She D, Jia M, Pecht MG. Sparse auto-encoder with regularization method for health indicator construction and remaining useful life prediction of rolling bearing. Meas Sci Technol. 2020;31(10):105005.10.1088/1361-6501/ab8c0fSearch in Google Scholar

[26] Li ZE, Zhang XY, Hu W, Xin LR. Evaluation and prediction of high-speed shaft bearings in wind turbines based on health index. Acta Energ Sol Sin. 2021;42(10):290–7.Search in Google Scholar

[27] Qin Y, Chen D, Xiang S, Zhu C. Gated dual attention unit neural networks for remaining useful life prediction of rolling bearings. IEEE Trans Ind Inform. 2020;17(9):6438–47.10.1109/TII.2020.2999442Search in Google Scholar

Received: 2023-11-07
Revised: 2024-01-02
Accepted: 2024-01-09
Published Online: 2024-04-10

© 2024 the author(s), published by De Gruyter

This work is licensed under the Creative Commons Attribution 4.0 International License.

Articles in the same Issue

  1. Regular Articles
  2. Numerical study of flow and heat transfer in the channel of panel-type radiator with semi-detached inclined trapezoidal wing vortex generators
  3. Homogeneous–heterogeneous reactions in the colloidal investigation of Casson fluid
  4. High-speed mid-infrared Mach–Zehnder electro-optical modulators in lithium niobate thin film on sapphire
  5. Numerical analysis of dengue transmission model using Caputo–Fabrizio fractional derivative
  6. Mononuclear nanofluids undergoing convective heating across a stretching sheet and undergoing MHD flow in three dimensions: Potential industrial applications
  7. Heat transfer characteristics of cobalt ferrite nanoparticles scattered in sodium alginate-based non-Newtonian nanofluid over a stretching/shrinking horizontal plane surface
  8. The electrically conducting water-based nanofluid flow containing titanium and aluminum alloys over a rotating disk surface with nonlinear thermal radiation: A numerical analysis
  9. Growth, characterization, and anti-bacterial activity of l-methionine supplemented with sulphamic acid single crystals
  10. A numerical analysis of the blood-based Casson hybrid nanofluid flow past a convectively heated surface embedded in a porous medium
  11. Optoelectronic–thermomagnetic effect of a microelongated non-local rotating semiconductor heated by pulsed laser with varying thermal conductivity
  12. Thermal proficiency of magnetized and radiative cross-ternary hybrid nanofluid flow induced by a vertical cylinder
  13. Enhanced heat transfer and fluid motion in 3D nanofluid with anisotropic slip and magnetic field
  14. Numerical analysis of thermophoretic particle deposition on 3D Casson nanofluid: Artificial neural networks-based Levenberg–Marquardt algorithm
  15. Analyzing fuzzy fractional Degasperis–Procesi and Camassa–Holm equations with the Atangana–Baleanu operator
  16. Bayesian estimation of equipment reliability with normal-type life distribution based on multiple batch tests
  17. Chaotic control problem of BEC system based on Hartree–Fock mean field theory
  18. Optimized framework numerical solution for swirling hybrid nanofluid flow with silver/gold nanoparticles on a stretching cylinder with heat source/sink and reactive agents
  19. Stability analysis and numerical results for some schemes discretising 2D nonconstant coefficient advection–diffusion equations
  20. Convective flow of a magnetohydrodynamic second-grade fluid past a stretching surface with Cattaneo–Christov heat and mass flux model
  21. Analysis of the heat transfer enhancement in water-based micropolar hybrid nanofluid flow over a vertical flat surface
  22. Microscopic seepage simulation of gas and water in shale pores and slits based on VOF
  23. Model of conversion of flow from confined to unconfined aquifers with stochastic approach
  24. Study of fractional variable-order lymphatic filariasis infection model
  25. Soliton, quasi-soliton, and their interaction solutions of a nonlinear (2 + 1)-dimensional ZK–mZK–BBM equation for gravity waves
  26. Application of conserved quantities using the formal Lagrangian of a nonlinear integro partial differential equation through optimal system of one-dimensional subalgebras in physics and engineering
  27. Nonlinear fractional-order differential equations: New closed-form traveling-wave solutions
  28. Sixth-kind Chebyshev polynomials technique to numerically treat the dissipative viscoelastic fluid flow in the rheology of Cattaneo–Christov model
  29. Some transforms, Riemann–Liouville fractional operators, and applications of newly extended M–L (p, s, k) function
  30. Magnetohydrodynamic water-based hybrid nanofluid flow comprising diamond and copper nanoparticles on a stretching sheet with slips constraints
  31. Super-resolution reconstruction method of the optical synthetic aperture image using generative adversarial network
  32. A two-stage framework for predicting the remaining useful life of bearings
  33. Influence of variable fluid properties on mixed convective Darcy–Forchheimer flow relation over a surface with Soret and Dufour spectacle
  34. Inclined surface mixed convection flow of viscous fluid with porous medium and Soret effects
  35. Exact solutions to vorticity of the fractional nonuniform Poiseuille flows
  36. In silico modified UV spectrophotometric approaches to resolve overlapped spectra for quality control of rosuvastatin and teneligliptin formulation
  37. Numerical simulations for fractional Hirota–Satsuma coupled Korteweg–de Vries systems
  38. Substituent effect on the electronic and optical properties of newly designed pyrrole derivatives using density functional theory
  39. A comparative analysis of shielding effectiveness in glass and concrete containers
  40. Numerical analysis of the MHD Williamson nanofluid flow over a nonlinear stretching sheet through a Darcy porous medium: Modeling and simulation
  41. Analytical and numerical investigation for viscoelastic fluid with heat transfer analysis during rollover-web coating phenomena
  42. Influence of variable viscosity on existing sheet thickness in the calendering of non-isothermal viscoelastic materials
  43. Analysis of nonlinear fractional-order Fisher equation using two reliable techniques
  44. Comparison of plan quality and robustness using VMAT and IMRT for breast cancer
  45. Radiative nanofluid flow over a slender stretching Riga plate under the impact of exponential heat source/sink
  46. Numerical investigation of acoustic streaming vortices in cylindrical tube arrays
  47. Numerical study of blood-based MHD tangent hyperbolic hybrid nanofluid flow over a permeable stretching sheet with variable thermal conductivity and cross-diffusion
  48. Fractional view analytical analysis of generalized regularized long wave equation
  49. Dynamic simulation of non-Newtonian boundary layer flow: An enhanced exponential time integrator approach with spatially and temporally variable heat sources
  50. Inclined magnetized infinite shear rate viscosity of non-Newtonian tetra hybrid nanofluid in stenosed artery with non-uniform heat sink/source
  51. Estimation of monotone α-quantile of past lifetime function with application
  52. Numerical simulation for the slip impacts on the radiative nanofluid flow over a stretched surface with nonuniform heat generation and viscous dissipation
  53. Study of fractional telegraph equation via Shehu homotopy perturbation method
  54. An investigation into the impact of thermal radiation and chemical reactions on the flow through porous media of a Casson hybrid nanofluid including unstable mixed convection with stretched sheet in the presence of thermophoresis and Brownian motion
  55. Establishing breather and N-soliton solutions for conformable Klein–Gordon equation
  56. An electro-optic half subtractor from a silicon-based hybrid surface plasmon polariton waveguide
  57. CFD analysis of particle shape and Reynolds number on heat transfer characteristics of nanofluid in heated tube
  58. Abundant exact traveling wave solutions and modulation instability analysis to the generalized Hirota–Satsuma–Ito equation
  59. A short report on a probability-based interpretation of quantum mechanics
  60. Study on cavitation and pulsation characteristics of a novel rotor-radial groove hydrodynamic cavitation reactor
  61. Optimizing heat transport in a permeable cavity with an isothermal solid block: Influence of nanoparticles volume fraction and wall velocity ratio
  62. Linear instability of the vertical throughflow in a porous layer saturated by a power-law fluid with variable gravity effect
  63. Thermal analysis of generalized Cattaneo–Christov theories in Burgers nanofluid in the presence of thermo-diffusion effects and variable thermal conductivity
  64. A new benchmark for camouflaged object detection: RGB-D camouflaged object detection dataset
  65. Effect of electron temperature and concentration on production of hydroxyl radical and nitric oxide in atmospheric pressure low-temperature helium plasma jet: Swarm analysis and global model investigation
  66. Double diffusion convection of Maxwell–Cattaneo fluids in a vertical slot
  67. Thermal analysis of extended surfaces using deep neural networks
  68. Steady-state thermodynamic process in multilayered heterogeneous cylinder
  69. Multiresponse optimisation and process capability analysis of chemical vapour jet machining for the acrylonitrile butadiene styrene polymer: Unveiling the morphology
  70. Modeling monkeypox virus transmission: Stability analysis and comparison of analytical techniques
  71. Fourier spectral method for the fractional-in-space coupled Whitham–Broer–Kaup equations on unbounded domain
  72. The chaotic behavior and traveling wave solutions of the conformable extended Korteweg–de-Vries model
  73. Research on optimization of combustor liner structure based on arc-shaped slot hole
  74. Construction of M-shaped solitons for a modified regularized long-wave equation via Hirota's bilinear method
  75. Effectiveness of microwave ablation using two simultaneous antennas for liver malignancy treatment
  76. Discussion on optical solitons, sensitivity and qualitative analysis to a fractional model of ion sound and Langmuir waves with Atangana Baleanu derivatives
  77. Reliability of two-dimensional steady magnetized Jeffery fluid over shrinking sheet with chemical effect
  78. Generalized model of thermoelasticity associated with fractional time-derivative operators and its applications to non-simple elastic materials
  79. Migration of two rigid spheres translating within an infinite couple stress fluid under the impact of magnetic field
  80. A comparative investigation of neutron and gamma radiation interaction properties of zircaloy-2 and zircaloy-4 with consideration of mechanical properties
  81. New optical stochastic solutions for the Schrödinger equation with multiplicative Wiener process/random variable coefficients using two different methods
  82. Physical aspects of quantile residual lifetime sequence
  83. Synthesis, structure, IV characteristics, and optical properties of chromium oxide thin films for optoelectronic applications
  84. Smart mathematically filtered UV spectroscopic methods for quality assurance of rosuvastatin and valsartan from formulation
  85. A novel investigation into time-fractional multi-dimensional Navier–Stokes equations within Aboodh transform
  86. Homotopic dynamic solution of hydrodynamic nonlinear natural convection containing superhydrophobicity and isothermally heated parallel plate with hybrid nanoparticles
  87. A novel tetra hybrid bio-nanofluid model with stenosed artery
  88. Propagation of traveling wave solution of the strain wave equation in microcrystalline materials
  89. Innovative analysis to the time-fractional q-deformed tanh-Gordon equation via modified double Laplace transform method
  90. A new investigation of the extended Sakovich equation for abundant soliton solution in industrial engineering via two efficient techniques
  91. New soliton solutions of the conformable time fractional Drinfel'd–Sokolov–Wilson equation based on the complete discriminant system method
  92. Irradiation of hydrophilic acrylic intraocular lenses by a 365 nm UV lamp
  93. Inflation and the principle of equivalence
  94. The use of a supercontinuum light source for the characterization of passive fiber optic components
  95. Optical solitons to the fractional Kundu–Mukherjee–Naskar equation with time-dependent coefficients
  96. A promising photocathode for green hydrogen generation from sanitation water without external sacrificing agent: silver-silver oxide/poly(1H-pyrrole) dendritic nanocomposite seeded on poly-1H pyrrole film
  97. Photon balance in the fiber laser model
  98. Propagation of optical spatial solitons in nematic liquid crystals with quadruple power law of nonlinearity appears in fluid mechanics
  99. Theoretical investigation and sensitivity analysis of non-Newtonian fluid during roll coating process by response surface methodology
  100. Utilizing slip conditions on transport phenomena of heat energy with dust and tiny nanoparticles over a wedge
  101. Bismuthyl chloride/poly(m-toluidine) nanocomposite seeded on poly-1H pyrrole: Photocathode for green hydrogen generation
  102. Infrared thermography based fault diagnosis of diesel engines using convolutional neural network and image enhancement
  103. On some solitary wave solutions of the Estevez--Mansfield--Clarkson equation with conformable fractional derivatives in time
  104. Impact of permeability and fluid parameters in couple stress media on rotating eccentric spheres
  105. Review Article
  106. Transformer-based intelligent fault diagnosis methods of mechanical equipment: A survey
  107. Special Issue on Predicting pattern alterations in nature - Part II
  108. A comparative study of Bagley–Torvik equation under nonsingular kernel derivatives using Weeks method
  109. On the existence and numerical simulation of Cholera epidemic model
  110. Numerical solutions of generalized Atangana–Baleanu time-fractional FitzHugh–Nagumo equation using cubic B-spline functions
  111. Dynamic properties of the multimalware attacks in wireless sensor networks: Fractional derivative analysis of wireless sensor networks
  112. Prediction of COVID-19 spread with models in different patterns: A case study of Russia
  113. Study of chronic myeloid leukemia with T-cell under fractal-fractional order model
  114. Accumulation process in the environment for a generalized mass transport system
  115. Analysis of a generalized proportional fractional stochastic differential equation incorporating Carathéodory's approximation and applications
  116. Special Issue on Nanomaterial utilization and structural optimization - Part II
  117. Numerical study on flow and heat transfer performance of a spiral-wound heat exchanger for natural gas
  118. Study of ultrasonic influence on heat transfer and resistance performance of round tube with twisted belt
  119. Numerical study on bionic airfoil fins used in printed circuit plate heat exchanger
  120. Improving heat transfer efficiency via optimization and sensitivity assessment in hybrid nanofluid flow with variable magnetism using the Yamada–Ota model
  121. Special Issue on Nanofluids: Synthesis, Characterization, and Applications
  122. Exact solutions of a class of generalized nanofluidic models
  123. Stability enhancement of Al2O3, ZnO, and TiO2 binary nanofluids for heat transfer applications
  124. Thermal transport energy performance on tangent hyperbolic hybrid nanofluids and their implementation in concentrated solar aircraft wings
  125. Studying nonlinear vibration analysis of nanoelectro-mechanical resonators via analytical computational method
  126. Numerical analysis of non-linear radiative Casson fluids containing CNTs having length and radius over permeable moving plate
  127. Two-phase numerical simulation of thermal and solutal transport exploration of a non-Newtonian nanomaterial flow past a stretching surface with chemical reaction
  128. Natural convection and flow patterns of Cu–water nanofluids in hexagonal cavity: A novel thermal case study
  129. Solitonic solutions and study of nonlinear wave dynamics in a Murnaghan hyperelastic circular pipe
  130. Comparative study of couple stress fluid flow using OHAM and NIM
  131. Utilization of OHAM to investigate entropy generation with a temperature-dependent thermal conductivity model in hybrid nanofluid using the radiation phenomenon
  132. Slip effects on magnetized radiatively hybridized ferrofluid flow with acute magnetic force over shrinking/stretching surface
  133. Significance of 3D rectangular closed domain filled with charged particles and nanoparticles engaging finite element methodology
  134. Robustness and dynamical features of fractional difference spacecraft model with Mittag–Leffler stability
  135. Characterizing magnetohydrodynamic effects on developed nanofluid flow in an obstructed vertical duct under constant pressure gradient
  136. Study on dynamic and static tensile and puncture-resistant mechanical properties of impregnated STF multi-dimensional structure Kevlar fiber reinforced composites
  137. Thermosolutal Marangoni convective flow of MHD tangent hyperbolic hybrid nanofluids with elastic deformation and heat source
  138. Investigation of convective heat transport in a Carreau hybrid nanofluid between two stretchable rotatory disks
  139. Single-channel cooling system design by using perforated porous insert and modeling with POD for double conductive panel
  140. Special Issue on Fundamental Physics from Atoms to Cosmos - Part I
  141. Pulsed excitation of a quantum oscillator: A model accounting for damping
  142. Review of recent analytical advances in the spectroscopy of hydrogenic lines in plasmas
  143. Heavy mesons mass spectroscopy under a spin-dependent Cornell potential within the framework of the spinless Salpeter equation
  144. Coherent manipulation of bright and dark solitons of reflection and transmission pulses through sodium atomic medium
  145. Effect of the gravitational field strength on the rate of chemical reactions
  146. The kinetic relativity theory – hiding in plain sight
  147. Special Issue on Advanced Energy Materials - Part III
  148. Eco-friendly graphitic carbon nitride–poly(1H pyrrole) nanocomposite: A photocathode for green hydrogen production, paving the way for commercial applications
Downloaded on 29.9.2025 from https://www.degruyterbrill.com/document/doi/10.1515/phys-2023-0187/html
Scroll to top button