Next Article in Journal
Effectiveness of a Priority Management Scheme of Living Modified Organism Re-Collection Areas in Natural Environments of South Korea
Next Article in Special Issue
Research on Oxygenation Components under a High-Pressure Oxygen Environment
Previous Article in Journal
An Unsupervised Image Denoising Method Using a Nonconvex Low-Rank Model with TV Regularization
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Remaining Useful Life Prediction of Aircraft Turbofan Engine Based on Random Forest Feature Selection and Multi-Layer Perceptron

1
Faculty of Information Engineering and Automation, Kunming University of Science and Technology, Kunming 650504, China
2
School of Materials Science and Engineering, Kunming University of Science and Technology, Kunming 650504, China
3
Information Technology Construction Management Center, Kunming University of Science and Technology, Kunming 650504, China
*
Author to whom correspondence should be addressed.
Submission received: 10 May 2023 / Revised: 12 June 2023 / Accepted: 13 June 2023 / Published: 15 June 2023
(This article belongs to the Special Issue Aircrafts Reliability and Health Management Volume II)

Abstract

:
The accurate prediction of the remaining useful life (RUL) of aircraft engines is crucial for improving engine safety and reducing maintenance costs. To tackle the complex issues of nonlinearity, high dimensionality, and difficult-to-model degradation processes in aircraft engine monitoring parameters, a new method for predicting the RUL of aircraft engines based on the random forest algorithm and a Bayes-optimized multilayer perceptron (MLP) was proposed here. First, the random forest algorithm was used to evaluate the importance of historical monitoring parameters of the engine, selecting the key features that significantly impact the engine’s lifetime operation cycle. Then, the single exponent smoothing (SES) algorithm was introduced for smoothing the extracted features to reduce the interference of original noise. Next, an MLP-based RUL prediction model was established using a neural network. The Bayes’ online parameter updating formula was used to solve the objective function and return the optimal parameters of the MLP training model and the minimum value of the evaluation index RMSE. Finally, the probability density function of the predicted RUL value of the aircraft engine was calculated to obtain the RUL prediction results.The effectiveness of the proposed method was verified and analyzed using the C-MAPSS dataset for turbofan engines. Experimental results show that, compared with several other methods, the RMSE of the proposed method in the FD001 test set decreases by 6.1%, demonstrating that the method can effectively improve the accuracy of RUL prediction for aircraft engines.

1. Introduction

Aircraft engines are essential components of aviation equipment and directly impact flight conditions and the safety performance of aircraft [1]. To ensure an optimal engine performance, prognostics and health management technology is widely used for engine predictive maintenance. This method evaluates the health and remaining useful life (RUL) of the equipment using historical data and provides maintenance predictions to enhance equipment reliability and safety [2].
As one of the cores of the prognostics and health management (PHM) method, aero-engine RUL prediction has been divided into three main approaches by other scholars: physical-model-based methods [3], data-driven methods [4], and hybrid methods [5]. The physical-model-based approach mainly relies on the engine’s internal structure to construct a physical model, which has a high uncertainty and increases the prediction difficulty. The data-driven approach uses machine learning tools to mine the implicit relationship between historical monitoring data and RUL to construct a prediction model. The hybrid approach combines both methods, mixing their advantages and disadvantages. Thus, data-driven approaches are currently a hot research topic.
While deep learning methods offer some advantages over traditional methods in predicting the RUL of aerospace engines, additional research is needed to explore their potential for fault maintenance and health assessment. Bingce et al. [6] estimated the RUL prediction interval of an aeroengine using a multilayer perceptron (MLP) model based on information granularity theory. Guoxing et al. [7] used the Euclidean distance method to identify the initial lifetime. Qiyao et al. [8] fused the time-series of different equipment sensors with MLP prediction models. Jun et al. [9] utilized deep learning techniques to extract the sensor time-series signals between hidden dependencies and adapted the DLSTM network structure and parameters with an adaptive moment estimation algorithm, which showed a good performance compared to other neural network models.
The historical degradation data of aerospace engines are characterized by a high dimensionality and massive scale. Given the size of the data, the current research focus is on identifying the most valuable information. In terms of feature screening and extraction, Wennian et al. [10] utilized a recurrent neural network to convert high-dimensional data monitored by sensors into low-dimensional data, constructing a one-dimensional health index (HI). Cunsong et al. [11] employed the k-means algorithm to extract degradation features with monotonic trends and employed a deep forest classifier with LSTM to create an RUL degradation trend prediction model. Zhang et al. [12] proposed a method for predicting the remaining useful life of engines using a combination of convolutional and recurrent neural networks (CNN-RNN), and the prediction accuracy was further improved by processing and clustering the data.
RUL prediction for aero engines using similarity matching methods is a current hot research topic. In their study, Lam et al. [13] evaluated the trajectory similarity prediction (TSBP) method using similarity regression (SLR) based on Pearson correlation coefficients with dynamic time warping (DTW) methods to determine the most similar degradation model to the test data. They used the principle of weighted kernel density estimation to quantify the RUL prediction. Cai et al. [14] used the kernel two-sample test (KTST) similarity matching procedure by fitting a distribution to the RUL prediction results from a historical database of sample data from operating cycles to failure to obtain confidence intervals for RUL predictions. However, most of the similarity matching was performed using a single time scale for the construction of health indicators, resulting in obtaining degradation trajectories with inconsistent lengths. This inconsistency is not conducive to the construction of historical engine degradation trajectories.
To address the complex problems of a high dimensionality, non-linearity, and difficulty in establishing the historical decline process of aero-engine monitoring parameters, this paper proposes an MLP aero-engine remaining useful life prediction method based on random forest and Bayesian updating. The random forest algorithm was introduced to analyze and evaluate the degree of influence of each monitoring feature on the remaining life cycle of the engine and calculate the corresponding weights. This was carried out to effectively solve problems such as the large number of engine monitoring parameter features and the difficulty in extracting them, and to eliminate the features with the worst weight score values. Extracted parameters were exponentially smoothed to reduce noise interference. An RUL training model for MLP engines based on Bayesian parameter updating was then constructed, and the remaining service life probability density distribution of the aeroengine was derived. The expectation and standard deviation of the RUL prediction were obtained. The method proposed in this paper was validated using NASA’s C-MAPPS dataset, and the RUL prediction results were evaluated using the RMSE and R 2 . The results show that the accuracy of the engine RUL prediction can be effectively improved compared with other methods. Our methodology has been shown to significantly enhance the accuracy of RUL prediction for engines.

