key: cord-0070699-oe9o8o5c authors: Wang, Hai-Kun; Cheng, Yi; Song, Ke title: Remaining Useful Life Estimation of Aircraft Engines Using a Joint Deep Learning Model Based on TCNN and Transformer date: 2021-11-24 journal: Comput Intell Neurosci DOI: 10.1155/2021/5185938 sha: 155a9eb1f92d03717fd3c77914089ec9435e7ea6 doc_id: 70699 cord_uid: oe9o8o5c The remaining useful life estimation is a key technology in prognostics and health management (PHM) systems for a new generation of aircraft engines. With the increase in massive monitoring data, it brings new opportunities to improve the prediction from the perspective of deep learning. Therefore, we propose a novel joint deep learning architecture that is composed of two main parts: the transformer encoder, which uses scaled dot-product attention to extract dependencies across distances in time series, and the temporal convolution neural network (TCNN), which is constructed to fix the insensitivity of the self-attention mechanism to local features. Both parts are jointly trained within a regression module, which implies that the proposed approach differs from traditional ensemble learning models. It is applied on the Commercial Modular Aero-Propulsion System Simulation (C-MAPSS) dataset from the Prognostics Center of Excellence at NASA Ames, and satisfactory results are obtained, especially under complex working conditions. With the progress of industrial technology and the upgrading of global industry, the demand for safe and reliable products and equipment in all fields is gradually increasing. Prognostics and health management (PHM) [1] has received considerable attention. Remaining useful life (RUL) prediction is a core task in PHM. Generally, the RUL of the system is defined as "the length from the current time to the end of the useful life" [2] . e main purpose of RUL prediction is to monitor the health status of system equipment, so that system maintenance personnel can know the current operating status of system equipment in real time, implement condition-based predictive maintenance, and reduce system maintenance costs while avoiding unexpected failures of the system [3] . In the literature, the basic algorithms for predicting RUL can be divided into two categories, i.e., physical model-based approaches and data-driven model-based approaches [4] . e first approaches describe the degradation stage of a system by constructing mathematical models on the basis of the failure mechanisms or the first principle of damage [3] . e physical model established with an in-depth understanding of failure modes and effective estimation of model parameters can provide accurate RUL estimation, e.g., the Paris-Erdogan (PE) model to describe crack growth [5, 6] and the Norton law to describe the creep evolution of turbines [7, 8] . However, physical model-based approaches have two problems that are difficult to solve. One is that the established physical model is difficult to be directly applied to other systems; the other is that the establishment of an efficient physical model requires complex prior knowledge. Based on these limitations, data-driven approaches are increasingly being valued. Among them, stochastic modelbased approaches are the first to bear the brunt. e gamma process model has been used in RUL prediction tasks, and there is much additional research [9] ; however, gamma process models are only effective in describing monotonic processes, because noise must follow a gamma distribution. Huang et al. [10] proposed a nonlinear heterogeneous Wiener process model with adaptive drift to characterize degradation trajectories, but the Wiener process (including some other stochastic processes) is based on the assumption of the Markov property. is assumption does not always work in applications. Benefitting from the advent of the industrial big data era, the scale of system status monitoring data collected by sensors has continued to grow. e in-depth architecturebased method provides better generalization capabilities and scalability and does not require special professional prior knowledge. Deep learning has achieved great success in various fields [11] [12] [13] . In recent years, research on deep learning in RUL prediction has also made progress. Recent researchers have established many models based on deep architecture for RUL prediction tasks. Bhattacharya et al. [14] proposed using the moth flame optimization (MFO) algorithm for feature selection and used the features in a DNN. eir excellent results on the battery RUL prediction task proved the effectiveness of the deep architecture. Badu et al. [15] applied a CNN to RUL prediction for the first time, applied convolution and pooling filters to multichannel sensor data along the time dimension, and achieved competitive results. Li et al. [16] extracted the time-frequency domain features from the degradation data of rolling bearings and used the multiscale time-frequency domain features as the input of a CNN to develop an intelligent bearing RUL prediction method. However, system status monitoring data are often time series data, and CNNs can only extract local features and lack the ability to capture and learn the long-term dependencies in the data. A deep belief network (DBN) is a probabilistic generative model that is composed of multiple restricted Boltzmann machines (RBMs). Zhang et al. [17] proposed a multiobjective deep belief network ensemble (MODBNE) model. MODBNE regards each DBN as a conflicting object and applies a multiobjective evolutionary algorithm based on the basic DBN training method to produce an ensemble model composed of multiple DBNs. Zemouri and Gouriveau [18] and Zhang et al. [19] proposed an RUL prediction model based on a recurrent neural network (RNN) [20] . An RNN can process sequence data, but it encounters difficulties in processing long sequences of data due to the vanishing gradient problem. An LSTM is an improved approach derived from an RNN. Based on an RNN, a gating mechanism is introduced to control the information flow in the memory unit, which solves the vanishing gradient problem in RNNs and makes it possible to learn the dependencies with a relatively long span. References [21, 22] used a long shortterm memory (LSTM) network to predict the RUL of turbofan engines. Zhang et al. [23] used an LSTM to predict the RUL of lithium batteries, and their results also proved the effectiveness of the method based on this model. Some researchers have also made improvements to the vanilla LSTM to improve the performance of RUL prediction. Li et al. [24] optimized the connection between the input gate and the forget gate, strengthened the focus on historical data, and improved the accuracy of predicting the RUL of lithium batteries. Considering that the optimization of hyperparameters is always a difficult and time-costly task for deep models, Agrawal et al. [25] proposed optimizing an LSTM with a genetic algorithm (GA) to be able to autonomously predict the given hyperparameters and improve the consistency of predictions. e stacking of different models has also become a way to improve prediction performance. Al-Dulaimi et al. [26] proposed a parallel network composed of an LSTM and a CNN to predict the RUL of an engine and achieved excellent results. Bi-LSTM consists of two opposite LSTM networks and can input data in both forward and backward directions, which further improves the data processing capability of LSTMs. e literatures [27, 28] have used Bi-LSTM-based approaches in the RUL prediction task. Jiang et al. [29] and Remadna et al. [30] further combined the Bi-LSTM and CNN to develop a new fusion model. Inspired by the idea of an encoder-decoder, Liu et al. [31] developed a new learning-based encoder-decoder model based on the LSTM and CNN to predict RUL. Different from Jiang et al. [29] , Liu et al. [31] used series LSTM and CNN as an encoder and then used a fully connected neural network as a decoder. Some recent studies are summarized in Table 1 for reference. CNN-based prediction approaches perform well in local context feature extraction, but they cannot capture longterm dependency. RNN-based prediction approaches are limited by the recurrent mode, which fundamentally limits their computing speed [36] . Especially, when processing long series of data, the time cost of both training and inference will increase, so it is difficult to realize real-time prediction. e transformer network proposed by Vaswani et al. [37] was first applied in the natural language processing (NLP) field, and since then, it has been successfully applied in various fields [38, 39] . e transformer is completely based on the self-attention mechanism. Compared with the sequential input of the RNN, the transformer inputs the whole sequence at one time and uses scaled dot-product attention to capture crossdistance dependencies. e interval of historical data will not become an obstacle, which provides the transformer with more potential than recurrent networks in obtaining longterm dependencies. On the other hand, the special self-attention mechanism can realize parallel computing, and the computing cost will not be the upper limit of the model. Based on this, this paper uses the transformer encoder for sequence modelling to predict the RUL. Considering that the self-attention mechanism is not particularly sensitive to the local context and that the sensor data often have a strong local correlation, we propose to use a convolutional neural network (CNN) to extract local context information. In this work, we used three different convolution-based neural networks to extract the local features of the input time series data as a supplement to the transformer encoder. Two of them are deep residual networks (ResNets) [40] and densely connected convolutional networks (DenseNets) [41] , which have achieved great success in the field of computer vision [42, 43] . e other is called the temporal convolution neural network (TCNN) in this work, which is different from ResNet and other networks designed for image feature extraction. TCNN uses 1D-convolution instead of 2D-convolution. e reason for adopting this approach is to ensure that the sensor values in each time step of the multisensor data sequence are regarded as a whole, because they jointly explain the state of the system in current time step. In our proposed joint deep learning model, the CNN module and the transformer module extract the features of the input data, and then these features are fed into the regression module together. We provide the feature recalibration mechanism (FRM) in the regression module to solve the problem of unequal output feature levels of multiple models. e proposed joint learning model provides a new scheme to predict RUL, which can flexibly extract the required features through the collocation of different models (two models are used in this experiment, but they are extensible under the premise of meeting the time cost), and then recalibrate the output of different models using FRM. Experiments on the C-MAPSS dataset show that our model has a significant performance improvement compared with previous work under complex operating conditions and failure modes. is work's main contributions are as follows: (1) We proposed a 1D convolution network called TCNN in this work to emphasize the contribution of the local context of time series data. e reason for proposing TCNN is that although the dot-product self-attention extracts high-level features at each time step regardless of distance, its own characteristics preclude it from giving extra attention to local contexts. e local context is particularly important for studying the degradation patterns in multisensor sequence data. (2) We applied FRM in the regression module to further process the features extracted by the submodels instead of directly feeding them to the fully connected layer. is function gives the model the ability to automatically evaluate the importance of features from different submodels, which makes our joint learning model different from general hybrid models. e overall organization of the paper is as follows. Section 2 introduces the structure of the proposed model. Section 3 describes the dataset and preprocessing method. Section 4 presents the experimental results and analysis. e conclusions and future perspectives of the work are shown in Section 5. A joint deep learning model combined with a transformer encoder and CNN is constructed to predict the RUL. In this section, we first introduce the transformer encoder and then introduce the structure of CNNs used in this paper. Finally, we describe the regression module used to output the predicted RUL. Parameter settings are given in Sections 2.4 and 4.2. e transformer [37] is composed of an encoder and decoder. It is a feature extractor based on the self-attention mechanism. Different from RNN, LSTM [44] , and other recurrent neural networks, the transformer accepts the whole time series at the same time and completely depends on the attention mechanism to draw global dependencies between input and output. In addition, the multihead mechanism allows the model to jointly attend to information from different representation subspaces at different time steps. With the continuous use of the system, its performance will gradually degenerate until the threshold of failure. e degradation evolution of the system can be indirectly reflected from the collected sensor data. In this work, the encoder part of the transformer is used as a feature extractor to extract potential degraded features. e transformer encoder is composed of a stack of several identical encoder layers, and each encoder layer consists of two sublayers: a self-attention sublayer and a fully connected feedforward sublayer. Each sublayer is followed by layer normalization; in addition, the residual connection is applied to the input and output of each sublayer. e input to the transformer encoder is a multivariate time series, which is represented as X ∈ R k×d , where k is the length of the time series, and d is the dimension of features. e output dimension of each transformer encoder layer is still k × d. e structure of the transformer encoder layer for RUL prediction is shown in Figure 1 . Before the transformer encoder, for the model to take advantage of the sequence order, we must inject some information about the relative or absolute position of the time point in the sequence. Following the work in [37] , sine and cosine functions of different frequencies are used for position encoding: Year Approach Object Hasani et al. [32] 2017 Autoencoder Bearing Li et al. [16] 2019 CNN Hu et al. [33] 2019 DBN Jiang et al. [34] 2020 Attention-LSTM Badu et al. [15] 2016 CNN Turbofan Zhang et al. [17] 2016 Multi-DBN Al-Dulaimi et al. [26] 2019 LSTM + CNN Liu et al. [31] 2019 Autoencoder Agrawal et al. [25] 2021 Optimized LSTM-GRU Li et al. [24] 2020 LSTM Battery Yu et al. [28] 2020 Bi-LSTM Ren et al. [35] 2021 CNN-LSTM Bhattacharya et al. where pos is the position of a time point, and i is the index of the feature. PE is a position embedding matrix, whose shape depends on the input sequence. Using this function, the model would be allowed to easily learn to attend by relative positions. en, we only need to add the position embedding matrix and the input sequence. Note that the position embedding matrix is given and does not need to be learned in training in this work. Multihead self-attention can be interpreted as applying multiple self-attention mechanisms called the scaled dot-product attention function. e output of each self-attention function is called a head. Scaled dot-product attention can be depicted as mapping a query and a set of key-value pairs to output, where the queries, keys, and values are derived from the linear mapping of the representation vector at a time point. e output is computed as a weighted sum of the values, where the weight assigned to each value is computed by a compatibility function of the query with the corresponding key. In practice, all queries, keys, and values, which are packaged as matrices Q, K, and V, respectively, are computed in parallel by matrix operation. For simplicity, it is still assumed that the input of the multihead self-attention module is multivariate time series X ∈ R k×d . en, the formula for calculating Q, K, and V can be expressed by where W Q j ∈ R d×d k , W K j ∈ R d×d k , and W V j ∈ R d×d v are the learned weight matrices used to calculate the matrices Q j , K j and V j of head j, respectively, d k is the size of W Q j and W K j , and d v is the size of W V j . en, apply the scaled dot-product attention function to Q j , K j , V j : Finally, the output of the multihead self-attention sublayer can be obtained according to the following formula: where h is the number of heads, and W O ∈ R hd v ×d is the parameter matrix that maps the multiple heads back to R k×d . In this work, we set d k � d v � 16, and h � 8. ree transformer encoder layers are created. A fully connected feed-forward network (FFN) consists of two linear transformations with a rectified linear unit activation function (ReLU) [45] in between, which is applied to each encoder layer separately and identically. One of the main advantages of the transformer is that it uses the attention mechanism to model global dependencies among nodes in input data, but it does not pay special attention to local dependencies. However, for multivariate time series, especially for the multivariate industrial sensor data of interest in this paper, there is often a strong correlation between adjacent time steps. Naturally, we propose to use a convolution-based network as a local feature extractor of the input data as a supplement to the transformer. In this work, we present three convolution-based neural network architectures as local feature extractors. ey are the TCNN proposed in this paper and the classical networks: deep residual network (ResNet) and densely connected convolutional network (DenseNet). ResNet was first proposed by He et al. [40] , which was developed to tackle the issue of degradation and vanishing gradients, and won 1st place in the ILSVRC competition in 2015. is network has achieved great success in the field of computer vision. A light ResNet used in this work is shown in Figure 2 (a). Each convolution layer is followed by batch normalization and an ReLU (not shown in the figure) . For a complete explanation of ResNet, refer to [40] . DenseNet [41] shows excellent performance by encouraging feature reuse and significantly reduces the number of parameters and computational cost. e way to build DenseNet architecture is to make further use of features on the basis of shortcut connections proposed by ResNet, that is, to establish a connection between all pairs of layers in the network, so that the layer can obtain the features of all preceding feature maps. A light DenseNet with structures "bottleneck" and "compression" used in this work is shown in Figure 2 (b). For a complete explanation of DenseNet, refer to [41] . TCNN is different. ResNet or other traditional CNN networks are designed in the field of computer vision. ey all carry out the 2D convolution operation, and all convolution kernel sizes are usually design parameters such as 3 × 3 or 5 × 5. However, the sensor values in each time step of the multisensor data sequence should be regarded as a whole, because they jointly explain the state of the object in this time step. erefore, we propose to use 1D convolution instead of 2D convolution to obtain better RUL prediction results. e structure of the TCNN we used is described in Figure 3 . Each convolution block in Figure 3 actually contains a convolution layer, a batch normalization layer, an activation layer, and a dropout layer in order. e kernel size of all 1D convolution layers is 3, and the padding is 1. e stride of the first 1D convolution layer is 1, and the number of output channels is the same as that of the input. e stride of the other 1D convolution layers is 2, and the number of output channels is twice that of the input. is means that every time the features are halved, the number of channels doubles. Finally, an average pooling operation is performed for each channel. In this work, the activation function is ReLU, the dropout rate is 0.5, and a total of 4 convolution layers were built. We concatenate the output features of the transformer encoder and CNN (one of TCNN, ResNet, or DenseNet) to form a feature vector x ∈ R m (m is the sum of the feature numbers of the transformer encoder and CNN output). To obtain the predicted value of RUL, the usual method is that the feature vector is directly fed to the regression module to complete the regression task. However, the two parts of the features of x come from the parallel processing of the input multivariate time series by the transformer encoder and CNN. Usually, we cannot measure the level of the output features of the two modules. erefore, we apply FRM to x. e FRM can be summarized as letting x go through a two-layer fully connected network to output a normalized vector v with the same dimension as x and then taking the Hadamard product of x and v to obtain the recalibrated x. Its mathematical expression is where x ′ is the recalibrated x, which is also the vector finally fed to the regression module. W 1 ′ ∈ R (m/16)×m and W 2 ′ ∈ R m×(m/16) are both parameter matrices determined in training, and " ∘ " is the Hadamard product. To obtain v, we use two fully connected layers. e first layer uses the ReLU activation function, which helps increase the nonlinearity of the transformation. In addition, the first layer reduces the dimension to 1/16 of the original, which helps reduce the computational consumption. Due to the sigmoid activation function, v is normalized to (0, 1), which means that, after training, the model can decide whether to give a value in x a large weight or a small weight to recalibrate the feature vector x. Finally, x ′ is fed to a two-layer fully connected network (FCN). In this work, the size of the hidden layer is obtained by the random search algorithm introduced in Section 2.4, and the activation function is ReLU. ere is only one output of the output layer, i.e., the predicted RUL. e mean square error (MSE) is used to build the loss function, as shown in the following equation: where y pre and y target are the predicted output of the proposed model and the established target output, respectively. B is the number of units in a minibatch in the training. We use Adam as the optimizer of our model. e hyperparameters of the deep model have a significant impact on the results. Although, in the case of this article, it is feasible to implement manual search and grid search (complete training and testing only takes a few hours), but considering that the application of manual search or grid search to new datasets is a poor choice, we use an easy-to-implement and effective random search algorithm [46] in this work. ere are 7 hyperparameters determined by random search, of which only the learning rate is a continuous value, and the rest are discrete values. e number of encoder layers, the number of TCNN layers, and the kernel size of the TCNN are lists with increments of 1, and the last three rows in Table 2 are lists with exponential growth. We analyzed the complexity and parameter requirements of the two core components of the transformer (i.e., self-attention and feed-forward network) and the three CNN architectures established in this paper in Table 3 . e complexity of CNNs is determined by their convolution operation. When the input sequence is relatively short, the bottleneck of the transformer encoder is the FFN. However, when the dimension of D is not high, the complexity of the self-attention module will dominate with Computational Intelligence and Neuroscience 5 increasing input sequence length. e transformer is a general and flexible architecture, but its disadvantage is that transformer does not introduce a priori knowledge about the input data structure, and its information transmission process completely depends on the similarity measurement of content. is is why we choose to introduce CNN architecture into our joint learning model. In this work, the Commercial Modular Aero-Propulsion System Simulation (C-MAPSS) [47] dataset was used to support this study, and this dataset was previously reported by the Prognostics CoE at NASA Ames. is dataset is available at https://ti.arc.nasa.gov/tech/dash/ Computational Intelligence and Neuroscience groups/pcoe/prognostic-data-repository. e information of the C-MAPSS dataset used is listed in Table 4 . C-MAPSS consists of four datasets (from FD001 to FD004), corresponding to different operating conditions and fault mode combinations. Each dataset is further divided into training and test subsets. Datasets consist of multiple multivariate time series, and each dataset can be regarded as an n × 26 matrix, where n corresponds to the number of time cycles, which contains 26 columns of operation state data. e first column is the engine ID, the second column is the time cycle index, and the third to fifth columns indicate the operating conditions. e remaining variables represent the 21 sensor readings that reflect the engine degradation over time. e engine runs normally at the start of each time series and develops a fault at some step during the time series. In the training subset, the fault grows in magnitude until system failure. In the test subset, the time series ends at a point prior to the complete system failure. C-MAPSS also provided a vector that records the ground truth of the RUL for the test engines. e degradation of the system usually begins after a certain period of usage time. In the early stage of system use, it is difficult to accurately predict the RUL, and the predicted RUL will have a large deviation from the actual situation. Such prediction is not of great significance, because the system state is still very healthy at this time. erefore, a piecewise model was used instead of a linear model to construct a degradation curve. e piecewise model was originally presented in [48] , and it has been proven to be an effective method to improve the prediction performance of the model [49, 50] . Specifically, the previous stage of the degradation curve is set to a constant and then begins to degenerate linearly. In this work, the constant value is set to 120. e degradation curve is shown in Figure 4 . e FD002 and FD004 datasets have six different operating conditions. In this work, one-hot encoding is used to encode six different operating conditions and then replace the data from Columns 2 to 4 of the dataset. e C-MAPSS dataset provides the readings of 21 sensors at each sampling point, and the details of each sensor are given in the literature [47] . However, not every sensor provides useful degradation information. For example, the measurement results of some sensors do not show a correlation with time in the whole life cycle of the unit. According to the research results in the literature [51] , we selected the outputs of 14 sensors from 21 sensors to build the training samples and test samples of the deep model. To eliminate the influence of different scales of sensor readings, it is necessary to normalize the data of each sensor to be within the range of (0, 1) according to equation (8) before any training and testing. where X f represents the readings of sensor f over the whole time cycle. We applied a trick here. Because the degradation curve is built by the piecewise model, there will be a large number of training samples with a label value of 120, which is a kind of sample imbalance. A sigmoid function is used in the RUL output neuron. To avoid too many label values being unreachable, we add a scaling value α � 1 to the denominator in equation (8), so that the maximum value of normalized data is slightly less than 1. e sliding time window method is applied to build training samples. For the proposed prediction model, we hope that the time series as training samples can be as long as possible to obtain more context information. However, because of the minimum sampling length of test engines, as seen in Table 4 , the size of the corresponding sliding windows of FD001 to FD004 is set to 31, 21, 38, and 19. Complexity In this section, we first briefly introduce the evaluation metrics. en, we present the experimental results of our joint models on C-MAPSS to evaluate the performance for RUL prediction and analyze the experimental results. Finally, we compared the joint model with previous works. To measure the prediction performance of the proposed joint model, two evaluation functions are used: scoring function [47] and root mean square error (RMSE) [52] . e formula is as follows: where N is the number of engines and . RMSE is a common metric used to evaluate the error of prediction values. Equation (10) shows that the scoring function has a greater penalty for overestimated RUL, because overestimated RUL will lead to unexpected engine failure, while underestimated RUL will only lead to early maintenance. Obviously, an underestimated RUL will cause less damage and is more likely to be accepted. e combination of RMSE and score can evaluate the performance of the model more effectively. e comparison of the metrics is shown in Figure 5 . We used a random search algorithm to determine the 7 hyperparameters described in Section 2.4. A total of 6 experiments were implemented. As shown in Figure 6 , each scale on the abscissa represents an experiment. e scale value represents how many independently identically distributed random searches and trainings have been performed in this experiment. Note that there is no overlap in each experiment, which means that a total of 504 trainings were performed instead of 256. e hyperparameter values chosen by the random search algorithm are shown in Table 5 . e experimental results of the proposed joint model using different CNN structures on the C-MAPSS dataset are shown in Figure 7 . Figure 7 presents the RUL prediction results of the joint models on four subsets. Note that we rearrange the units of each test subset in descending order according to the target RUL (black dots in the figure) . On the other hand, the middle and late stages of the unit life are of greater concern, so the units with an Computational Intelligence and Neuroscience actual RUL higher than 120 are omitted in the figure to focus on the prediction results of units in the middle and late stages of degradation. As shown in Figure 7 , for the units in the middle of the degradation process, the prediction results on the four subsets are not satisfactory, and many units have large prediction deviations. We believe that this is because the degradation features of these units are still not obvious enough. e recognition results of the model are somewhat ambiguous. Fortunately, the model shows high performance for the units in the late stage of the degradation process. We attribute this to the fact that the data of the units in the late stage of degradation contain more obvious fault information, and the model is more inclined to identify accurate fault patterns from these data. is characteristic is particularly important in practical industrial applications. Maintenance personnel can obtain more accurate RUL predictions at later stages of the system lifespan to avoid unexpected failures. We select units with relatively complete running cycles from the four test subsets and present their respective prediction results in Figure 8 as a supplementary explanation of the above characteristics. It can be seen that, for the entire lifespan of a single unit, as the unit degradation progresses, the closer to the failure point it is, the higher the prediction accuracy of the RUL is. Examining the results of the models on the four datasets indicates that the prediction results of the models on FD001 and FD003 are much better than those of FD002 and FD004. From the prior knowledge from the C-MAPSS dataset, it can be inferred that this is due to the different complexity of subsets, which is manifested in the operating conditions and fault modes, i.e., FD001 contains a single operating condition and fault mode, while FD004 has the most complex case; it contains six operating conditions and two fault modes, which makes the prediction on FD004 particularly difficult. e operating conditions and fault modes of the datasets can be found in Table 4 . 3 2 Layers of TCNN 4 3 Kernel size of TCNN 3 4 Learning rate 1e − 4 5 Size of hidden layer of FCN 64 6 Size of hidden layer FFN 64 7 Batch size 32 e evaluation metrics of the experimental results of the joint models on the C-MAPSS dataset are shown in Tables 6 and 7 . e best results (except the last row) on each subset are shown in bold. Table 6 corresponds to the RMSE metric described in equation (9) , and Table 7 corresponds to the score metric described in equation (10) . According to the experimental results of these two metrics, all the results of the joint model using TCNN on the three subsets, namely, FD001, FD002, and FD003, are the best, and the best result on the FD004 subset is obtained from ResNet. DenseNet's overall performance is slightly worse than TCNN and ResNet. is proved that the use of TCNN for 1D convolution in the time dimension is indeed slightly better than the use of ResNet and DenseNet. In addition to the statistical metrics RMSE and score provided in Tables 6 and 7 , respectively, Figure 9 gives the box plot and the histogram with the density curve (obtained by kernel density estimation) of the prediction error of the three models on the FD002 test set, which clearly and intuitively shows the overall situation of the prediction results of the models. In the box plot shown in Figure 9 (a), the upper and lower edges of the box represent the upper and lower quartiles, and the whiskers show the position of the most extreme data point in the range of 1.5 times the quartile. We observed that the median and upper and lower quartiles of the three models are very close, but the joint model using TCNN has fewer outliers. Each outlier in the figure actually represents a bad prediction of RUL, so the joint model using TCNN has a more robust prediction result than the other two models and can obtain a relatively reliable prediction result. Figure 9 (b) shows the histograms of the RUL prediction error and its density curves. e three density curves are actually very close, and the peak positions of the three are very close to the ideal position. However, it can still be observed that TCNN is not prone to high underestimated life, while ResNet is not prone to high overestimated life. RMSE is sensitive to large deviations. To evaluate the impact of large deviation values, the statistical metric mean absolute error (MAE) of the prediction results is shown in Table 8 . e results in Table 8 show that there are some difficult-to-predict samples in the prediction results of the model. Interestingly, the MAEs of the three models on all subsets are very close. To verify whether the three models give similar results for each test sample, we rearrange the prediction errors of the three models according to the descending order of TCNN's prediction error (e i � RUL ). e results are shown in Figure 10 . Only the results on FD003 are given here. Figure 10 shows that the prediction results of the joint models for a single test sample do not show a consistent trend, which proves that the three models learned different discrimination methods. We average the prediction results of the three models, which directly represents the prediction results of a simple ensemble learning model composed of three joint models. e corresponding RMSE metric can be found in the last row of Table 6 . Compared with the single joint model, the ensemble model can further improve the prediction accuracy. However, the disadvantage of the ensemble model is that the time cost of training and prediction will increase several times, which increases the difficulty of online application. erefore, we believe that a joint learning model such as "Transformer + TCNN" has more practical value. Work. Many previous works have achieved some results on the C-MAPSS dataset. To prove our research progress, we use the best "Trans. + TCNN" model to compare it with the previous research results. e comparison of RMSE is shown in Table 9 , and the comparison of the score is shown in Table 10 . e best results on each subset are still in bold. e last row of the table shows the improvement or retrogression of our model compared with the best results in the past. As shown in Tables 9 and 10, our joint model has shown excellent performance and has made a comprehensive lead in the FD002 and FD004 subsets. Specifically, the most significant improvement occurred in the score metric on the FD002 subset, which improved 53.6% compared to the best result of the previous works, and the smallest improvement occurred in the RMSE metric on the FD004 subset, which increased by 17.8%, still a considerable number. Unfortunately, the performance of our joint model is degraded by 10.0% in the score metric of the FD003 subset. In addition, in the comparison of the remaining several results, our joint model has only slight improvement or retrogression. We have learned that, compared with the FD001 and FD003 subsets, the FD002 and FD004 subsets have more complex fault modes and operating conditions; therefore, our joint model is more robust on complex datasets and shows better performance, without significant degradation on simple datasets. is means that our model has indeed been successful. In this work, we proposed a joint deep learning model combined with the transformer encoder and CNN for the RUL prediction task. We use the self-attention mechanism of the transformer to capture the cross-distance dependence in the time series and eliminate the distance limitation between historical data; therefore, the length of the input time series data does not affect the performance of the model. is is difficult for recurrent neural networks. Moreover, considering that the self-attention mechanism is not particularly sensitive to the local context and that the sensor data often have a strong local correlation, we use the CNN to extract local information. We compared three different structures of CNNs through experiments, and the results prove that TCNN using 1D convolution is more suitable for multivariate sensor time series data. e regression module makes our joint learning model different from the ensemble learning model, which is also composed of multiple models. e application of FRM enables the model to recalibrate the importance of the output features of multiple models. e experimental results on the C-MAPSS dataset show that the performance of our joint model is better than that of the previous work under complex fault modes and operating conditions. Our joint deep learning model for RUL prediction can be combined with different models to adapt to different tasks. It is flexible and has development potential. ere are several limitations here that deserve further study. First and most intuitive, the proposed approach has some performance degradation compared with previous works with simple operating conditions and fault modes. A reasonable conjecture is that the lack of structural bias in the transformer architecture makes it prone to overfitting on small-scale data (i.e., FD001 and FD003). How to further improve the generalization performance of the model is a direction worth discussing. Additionally, many fields tend to focus on the application of the RUL prediction algorithm in real-time online prediction, and our work does not evaluate the online prediction performance of the proposed approach. is requires the algorithm to balance time cost and accuracy. How to optimize the model to complete this is worthy of further research. Previously reported C-MAPSS data were used to support this study and are available at https://ti.arc.nasa.gov/tech/ dash/groups/pcoe/prognostic-data-repository/. e prior study (and dataset) is cited at the relevant place within the text as a reference [47] . e authors declare that there are no conflicts of interest regarding the publication of this paper. Prognostics and health management: a review of vibration based bearing and gear health indicators Remaining useful life estimation -a review on the statistical data driven approaches System reliability analysis based on dependent Kriging predictions and parallel learning strategy Deep learning and its applications to machine health monitoring A critical analysis of crack propagation laws A multi-time scale approach to remaining useful life prediction in rolling bearing Online performance assessment method for a model-based prognostic approach Investigation of uncertainty treatment capability of model-based and data-driven prognostic methods using simulated data Condition-based maintenance with scheduling threshold and maintenance threshold Remaining useful life prediction for an adaptive skew-Wiener process model VL-BERT: pre-training of generic visual-linguistic representations Structured knowledge distillation for semantic segmentation Learning 2D temporal adjacent networks for moment localization with natural language Deep neural networks based approach for battery life prediction Deep convolutional neural network based regression approach for estimation of remaining useful life Deep learning-based remaining useful life estimation of bearings using multi-scale feature extraction Multi objective deep belief networks ensemble for remaining useful life estimation in prognostics Towards accurate and reproducible predic-tions for prognostic: an approach combining a RRBF network and an autoregressive model Remaining useful life estimation based on a new convolutional and recurrent neural network Gradient calculations for dynamic recurrent neural networks: a survey Uncertainty prediction of remaining useful life using long short-term memory network based on bootstrap method Deep learning prognostics for lithium-ion battery based on ensembled long short-term memory networks Long short-term memory recurrent neural network for remaining useful life prediction of lithium-ion batteries State-of-health estimation and remaining useful life prediction for the lithium-ion battery based on a variant long short term memory neural network Genetically optimized prediction of remaining useful life Hybrid deep neural network model for remaining useful life estimation Remaining useful life prediction based on a Bi-directional LSTM neural network Averaged Bi-LSTM networks for RUL prognostics with non-life-cycle labeled dataset Fusion network combined with bidirectional LSTM network and multiscale CNN for remaining useful life estimation Leveraging the power of the combination of CNN and Bi-Directional LSTM networks for aircraft engine RUL estimation A novel deep learning-based encoder-decoder model for remaining useful life prediction An automated autoencoder correlation-based health-monitoring and prognostic method for machine bearings A prognostic model based on DBN and diffusion process for degrading bearing Time series multiple channel convolutional neural network with attention-based long short-term memory for predicting bearing remaining useful life A data-driven auto-cnn-lstm prediction model for lithium-ion battery remaining useful life LSTMbased battery remaining useful life prediction with multichannel charging profiles Attention is all you need Many-to-many voice transformer network Hybrid attention distribution and factorized embedding matrix in image captioning Deep residual learning for image recognition Densely connected convolutional networks Motion saliency based multi-stream multiplier ResNets for action recognition Coronavirus disease (COVID-19) detection using X-ray images and enhanced DenseNet Long short-term memory Deep Sparse Rectifier Neural Networks Random search for hyper-parameter optimization Turbofan engine degradation simulation data set Recurrent neural networks for remaining useful life estimation Towards distribution clustering-based deep LSTM models for RUL prediction Estimating and leveraging uncertainties in deep learning for remaining useful life prediction in mechanical systems Remaining useful life estimation of engineered systems using vanilla LSTM neural networks Long short-term memory network for remaining useful life estimation Remaining useful life estimation in prognostics using deep bidirectional LSTM neural network A directed acyclic graph network combined with CNN and LSTM for remaining useful life prediction Multi-Head CNN-LSTM with prediction error analysis for remaining useful life prediction RULENet: end-to-end learning with the dual-estimator for remaining useful life estimation