2. RUL Prediction Methods

2.1. Random Forest Algorithm

There are many factors that affect the life cycle of an aeroengine, and the extent to which each factor affects its life cycle varies. Therefore, it is necessary to explore and analyze the degree of influence of each factor on the life cycle of an aeroengine. The random forest algorithm has shown good performance in the parameter selection process, making it suitable for high-dimensional data and effectively avoiding the problem of a weak generalization ability in training models. Random forest is an integrated learning algorithm with decision trees as the base learner, and solves the performance bottleneck problem of decision trees [15]. Random forest uses a bootstrapping method for model construction. It randomly selects a sample set of size m with a replacement from the original training set and performs n iterations to generate n training sets, which can train n decision tree models. The nodes are split at each iteration based on the Gini coefficient or information gain to select the best features for splitting. The importance of the features is measured by averaging the decline in the residuals of each feature over each decision tree. The Gini index is used to obtain the importance of a feature’s contribution to the overall decision tree node value. Assuming that there are J features, I decision trees, and C categories, the Gini index for the ith tree node is calculated as follows:
G I q ( i ) = 1 c = 1 C p q c ( i ) 2 ,
where p q c represents the proportion of category c in node q. The more the value of G I decreases, the higher the relative importance of the feature. The change in Gini index before and after the node splitting is:
Y j q ( G i n i ) ( i ) = G I q ( i ) G I I ( i ) G I r ( i ) ,
The importance score (Y) of x i in the ith tree is:
Y j ( G i n i ) = i = 1 I Y i ( G i n i ) ( i ) ,
The process of feature extraction in random forests is illustrated in Figure 1.

2.2. Exponential Smoothing

Due to the significant noise in the monitoring features of the C-MPSS dataset, the simple exponential smoothing (SES) algorithm is introduced to smooth the raw monitoring features of the engine. This is carried out to enable the prediction algorithm model to better capture the changing trend of the feature signal. The current actual value of the engine sensor monitoring parameter is weighted averaged with the previous parameter value to obtain the smoothing result [16]. The formula for the calculation is:
y t = x t , t = 1 y t = α x t + ( 1 α ) y t 1 , t 2 ,
In the equation, x t represents the true value at time t and y t 1 represents the observed value at time t 1 . α ( 0 , 1 ) is the decay factor. The smoothing parameter α controls the rate of the weight reduction of the exponential smoothing. When the value of α is closer to 1, the recent characteristic parameters have a greater influence on the prediction results; when α is closer to 0, the data parameters are smoother.

2.3. Multilayer Perception Machine

A multilayer perceptron is a type of artificial neural network (ANN). The multilayer perceptron consists of an input layer, an output layer, and multiple hidden layers [17,18]. The neural network structure with three layers of perception machines is displayed in Figure 2, where each circle represents a neural node. The input layer receives raw input signals from external sources, and the hidden and output layers process these signals to produce the final output.
The input layer of the MLP is denoted by X R m × n , with m samples and n features. If the MLP has a single hidden layer, the weights of the hidden layer are represented by W h R n × h and the bias parameters are denoted by b h R 1 × h . The output of the hidden layer is calculated as follows:
H = σ ( X W h + b h ) ,
If there are q label values in the output, the weight and bias parameters for the output layer are denoted by W o R h × q and b h R 1 × q , respectively. The formula for the output layer is:
O = H W o + b o ,

2.4. Bayesian Parameter Update Algorithm

The Bayesian optimization algorithm builds a collection function based on the posterior probability distribution model and utilizes previous evaluation information to select the next optimal parameter evaluation point. As the degradation process of engine monitoring parameters is stochastic and variable, this paper employed the Gaussian process in the Bayesian algorithm with an acquisition function to optimize the stochastic problem of the MLP in remaining life prediction.
Specifically, the Gaussian process (GP) models the probability distribution of the function.
f ( x ) N ( μ ( x ) , k ( x , x ) ) ,
Here, x represents the training data for the Gaussian process, which follow a multivariate Gaussian distribution for all x = [ x 1 , x 2 , , x n ] . The covariance function is denoted by K ( x , x ) and the sample mean is denoted by u ( x ) .
The optimal solution is obtained by evaluating sample candidates using the acquisition function, expressed as:
f ( x ) = φ μ ( x ) f x max α σ ( x ) ,
The equation includes σ ( x ) , which is the variance of the Gaussian process, α being the hyperparameter used to search for the optimal output in the model. Figure 3 illustrates the flow of the MLP prediction model based on Bayes optimization.

2.5. Probability Density Function (PDF) of Remaining Life

Assuming that the RUL prediction of the target aeroengine after model training at operating cycle T = { t 1 , t 2 , , t k } is X = x t 1 , x t 2 , , x t k , we can calculate its expected value and standard deviation as follows:
μ x t k = 1 K i = 1 K x t i ,
σ x t k = 1 K i = 1 K x t i μ x t k 2 1 2 ,
Under a Gaussian distribution, the PDF for the remaining engine life x t k , with an expectation of μ x t k and a standard deviation of σ x t k at time t of the current operating cycle, is:
f x t k = 1 σ x t k 2 π e X μ x t k 2 2 σ x t k 2 ,
When the standard deviation is larger, the peak is lower and the prediction uncertainty is reduced. Using the above formula, we can determine the PDF and mathematical expectation of the engine’s remaining life at any operating cycle, enabling an accurate prediction of the RUL.

3. RF and Bayesian MLP-Based RUL Prediction Framework

Step 1:
Data preprocessing.
An aero-engine’s monitoring parameters contain a large amount of historical degradation data. To enhance the prediction performance of the training model, it is important to select monitoring parameters that strongly correlate with the engine’s life cycle. We employed a random forest algorithm to generate an importance ranking value for each monitoring parameter, and subsequently eliminated parameters with low importance. The SES algorithm was used to smooth the extracted features and reduce the influence of noise, allowing samples to retain the maximum amount of degradation information. As monitoring parameters mostly consist of different types of data, we employed the MinMax scaling method to normalize the monitoring features and reduce the influence of data magnitude.
Step 2:
Training the multi-layer perceptron model.
Our training framework is based on artificial neural networks. Firstly, we filtered the parameters that require updating and determined the range of the search, with the root-mean-square error (RMSE) as our search target. We obtained the best possible parameters, which were then employed as the final combinations for the MLP engine RUL prediction model.
Step 3:
RUL prediction.
We began by pre-processing the test set, which was then input into the Bayes MLP prediction model for training. The prediction evaluation indexes RMSE and R 2 values were output, and we compared and analyzed the prediction results with the actual values. Next, we calculated the expectation and standard deviation of the RUL prediction values in order to obtain the PDF of the engine’s RUL. A diagram of the overall RUL prediction process framework for aero engines can be found in Figure 4.

4. Experimental Validation and Analysis

4.1. Validation Data Set

The validation data are based on the CMAPSS dataset provided by the NASA Ames Failure Prediction Research Center. It simulates the health of each output component during the degradation of a real commercial turbofan engine in different operating environments [19]. The dataset consists of four training and test sets, FD001 to FD004, which were simulated under various operating conditions and failure modes [20]. The training dataset comprises the full life cycle data from the start of the aircraft’s in-service operation until failure, whereas the test set records the partial life cycle data of the aircraft from its initial state until failure [21,22]. The dataset was subjected to a degree of engine wear during the simulation due to interference from artificial noise. The size of the dataset is presented in Table 1:
Table 2 presents the specific meaning of each monitoring parameter in the dataset. We note that, within the dataset, Setting_1, Setting_2 and TRA correspond to three different sets of operating environment conditions.
The maximum cycle sample length distribution of all engines in datasets FD001-FD004 is shown in Figure 5. The sample lengths of the four datasets vary. FD001 and FD003 datasets were collected under a single operating condition, with sample lengths mainly distributed between [150 and 250], whereas datasets FD002 and FD004 were collected under six operating conditions and two fault modes, with sample lengths mainly distributed between [150 and 300]. This indicates that the engine’s life cycle is shorter under a single operating condition, resulting in a large amount of degradation trajectory information that cannot be utilized.

4.2. Evaluation Metrics

To measure the effectiveness of the prediction model proposed, evaluation indicators, including root mean square error, mean absolute error, coefficient of determination ( R 2 ), and performance score function (Score), were introduced to assess the model’s performance from four dimensions. The calculation method for the RMSE [23] is as follows:
RMSE = 1 n i = 1 n y ^ i y i 2 ,
The RMSE penalizes overestimation and underestimation errors in predicting the RUL of the engine equally, whereas Score [24] penalizes these errors differently. Therefore, to enhance the accuracy of model evaluation, the performance score function was introduced.
Score = i = 1 n e y ^ i y i 13 1 , y ^ i y i < 0 i = 1 n e y ^ i y i 10 1 , y ^ i y i > 0 ,
The mean absolute error (MAE) [25] represents the dispersion level among data samples, and its calculation formula is as follows:
MAE = 1 n i n y ^ i y i ,
The smaller the predicted values for the RMSE, MAE, and Score, the better the model’s predictive performance. For the R 2 , the closer its value is to 1, the better the fitting degree of the prediction model.
R 2 = 1 i = 1 n y i y ^ i 2 i = 1 n y i y i ¯ 2 , R [ 0 , 1 ] ,
In the equation, n represents the total number of engines, y ^ represents the predicted RUL value for the i-th engine, and y i represents the true RUL value for the i-th engine.

4.3. Selection of Key Parameters

This paper conducted experiments using monitoring samples from four datasets, FD001 to FD004 [26,27]. Figure 6 illustrates the degradation process of the monitoring parameters for engine 32 in the FD001 dataset as the operating cycles increase, with the final lifecycle being the actual failure time of the engine. From the graph, it can be observed that some monitoring parameters, such as W31 and W32, showed a clear degradation or upward trend when increasing operating cycles, whereas others, such as T2 and P2, did not show a significant trend when increasing operating cycles.
In the dataset, there are many original features, and the high correlation between many features can lead to the problem of a high dimensionality. To find the features with the highest contribution to the prediction algorithm from the massive feature data, feature selection is required. By using the RF [28] algorithm to evaluate the importance of 21 features in the original sample data, a ranking of feature variable importance was obtained. As shown in Figure 7, the importance ranking of the 21 features in the FD001 dataset is presented. These features are defined in Table 2. From Figure 7, it can be seen that the importance scores of some feature variables, such as T2, P2, Epr, FarB, Nf_dmd, PCNfR_dmd, and P15, are close to zero, indicating that these features have a weak correlation with the engine’s lifecycle. Therefore, these features were removed, and the remaining 14 feature variables were considered as inputs to the prediction model.

4.4. Data Processing

Due to the susceptibility of original monitoring features to noise interference, the SES algorithm was introduced to smooth [29] the monitoring information. Equation (4) was used to process the extracted features. In this paper, smoothing coefficients of 0.1 and 0.3 were selected to smooth the monitored parameters of the 14 sensors in the engine. Two randomly selected sensor parameters were plotted to show the smoothing effect before and after the smoothing process, as shown in Figure 8. The smoothing effect is the best when the coefficient is set at 0.1.
The numerical range of monitoring parameters in aviation engines has significant differences and the dimensions of data are not unified. In order to reduce the impact of different variable value ranges on the prediction model, the MinMax Scale [30,31] normalization method was used to map the values of the data into the [0, 1] range.
x s c a l e d = x x m i n x m a x x m i n ,
In the formula, x m a x and x m i n represent the maximum and minimum values of each group of monitoring parameters, respectively. Standardization was performed on the 69th engine with the longest running cycle in the FD001 dataset. Before normalizing the monitoring parameters, the values of each parameter had a large range, making it difficult to see the change patterns of the monitoring parameters. The results after normalization are shown in Figure 9, where there is an obvious trend of performance degradation in the monitoring parameters.

4.5. Training and Optimization of RUL Prediction Model

To effectively avoid overfitting in the MLP model, L2 regularization [32] was introduced to reduce overfitting. In this study, the optimization strategies included LBFGS, Sgd, and Adam [33], which were combined with three different activation functions. The training error evaluation indicators of the model were compared using R 2 and the mean absolute error (MAE). Table 3 shows the comparative results of the prediction models.
Based on the results presented in Table 3, we found that the optimal choice of optimization strategy and activation function was LBFGS and ReLU, respectively, as these corresponded to coefficient of determination values closer to 1 and minimized the average absolute error. To identify the optimal structure of the MLP model, we systematically varied the number of hidden layers between 2 and 8 while setting the number of hidden nodes to 15, 25, 35, and 45, with LBFGS and ReLU [33] used as the weight optimizer and activation function, respectively. The experimental results are presented in Table 4.
Figure 10 shows the validation set RMSE [34] of the MLP training model under different regularization parameters and maximum iteration numbers. From the figure, it can be observed that the RMSE is minimized when the maximum number of iterations of the MLP algorithm is set to 150 and alpha is set to 0.0001, and the model has the best training effect.
The Bayesian parameter updating algorithm was used to optimize the parameters in MLP, and the results of hyperparameter selection are shown in Table 5.

4.6. Prediction Results

In order to investigate the impact of the method proposed in this paper on different datasets, experiments were conducted using four datasets: FD001, FD002, FD003, and FD004. Since FD001 and FD003 only contain the life degradation information of 100 engines under a single working condition, the prediction difficulty is relatively low. In contrast, FD002 and FD004 contain historical degradation data of 248 engines under multiple working conditions, which increase the prediction difficulty of the model. Therefore, the prediction results for the FD001 and FD003 datasets are better than those for the FD002 and FD004 datasets.

4.7. Experiment Comparison and Analysis

There is a certain mapping relationship between the performance degradation state of each aircraft engine and its remaining life cycle. In order to explore and analyze the relationship between the engine life cycle, 81, 32, 76, and 56 randomly selected aerospace engines from the FD001 to FD004 datasets were used to predict the entire life cycle. To better evaluate the accuracy of this paper’s method in predicting engine RUL, ridge regression [35], lasso regression [36], and light gradient boosting machine (LGBM) [37] methods were compared with the method proposed. As shown in Figure 11, the predicted RUL values of the aircraft engines using the method proposed are closer to the true values compared to other methods, and the predicted results are within the 95% confidence interval.
In order to further evaluate the performance of the proposed method in terms of the prediction error, four different models constructed as mentioned above were compared. The boxplots of the prediction errors are shown in Figure 12. The orange solid line in each box represents the expected value of the predicted RUL of the engine. The size of the box in the boxplot can measure the uncertainty of RUL prediction. The RUL prediction error boxplots for datasets FD002 and FD004 are relatively large compared to other test sets. This is because the data in these datasets were collected in a complex environment with multiple operating conditions, indicating that there are more uncertainty factors in the multi-operational mode. In the verification sets of FD001 and FD004 under single-operational and multi-operational conditions, engine 32 and engine 56 were randomly selected, respectively, and the probability density curves of RUL prediction values at different cycle periods are shown in Figure 13. As the cycle period increases, the RUL prediction value becomes closer to the true value.
To objectively evaluate and verify the RUL prediction results under different operating conditions, we constructed the three methods mentioned above and selected four prediction methods from the literature, including K-Neighbors Regressor (KNR) [38], to compare and analyze them with proposed method. The evaluation metrics of the RMSE and R 2 values of the aviation engine RUL prediction results were compared. The comparison results are shown in Figure 14. The evaluation metric RMSE for the test sets FD001 and FD003 is considerably smaller than that for FD002 and FD004 under multiple operating conditions, and the R 2 value is also closer to 1. Moreover, compared with the evaluation results of other methods, the RUL prediction results of our proposed method for aviation engines have mostly smaller evaluation metrics. This effectively shows that our proposed RUL prediction method has a better prediction accuracy and performance, and that the predicted RUL values of the engine are closer to the actual values.

5. Conclusions

This paper investigated the problem of predicting the RUL of aircraft engines in a random degradation process under the background of complex and nonlinear dimensions of multi-source monitoring parameters. A multi-layer perceptron RUL prediction model for aircraft engines based on the random forest and Bayesian online parameter updating was proposed. Verification and analysis were conducted using the C-MAPSS data.
In the early stage of predicting the RUL of aircraft engines, the RF algorithm was used to effectively extract features that have the greatest impact on the engine operating cycle and exhibit obvious degradation trends, thereby reducing the impact of data redundancy on the accuracy of the RUL prediction model.
In the RUL prediction stage of aircraft engines, the Bayesian parameter updating algorithm was studied to optimize the hyperparameters in the MLP. Different parameters were tested to determine their degree of influence on the RUL prediction model, obtaining the optimal parameters that minimize the evaluation index RMSE. This effectively avoids the impact of random parameter selection in the MLP prediction model on the training efficiency. After conducting experimental validation using the C-MPASS dataset, the RMSE value for the FD001 dataset decreased by 6.1% compared to other state-of-the-art methods, whereas the R-squared value increased by 2.4%.
However, there are still some shortcomings in the proposed method of this paper that are worth further improvement and refinement. Constructing a health index (HI) for the engine can reflect the health status of the engine to the greatest extent possible. Using the HI constructed as the input of the prediction model can make the RUL prediction results more accurate. Although this paper studied and modeled the aircraft engine degradation process under single and multiple working conditions, a comprehensive HI needs to be constructed based on the degradation features of the engine to characterize the change and health status of the engine during operation, and the HI needs to be further explored and analyzed in future research.

Author Contributions

Conceptualization, H.W. and G.Z.; methodology, D.L. (Dongwen Li); software, X.Y.; validation, D.L. (Dongwen Li), H.W., and G.Z.; formal analysis, C.L.; investigation, D.L. (Dongjun Li); resources, D.L. (Dongjun Li); data curation, C.L.; writing—original draft preparation, D.L. (Dongwen Li); writing—review and editing, H.W.; visualization, G.Z.; supervision, D.L. (Dongjun Li); project administration, H.W.; funding acquisition, H.W. and G.Z. All authors have read and agreed to the published version of the manuscript.

Funding

This work was supported in part by the National Natural Science Foundation of China (61863016).

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

The datasets used in this study are openly available on NASA repository and they are called Turbofan Engine Degradation Simulation Dataset and PHM08 Challenge Dataset: (https://www.nasa.gov/intelligent-systems-division).

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Hu, Y.; Miao, X.; Si, Y.; Pan, E.; Zio, E. Prognostics and health management: A review from the perspectives of design, development and decision. Reliab. Eng. Syst. Saf. 2022, 10, 108063. [Google Scholar] [CrossRef]
  2. Lee, J.; Wu, F.; Zhao, W.; Ghaffari, M.; Liao, L.; Siegel, D. Prognostics and health management design for rotary machinery systems—Reviews, methodology and applications. Mech. Syst. Signal Process. 2014, 42, 314–334. [Google Scholar] [CrossRef]
  3. Zhai, Q.; Ye, Z.S. RUL Prediction of Deteriorating Products Using an Adaptive Wiener Process Model. IEEE Trans. Ind. Inform. 2017, 13, 2911–2921. [Google Scholar] [CrossRef]
  4. Loutas, T.H.; Roulias, D.; Georgoulas, G. Remaining Useful Life Estimation in Rolling Bearings Utilizing Data-Driven Probabilistic E-Support Vectors Regression. IEEE Trans. Reliab. 2013, 62, 821–832. [Google Scholar] [CrossRef]
  5. Liao, L.; Koettig, F. Review of Hybrid Prognostics Approaches for Remaining Useful Life Prediction of Engineered Systems, and an Application to Battery Life Prediction. IEEE Trans. Reliab. 2014, 63, 191–207. [Google Scholar] [CrossRef]
  6. Bingce, Z.; Degang, W.; Wenyan, S.; Shuo, Z.; Sida, L. An Interval-Valued Prediction Method for Remaining Useful Life of Aero Engine. In Proceedings of the 2020 39th Chinese Control Conference (CCC), Shenyang, China, 27–29 July 2020; pp. 5790–5795. [Google Scholar]
  7. Guoxing, L.; Qing, L.; Nong, C. Remaining Useful Life Estimation of Turbofan Engine Using LSTM Neural Networks. In Proceedings of the 2018 IEEE CSAA Guidance, Navigation and Control Conference (CGNCC), Xiamen, China, 10–12 August 2018; pp. 1–5. [Google Scholar]
  8. Wang, Q.; Zheng, S.; Farahat, A.; Serita, S.; Gupta, C. Remaining Useful Life Estimation Using Functional Data Analysis. In Proceedings of the 2019 IEEE International Conference on Prognostics and Health Management (ICPHM), San Francisco, CA, USA, 17–20 June 2019; pp. 1–8. [Google Scholar]
  9. Junqiang, L.; Fan, L.; Chunlu, P.; Dongbin, H.; Hongfu, Z. Prediction of remaining useful life of multi-stage aeroengine based on clustering and LSTM fusion. Reliab. Eng. Syst. Saf. 2021, 214, 107807. [Google Scholar]
  10. Wennian, Y.; Yong, K.; Chris, M. Remaining useful life estimation using a bidirectional recurrent neural network based autoencoder scheme. Mech. Syst. Signal Process. 2019, 129, 764–780. [Google Scholar]
  11. Cunsong, W.; Zhenghong, Z.; Ningyun, L.; Yuehua, C.; Bin, J. A data-driven degradation prognostic strategy for aero-engine under various operational conditions. Neurocomputing 2021, 462, 195–207. [Google Scholar]
  12. Zhang, X.; Dong, Y.; Wen, L.; Lu, F.; Li, W. Remaining Useful Life Estimation Based on a New Convolutional and Recurrent Neural Network. In Proceedings of the 2019 IEEE 15th International Conference on Automation Science and Engineering (CASE), Vancouver, BC, Canada, 22–26 August 2019; pp. 317–322. [Google Scholar]
  13. Lam, J.; Sankararaman, S.; Stewart, B. Enhanced Trajectory Based Similarity Prediction with Uncertainty Quantification. In Proceedings of the Annual Conference of the PHM Society, Fort Worth, TX, USA, 27 September–3 October 2014; Available online: https://www.researchgate.net/publication/289796689_Enhanced_trajectory_based_similarity_prediction_with_uncertainty_quantification (accessed on 6 March 2023).
  14. Haoshu, C.; Xiaodong, J.; Jianshe, F.; Wenzhe, L.; Laura, P.; Jay, L. A similarity based methodology for machine prognostics by using kernel two sample test. Isa Trans. 2020, 103, 112–121. [Google Scholar]
  15. Breiman, L. Random forests. Mach. Learn. 2001, 45, 5–32. [Google Scholar] [CrossRef] [Green Version]
  16. Lee, J.M.; Yoo, C.K.; Lee, I.B. Efficient fault detection using multivariate exponentially weighted moving average and independent component analysis. Comput. Aided Chem. Eng. 2003, 15, 916–921. [Google Scholar]
  17. Wen, L.; Dong, Y.; Gao, L. A new ensemble residual convolutional neural network for remaining useful life estimation. Math. Biosci. Eng. 2019, 16, 862–880. [Google Scholar] [CrossRef] [PubMed]
  18. Dumpala, S.H.; Chakraborty, R.; Kopparapu, S.K. A novel data representation for effective learning in class imbalanced scenarios. In Proceedings of the 27th International Joint Conference on Artificial Intelligence, Stockholm, Sweden, 13–19 July 2018; pp. 2100–2106. [Google Scholar]
  19. Saxena, A.; Goebel, K.; Simon, D.; Eklund, N. Damage propagation modeling for aircraft engine run-to-failure simulation. In Proceedings of the 2008 International Conference on Prognostics and Health Management(PHM), Stockholm, Sweden, 6–9 October 2008. [Google Scholar]
  20. Chen, Z.; Wu, M.; Zhao, R.; Guretno, F.; Li, X. Machine remaining useful life prediction via an attention based deep learning approach. IEEE Trans. Ind. Electron. 2020, 68, 2521–2531. [Google Scholar] [CrossRef]
  21. Zhang, Y.; Xin, Y.; Liu, Z.W.; Chi, M.; Ma, G. Health status assessment and remaining useful life prediction of aero-engine based on BiGRU and MMoE. Reliab. Eng. Syst. Saf. 2022, 220, 108263. [Google Scholar] [CrossRef]
  22. Lim, P.; Goh, C.K.; Tan, K.C.; Dutta, P. Estimation of remaining useful life based on switching Kalman Filter neural network ensemble. In Proceedings of the Annual Conference Of The Prognostics And Health Management Society 2014, Fort Worth, TX, USA, 29 September 2014; pp. 2–9. [Google Scholar]
  23. Feng, Y.; Mohamed, S.H.; Tianyou, Z.; Zhao, X.; Pin, L.; Sivakumar, N. Health Index-Based Prognostics for Remaining Useful Life Predictions in Electrical Machines. IEEE Trans. Ind. Electron. 2016, 63, 2633–2644. [Google Scholar]
  24. Sen, Z.; Yong, Z.; Shang, W.; Beitong, Z.; Cheng, C. A recurrent neural network approach for remaining useful life prediction utilizing a novel trend features construction method. IEEE Meas. 2019, 146, 279–288. [Google Scholar]
  25. Cheng, C.; Guijun, M.; Yong, Z.; Mingyang, S.; Fei, T.; Han, D.; Ye, Y. A Deep Learning-Based Remaining Useful Life Prediction Approach for Bearings. IEEE/Asme Trans. Mechatronics 2020, 25, 1243–1254. [Google Scholar] [CrossRef] [Green Version]
  26. Chao, M.A.; Kulkarni, C.; Goebel, K.; Fink, O. Aircraft Engine Run-to-Failure Dataset under Real Flight Conditions; NASA Prognostics Data Repository, NASA Ames Research Center: Moffett Field, CA, USA, 2020. Available online: https://www.nasa.gov/content/prognostics-center-of-excellence-data-set-repository (accessed on 10 March 2023).
  27. Viale, L.; Daga, A.P.; Fasana, A.; Garibaldi, L. Least squares smoothed k-nearest neighbors online prediction of the remaining useful life of a NASA turbofan. IEEE Mech. Syst. Signal Process. 2023, 190, 110154. [Google Scholar] [CrossRef]
  28. Huang, W.; Khorasgani, H.; Gupta, C.; Farahat, A.; Zheng, S. Remaining Useful Life Estimation for Systems with Abrupt Failures. In Proceedings of the Annual Conference Of The Prognostics And Health Management Society 2018, Pennsylvania, PA, USA, 24–27 September 2018; Available online: https://www.researchgate.net/publication/349496264_Remaining_Useful_Life_Estimation_for_Systems_with_Abrupt_Failures (accessed on 8 April 2023).
  29. Savitzky, A.; Golay, M.J.E. Smoothing and Differentiation of Data by Simplified Least Squares Procedures. IEEE Anal. Chem. 1964, 36, 1627–1639. [Google Scholar] [CrossRef]
  30. Wang, B.; Lei, Y.; Li, N.; Yan, T. Deep separable convolutional network for remaining useful life prediction of machinery. IEEE Mech. Syst. Signal Process. 2019, 134, 106330. [Google Scholar] [CrossRef]
  31. Li, X.; Ding, Q.; Sun, J.Q. Remaining useful life estimation in prognostics using deep convolution neural networks. IEEE Reliab. Eng. Syst. Saf. 2018, 172, 1–11. [Google Scholar] [CrossRef] [Green Version]
  32. Peng, C.; Wu, J.; Wang, Q.; Gui, W.; Tang, Z. Remaining Useful Life Prediction Using Dual-Channel LSTM with Time Feature and Its Difference. IEEE Entropy 2022, 24, 1818. [Google Scholar] [CrossRef] [PubMed]
  33. Wang, X.; Xu, J.; He, Y. Stress and temperature prediction of aero-engine compressor disk based on multilayer perceptron. IEEE J. Aerosp. Power 2022, 10, 1–9. [Google Scholar]
  34. Li, J.; Li, X.; He, D. Domain Adaptation Remaining Useful Life Prediction Method Based on AdaBN-DCNN. In Proceedings of the 2019 Prognostics and System Health Management Conference (PHM), Qingdao, China, 25–27 October 2019; pp. 1–6. [Google Scholar]
  35. Yu, D.W.; Luo, Y.P. Short-term Power Load Prediction Based on GBDT-ridge. IEEE J. New Ind. 2019, 6, 23–26+33. [Google Scholar]
  36. Yu, Q.Y.; Li, J.; Dai, H.D.; Xin, F.L. LASSO based variable selection for similarity remaining useful life prediction of aero-engine. IEEE J. Aerosp. Power 2023, 38, 931–938. [Google Scholar]
  37. Song, H.L.; Li, M.; Gou, J.; Zhao, Q.H. Remaining Useful Life Prediction for Aero-Engine Based on LightGBM. IEEE Mod. Comput. 2021, 27, 47–52. [Google Scholar]
  38. Zhang, C.; Lim, P.; Qin, A.K. Multiobjective Deep Belief Networks Ensemble for Remaining Useful Life Estimation in Prognostics. IEEE Trans. Neural Netw. Learn. Syst. 2017, 28, 2306–2318. [Google Scholar] [CrossRef]
Figure 1. Random forest feature extraction model.
Figure 1. Random forest feature extraction model.
Applsci 13 07186 g001
Figure 2. MLP structure diagram.
Figure 2. MLP structure diagram.
Applsci 13 07186 g002
Figure 3. Bayesian flowchart for optimizing MLP parameters.
Figure 3. Bayesian flowchart for optimizing MLP parameters.
Applsci 13 07186 g003
Figure 4. Flowchart for RUL prediction of aircraft engines.
Figure 4. Flowchart for RUL prediction of aircraft engines.
Applsci 13 07186 g004
Figure 5. Distribution of data sample lengths.
Figure 5. Distribution of data sample lengths.
Applsci 13 07186 g005
Figure 6. The trend of the original monitoring parameters for engine 32 in the training set FD001.
Figure 6. The trend of the original monitoring parameters for engine 32 in the training set FD001.
Applsci 13 07186 g006
Figure 7. Feature variable importance ranking chart.
Figure 7. Feature variable importance ranking chart.
Applsci 13 07186 g007
Figure 8. The smoothing effect of different smoothing coefficients on sensor parameters.
Figure 8. The smoothing effect of different smoothing coefficients on sensor parameters.
Applsci 13 07186 g008
Figure 9. The trend of normalized monitoring parameters.
Figure 9. The trend of normalized monitoring parameters.
Applsci 13 07186 g009
Figure 10. Validation set RMSE of MLP with different parameter values.
Figure 10. Validation set RMSE of MLP with different parameter values.
Applsci 13 07186 g010
Figure 11. Comparing the RUL prediction results of different methods on different engines.
Figure 11. Comparing the RUL prediction results of different methods on different engines.
Applsci 13 07186 g011
Figure 12. Box plots depicting prediction errors of various models on different datasets.
Figure 12. Box plots depicting prediction errors of various models on different datasets.
Applsci 13 07186 g012
Figure 13. PDF and the predicted RUL values compared to the actual values.
Figure 13. PDF and the predicted RUL values compared to the actual values.
Applsci 13 07186 g013
Figure 14. Comparison of RUL prediction results.
Figure 14. Comparison of RUL prediction results.
Applsci 13 07186 g014
Table 1. C-MAPSS dataset.
Table 1. C-MAPSS dataset.
DatasetFD001FD002FD003FD004
Number of Training Samples100260100249
Number of Test Samples100259100248
Total Length of Training Set20,63053,75824,71961,248
Total Length of Test Set13,09533,99016,59541,213
Operating Conditions1616
Fault Mode1122
Table 2. Description of Monitoring Parameters.
Table 2. Description of Monitoring Parameters.
No.ParametersUnit
1Altitude (Setting_1)
2Mach number (Setting_2)
3Throttle resolver angle (TRA)
4Total temperature at fan inlet (T2) R
5LPC outlet temperature (T24) R
6HPC outlet temperature (T30) R
7LPT outlet temperature (T50) R
8Fan inlet pressure (P2)psia
9Bypass duct pressure (P15)psia
10HPC outlet pressure (P30)psia
11Physical fan speed (Nf)r/min
12Physical core speed (Nc)r/min
13Engine pressure ratio P50/P2 (Epr)
14HPC outlet static pressure (Ps30)psia
15Ratio of fuel flow to Ps30 (Phi)pps/psia
16Corrected fan speed (NRf)r/min
17Corrected core speed (NRc)r/min
18Corrected core speed (BPR)
19Burner fuel–air ratio (FarB)
20Bleed enthalpy (htBleed)
21Required fan speed (Nf_dmd)r/min
22Required fan conversion speed (PCNfR_dmd)r/min
23High-pressure turbines cool air flow (W31)lbm/s
24Low-pressure turbines cool air flow (W32)lbm/s
Table 3. Evaluation of MLP optimization strategies and activation function performance.
Table 3. Evaluation of MLP optimization strategies and activation function performance.
IdentityIdentityLogisticLogisticTanhTanhReLUReLU
R 2 MAE R 2 MAE R 2 MAE R 2 MAE
LBFGS0.717.930.7913.940.813.620.8112.98
Sgd0.717.840.7913.570.813.650.8013.94
Adam0.717.870.7614.420.7913.520.7814.23
Table 4. Evaluation of MLP hidden layer performance.
Table 4. Evaluation of MLP hidden layer performance.
Performance IndicatorNumber of LayersNumber of Nodes (15)Number of Nodes (25)Number of Nodes (35)Number of Nodes (45)
RMSE217.8818.9919.1918.39
Score2571.54762.14752.13642.38
RMSE419.1617.7017.2919.04
Score4784.26577510.80824.43
RMSE619.1917.8519.4418.41
Score6724.27554.06929.44629.32
RMSE817.9218.1618.6119.54
Score8611.64626.56720.00953.93
Table 5. Hyperparameter selection.
Table 5. Hyperparameter selection.
ParametersBayesian Optimization Result
Activationrelu
Solverlbfgs
Alpha0.0001
Maxiter149
Randomstate1
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Wang, H.; Li, D.; Li, D.; Liu, C.; Yang, X.; Zhu, G. Remaining Useful Life Prediction of Aircraft Turbofan Engine Based on Random Forest Feature Selection and Multi-Layer Perceptron. Appl. Sci. 2023, 13, 7186. https://0-doi-org.brum.beds.ac.uk/10.3390/app13127186

AMA Style

Wang H, Li D, Li D, Liu C, Yang X, Zhu G. Remaining Useful Life Prediction of Aircraft Turbofan Engine Based on Random Forest Feature Selection and Multi-Layer Perceptron. Applied Sciences. 2023; 13(12):7186. https://0-doi-org.brum.beds.ac.uk/10.3390/app13127186

Chicago/Turabian Style

Wang, Hairui, Dongwen Li, Dongjun Li, Cuiqin Liu, Xiuqi Yang, and Guifu Zhu. 2023. "Remaining Useful Life Prediction of Aircraft Turbofan Engine Based on Random Forest Feature Selection and Multi-Layer Perceptron" Applied Sciences 13, no. 12: 7186. https://0-doi-org.brum.beds.ac.uk/10.3390/app13127186

Note that from the first issue of 2016, this journal uses article numbers instead of page numbers. See further details here.

Article Metrics

Back to TopTop