Next Article in Journal
A Fast Operation Method for Predicting Stress in Nonlinear Boom Structures Based on RS–XGBoost–RF Model
Previous Article in Journal
Enhancing Autonomous Driving Robot Systems with Edge Computing and LDM Platforms
Previous Article in Special Issue
An Improved YOLOv5 Algorithm for Tyre Defect Detection
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Remaining Useful Life Prediction of Aero-Engine Based on KSFA-GMM-BID-Improved Autoformer

College of Automobile and Traffic Engineering, Nanjing Forestry University, Nanjing 210037, China
*
Author to whom correspondence should be addressed.
Electronics 2024, 13(14), 2741; https://doi.org/10.3390/electronics13142741
Submission received: 14 June 2024 / Revised: 9 July 2024 / Accepted: 10 July 2024 / Published: 12 July 2024
(This article belongs to the Special Issue Fault Detection Technology Based on Deep Learning)

Abstract

:
Addressing the limitation of traditional deep learning models in capturing the spatio-temporal characteristics of flight data and the constrained prediction accuracy due to sequence length in aero-engine life prediction, this study proposes an aero-engine remaining life prediction approach integrating a kernel slow feature analysis, a Gaussian mixture model, and an improved Autoformer model. Initially, the slow degradation features of gas path performance parameters over time are extracted through kernel slow feature analysis, followed by the establishment of a Gaussian mixture model to create a health state representation using Bayesian inferred distances for quantifying the aero-engine’s health status. Moreover, a spatial attention mechanism is introduced alongside the autocorrelation mechanism of the Autoformer model to augment the global feature extraction capacity. Additionally, a multilayer perceptron is employed to further elucidate the degradation trends, which enhances the model’s learning and predictive capabilities for extended sequences. Subsequently, experiments are conducted using authentic aero-engine operational data, comparing the proposed method with the standard Autoformer and Transformer models. The results demonstrate that the proposed method outperforms both models in swiftly and accurately predicting the remaining life of aero-engines with robustness and high prediction accuracy.

1. Introduction

The aero-engine serves as the vital component of an aircraft, responsible for generating thrust and propelling flight operations. Given its significant impact on aircraft safety and operational efficiency, the maintenance of aero-engines holds paramount importance [1]. To accurately evaluate engine reliability, the aerospace industry has introduced predictive maintenance and health management (PHM) techniques [2], with Remaining Useful Life (RUL) representing a pivotal aspect. Anticipating the engine’s remaining operational lifespan enables the early detection of potential failure issues, facilitating timely maintenance interventions and mitigating resource wastage. This proactive approach not only minimizes costs but also substantially enhances flight safety.
Establishing an appropriate health indicator (HI) holds paramount importance in aero-engine remaining life prediction [3]. Gas path parameters are commonly selected as crucial indicators to assess the engine’s health status. However, the extensive flight data encapsulate intricate nonlinear dynamics and fault details, complicating the relationship among different gas path parameters. Therefore, the accurate extraction of data features significantly impacts the precision of HI construction. While traditional methods like Principal Component Analysis [4] and Partial Least Squares [5] reduce high-dimensional data to a lower-dimensional space, practical implementation often challenges the underlying assumptions. Slow feature analysis (SFA) emerges as a novel technique capable of extracting features from time series data that evolve slowly over time, offering comprehensive insights into industrial processes with minimal algorithmic complexity [6]. In the realm of dynamic correlation feature selection, Liu et al. [7] introduced an SFA algorithm to address high-dimensional data variables and strong correlation issues. To handle nonlinear data effectively, incorporating kernel techniques into slow feature analysis proves beneficial. Notably, Zhang et al. [8] devised a monitoring strategy based on bidirectional dynamic kernel slow feature analysis, utilizing Hotelling’s T2 and SPE statistics for fault detection. By integrating multi-source information fusion to leverage extracted detailed features, a holistic approach is employed to construct health factors that characterize equipment status, forming the basis for predicting remaining service life.
The prediction of Remaining Useful Life based on constructed health indicators can be categorized into three main types: physical models, data-driven models, and hybrid models [9]. Data-driven prediction methods, in particular, stand out for their independence from prior knowledge and proficiency in handling complex degradation mechanisms without sacrificing generalization capabilities. Numerous scholars have delved into this area, classifying mainstream approaches into mathematical statistics and artificial intelligence. The mathematical statistics realm encompasses autoregressive models [10] and Markov models [11], among others. Notably, Diana et al. [12] developed three autoregressive models with exogenous variables to estimate the remaining service life of an aluminum plate during crack expansion. On the other hand, artificial intelligence algorithms typically encompass traditional machine learning methods and deep learning techniques, with support vector machines [13], random forests [14], and particle filtering [15] being commonly applied. For instance, W. Li et al. [16] introduced a new data-driven approach to the RUL prediction for metal forming processes under multiple contact sliding conditions. The data-driven approach took advantage of bidirectional long short-term memory (BLSTM) and convolutional neural networks (CNNs). A pre-trained lightweight CNN-based network, WearNet, was re-trained to classify the wear states of workpiece surfaces with high accuracy, and then the classification results were passed into a BLSTM-based regression model as inputs for RUL estimation. Fu et al. [17] introduced a novel approach that combines local–global cooperative learning with least squares support vector machines to enhance the accuracy of bearing service life predictions. Zhou et al. [18] developed an integral bearing fault prognosis framework informed by the well-designed time-domain signal preprocessing to conduct the bearing RUL prediction. This framework was built upon physical feature-oriented signal preprocessing and an associated wavelet neural network (WNN). The results consistently demonstrated prediction accuracy and performance robustness. Kim et al. [19] proposed a Transformer-based RUL estimation model that shows highly competitive RUL estimation performance and a novel Adaptive RUL-wise Reweighting (ARR) technique to tackle the unique data imbalance problem in RUL estimation. Wu et al. [20] proposed the traceless Kalman algorithm and refined the particle filtering algorithm by adjusting particle weights, thereby enhancing the precision of predicting the Remaining Useful Life of lithium-ion batteries.
Compared to traditional machine learning methods, deep learning offers significant advantages in handling complex data, particularly large-scale and high-dimensional datasets. Long short-term memory (LSTM), a popular algorithm and crucial variant of recurrent neural networks, incorporates gating units that effectively capture long-term dependencies, enhancing the modeling capacity for time series data. Yan et al. [21] employed frequency-domain features of the initial signals in gear computation to derive health indicators using ordered neuronal long- and short-term memory networks for Remaining Useful Life (RUL) prediction. Alongside LSTM, other relevant recurrent neural network (RNN) variants like gated recurrent unit (GRU) have emerged. With a more streamlined structure, improved gradient propagation, and memory capabilities, GRU finds broad applicability in various domains. Li et al. [22] developed a gated recurrent unit-depth autoregressive model for predicting rolling bearing failure time and probability. The evolution of deep learning led to the introduction of the Transformer model [23] for natural language processing tasks, subsequently expanding its application to life prediction scenarios. Leveraging the self-attention mechanism, the Transformer model mines correlation information among sequences, enhancing the capacity to capture long-range dependencies. Liu et al. [24] utilized a multi-branch remain network to create Health Indexes (HIs) characterizing the turbopump bearings’ health state, followed by accurate HI prediction using the Transformer model. While the Transformer-based time series prediction model has shown promise, certain deficiencies remain, particularly in the prediction of long-term series. Complex temporal patterns in long series pose challenges for the attention mechanism to extract reliable temporal dependencies, and the sparse attention mechanism may limit information utilization. To address these issues, Wu et al. [25] revolutionized the Transformer model with the introduction of the Autoformer. The Autoformer incorporates a deep decomposition architecture to extract predictive components from intricate time series data and integrates an autocorrelation mechanism to enhance information utilization, resulting in notable performance improvements across multiple sequential tasks.
To enhance the predictive capacity of the model for extended time series data, this paper introduces a method for predicting the remaining life of aero-engines using the KSFA-GMM-BID-improved Autoformer. This approach offers advancements over existing methods for predicting the remaining life of aero-engines in four key aspects:
(1)
The kernel slow feature analysis method is employed to extract depth features concerning the parameters of the aero-engine gas path. By extracting features that degrade slowly over time from the data on aero-engine gas path parameters, significant trends defining the health state of the aero-engine are uncovered. The utilization of the kernel technique enhances accuracy while simultaneously reducing computational complexity.
(2)
A Gaussian mixture model is utilized to establish the health state model, followed by the application of Bayesian inferred distance to precisely define the health state of the aero-engine. Additionally, a health indicator mapping method, which relies on a sparse self-encoder, is introduced to standardize the failure thresholds for predicting the remaining life of engines under various operational circumstances.
(3)
An improved Autoformer-based method is proposed for predicting the remaining life of aero-engines. In this method, a spatial attention mechanism is integrated alongside the autocorrelation mechanism in the Autoformer model to combine temporal and spatial features, thereby bolstering the model’s global feature extraction capability. Moreover, the incorporation of a multilayer perceptron aids in extracting features from the trend terms input to the Autoformer decoder, facilitating the identification of degradation features and the overall enhancement of the model’s learning and predictive capacities for extended sequences. Validation using real-world aircraft operational data demonstrates that the proposed approach significantly enhances the accuracy of predicting the remaining service life of aero-engines.
(4)
This study centers on the utilization of onboard fast storage recorder data obtained by the Civil Aviation Science and Technology Research Institute of China (CAST). It aims to tackle challenges associated with unrealistic aero-engine simulation data and incomplete experimental data.
The remainder of the paper is structured as follows: Section 2 outlines the principles of the pertinent algorithms, while the subsequent section details the aero-engine remaining service life prediction method introduced in this paper. Following that, Section 4 conducts the selection of gas path parameters and data preprocessing, and in Section 5, the accuracy of the proposed method is validated through experiments. Lastly, Section 6 presents the conclusion.

2. Algorithm Theory

2.1. Kernel Slow Feature Extraction Based on KSFA

2.1.1. Slow Feature Analysis

Slow feature analysis (SFA) is a technique designed for identifying features that evolve gradually over time within input signal vectors. By isolating the slow-changing elements of the signal, SFA effectively diminishes rapidly changing noise, enabling the discovery of concealed features within intricate signals. The objective is to ascertain a mapping function that aligns the output variable with the progressively changing features observed over time.
If a dimensional time series input signal is given as
x t = x 1 t , x 2 t , , x M t
then t t 0 , t 1 denotes the time range.
Determine the mapping function, denoted as Equation (1), that ensures that the output variable in Equation (2) evolves gradually over time. This evolution typically mirrors the change rate, serving as an indicator of the mean of the squared first-order derivatives concerning time.
g ( x ) = [ g 1 ( x ) , g 2 ( x ) , , g N ( x ) ]
f ( t ) = [ f 1 ( t ) , f 2 ( t ) , , f N ( t ) ]
Construct optimization goals:
min g n   Δ ( f n ) = ( f n ( t ) ) 2 t
where f ˙ n t is the first-order derivative of f n t , and t is the computed mean.
Hypotheses (5), (6), and (7) guarantee that every variable maintains a mean of 0 and a variance of 1 and remains uncorrelated with the other variables. Moreover, each variable is stipulated to change at a slower rate than the subsequent variable in sequence.
f n t t = 0
f n t 2 t = 1
f m ( t ) f n ( t ) t = 0 ,   m < n
Each slow feature f ( t ) undergoes a linear feature transformation to present it in a linear combination form of the original input signal. This transformation elucidates the intricate relationship between the slow feature and the original input signal, facilitating a clearer understanding. The resultant linear combination form is expressed as follows:
f n t = w n T x
where w n T is the mapping vector.
In slow feature analysis, whitening is essential to optimize the problem solution by ensuring the independence of individual variables. This whitening process is commonly achieved through singular value decomposition (SVD).
The statistical properties of the input signal are characterized by defining a covariance matrix, depicted as follows:
P 1 = x t x T t t
According to the theory of singular value decomposition, a matrix can be decomposed into a product of three matrices, i.e., the original matrix is equal to the left singular matrix multiplied by a diagonal matrix and multiplied by the transpose of the right singular matrix:
P 2 = U Λ U T
where U and Λ denote the eigenmatrix and eigenvalue diagonal array, respectively. According to the whitening matrix P = Λ 1 2 U T , the whitened data are
Z = Λ 1 2 U T x = P x
Substituting Equation (10) into Equation (7) gives
f n ( t ) w n T x = w n T P 1 z = E Z
where E = w n T P 1 . Clearly Z Z T t = P x x T P T = I is obtained, which follows from the following constraints:
f n ( t ) f n ( t ) T t = E Z Z T E T = E E T = I
Thus, E is an orthogonal matrix, and the objective function ( f n ( t ) ) 2 t can be expressed as
( f n ( t ) ) 2 t = r n T z z T t r n
Decomposition based on singular values is expressed as follows:
z z T t = E T B 1 E
where B 1 = d i a g ( λ 1 , λ 2 , , λ m ) is the eigenvalue matrix with sequentially increasing eigenvalues, with the objective function f n t 2 = λ i . The mapping matrix w n T consisting of the mapping vector W 1 = [ w 1 , w 2 , , w M ] T is given by
W 1 = E P = E Λ 1 2 U T
Therefore the optimization problem of SFA is to choose the feature vector λ 1 corresponding to the minimum feature value w 1 as the mapping vector to solve for ( f 1 ( t ) ) 2 t and so on to obtain other slow features.

2.1.2. Kernel Slow Feature Analysis

Aero-engines exhibit significant nonlinearities in the gas path parameters during operation. The kernel technique proves to be a successful approach in handling nonlinear dependencies and has been employed for addressing nonlinear challenges in slow feature characterization [26]. Kernel slow feature analysis (KSFA) utilizes kernel functions instead of the conventional polynomial expansion method, offering improved capabilities in handling nonlinear dependencies. The fundamental concept involves mapping the original data from a lower-dimensional space to a higher-dimensional space and utilizing kernel functions to perform the inner product operation in this expanded space to effectively process the nonlinear dependencies.
Various types of commonly employed kernel functions exist, and this paper utilizes the prevalent Gaussian kernel function known for its robust generalization and effective smoothing estimation properties. The Gaussian kernel function facilitates the transformation of original data into a higher-dimensional space, enabling the capture of nonlinear characteristics through the computation of inner products within this expanded space.
G i j = G x i , x j = exp x i x j c 2
Here, x i and x j are arbitrary samples.
Substituting the polynomial expansion with the Gaussian kernel function, specifically the transformed data denoted as G instead of the second-order polynomial expansion, alters the objective function of the mapping function in Equation (4) to
min Δ s j ( t ) = min w j T G j T G t w j
The linear combination form in Equation (8) can be recast as
A g W = B g W 2 Ω
where A g = G T G t is the covariance matrix of G , and B = G T G t is the covariance matrix of G.
Solving Equation (19) yields the transformation matrix W. The kernel slow feature can be expressed as
S g = W 2 x

2.2. Health Indicator Construction

2.2.1. GMM-BID

The Gaussian mixture model (GMM) is a clustering algorithm that relies on a model encompassing multiple Gaussian probability density functions. It leverages the Expectation Maximization (EM) algorithm for training a Gaussian distribution model [27]. GMM serves as a straightforward extension of the Gaussian model by incorporating various combinations of Gaussian distributions to replicate a data distribution, as denoted by the following:
p x 1 = m = 1 M π m p x 1 | θ m
where M represents the number of single Gaussian models, π m is the weight coefficient of the single Gaussian model in the mixture model, and π m = 1 denotes the p x | θ m Gaussian distribution function with a mean of it and covariance matrix. Noting ϕ = π 1 , , π m ; μ 1 , , μ m ; S 1 , , S m , with these parameters in mind, the equation can be expressed as follows:
p x 2 | ϕ = m = 1 M π m p x 2 | θ m
Following the modeling process described above, the research establishes a Gaussian mixture model (GMM) as a benchmark for the health state using normal data. In this study, a Bayesian Inference-based Distance (BID) is utilized as a fusion metric to quantitatively evaluate the health condition of the aero-engine.
Given K Gaussian classifications, C k is the th component among them, and the probability of occurrence of each component is denoted as α k , and at this time, for the test point belonging to the th component, the probability of C k can be denoted as p C k | x t :
p C k | x t = α k p x t | C k p x t = α k p x t | C k i = 1 K α i p x t | C k
where α k is the a priori probability, derived from the modeling data. p x t | C k can be expressed as
p x t | C k = 1 2 π 1 2 | S k | 1 2 e x p 1 2 x t μ k T S k 1 x t μ k
where the mean of the k th Gaussian component is μ k , and the covariance matrix is S k . The distance from x t to each component C k can be expressed as
D C k x t = x t μ k T S k 1 x t μ k
The BID metric represents a weighted sum of the distance of each component for a single test point and can be expressed as
B I D = k = 1 K p C k | x t D C k x t

2.2.2. Kalman Filtering

Kalman Filtering (KF) is a recursive and unbiased estimation algorithm that aims to minimize the linear mean square deviation. It relies on the system’s state space equations to estimate the hidden states of a linear system [28]. By filtering the metrics post-feature fusion, the KF algorithm can effectively capture the degradation trend of the engine. The algorithm comprises two key steps: prediction and updating.
(1)
Prediction
Let us assume that the state transfer equation and measurement equation of a system are defined as follows:
c j = f c j 1 , w j 1 z j = h c j , v j
where c j and z j are the state values and measurements of the system at the moment j ; f and h are the state transfer function and the measurement function of the system.
Calculate the one-step state prediction of the system:
c j | j 1 = T c j 1 + B u j
where c j 1 is the state estimate of the system at moment j 1 ; c j | j 1 is the one-step estimate of c j 1 ; T is the state transfer matrix; B is the state control matrix; and u j is the state control vector.
Calculate the one-step prediction error covariance matrix P j | j 1 :
P j | j 1 = T P j 1 F T + Q j 1
where P j 1 is the error covariance matrix at the moment of j 1 ; P j | j 1 is the one-step prediction value of P j 1 ; and Q j 1 is the process noise covariance at the moment of j 1 .
(2)
Update
Calculate the Kalman filter gain matrix J j :
J j = P j | j 1 H T H P j | j 1 H T + R j 1
where J j is the Kalman gain; H is the measurement matrix; and R j is the measurement noise covariance at the moment of j .
Update the state vector estimate c j :
c j = c j | j 1 + K j z j H c j | j 1
Update the error covariance matrix P j :
P j = I J j H P j | j 1
where I is the unit matrix.

2.2.3. Sparse Autoencoder-Based Health Indicator Mapping

Sparse Autoencoders (SAEs) are unsupervised neural network algorithms derived from the Autoencoder (AE) structure. They incorporate sparsity constraints to encourage sparse unit activations within the hidden layer during training [29]. The autoencoder comprises two essential components: the encoder and the decoder. When encoding the input data, the encoder function processes it, converting the input data L 1 , L 2 , L 3 , , L n into hidden layer vectors, as computed below:
h w , b ( L ) = s ( W ( 1 ) L + b ( 1 ) )
where s is the sigmoid excitation function, W 1 is the weight, and b 1 is the bias term coefficient.
In the decoder, the output data are reconstructed by decoding the hidden layer vector via the decoding function. This reconstruction process generates an error, aiming to minimize it to ensure consistency between the input and output data. The formula for error calculation is as follows:
J ( W , b ) = 1 n i = 1 n | | L i L i | | 2 + [ θ 2 i = 1 m i i = 1 s i j = 1 s j 1 ( W j i ( 1 ) ) 2 ]
where l i is the output data after reconstruction; n is the number of samples; and θ is the weight attenuation coefficient.
After decoding by the decoder, the network weights are adjusted using the back-propagation algorithm to minimize the error. The sparse autoencoder aims to enhance neural network performance by incorporating sparse constraints during training. This ensures that certain neuron nodes in the hidden layer are suppressed while maintaining activity in nodes relevant to input data. The network is commonly constrained using KL sparsity as follows:
K L ( p | | p ^ ) = β j = 1 s 2 p log p p ^ j
where β is the weight value of the penalty factor; p is the sparsity constant. The total cost function is calculated by the following equation:
J s ( W , b ) = J ( W , b ) + β j = 1 s 2 K L ( p | | p ^ j )
When employing the backpropagation algorithm for fine-tuning, the primary objective is to iteratively optimize the network’s parameters by computing gradients and applying the gradient descent method to make incremental adjustments to weights and bias terms based on the gradient direction. This iterative process aims to better align the network with the training data, thereby enhancing learning effectiveness.
To standardize the engine failure thresholds across various failure scenarios, an improved sigmoid function is employed as the mapping function to transform the reconstruction error into health indicators within the (0, 1) interval as outlined below:
H I ( E ( l , l ¯ ) ) = 1 1 + e g E ( l , l ¯ ) i
where g is the shape factor; i is the bias constant.

2.3. Remaining Life Prediction Based on Improved Autoformer

2.3.1. Autoformer

The Transformer model, renowned for its robust capacity to capture long-range dependencies and extract features, as well as its capability to offer some level of interpretability for model decisions, has found extensive applications in natural language processing. Its integration into the realm of time series analysis has led to the development of several advanced models for time series forecasting, such as the Reformer, Informer, and Autoformer. Particularly, the Autoformer innovatively merges the autocorrelation mechanism with the sequence decomposition module to effectively process time series data, depicted in Figure 1 below.
(1)
Autocorrelation Mechanism
The autocorrelation mechanism was introduced to enhance the self-attention mechanism for capturing autocorrelation details within long-term time series data while also decreasing computational complexity. This mechanism comprises two key components: cycle-based dependence, utilized for autocorrelation computation, and time-delayed information aggregation, employed for merging akin subsequence details. Figure 2 below illustrates the schematic diagram of the autocorrelation mechanism.
Period-based dependence enables the identification of subsequences positioned in the same phase across different periods. Guided by stochastic process theory, the autocorrelation coefficient R X X τ for the discrete time series X t is computed using the following formula:
R X X τ = lim N 1 N t = 0 N 1 X t X t τ
where N is the length of the sequence; τ is the lag moment; and R X X τ is the similarity between the sequence X t and its τ lag sequence X t τ .
During the aforementioned computation process, the relationship among cycles indicates the subsequences sharing the same phase within the underlying cycle, characterized by its sparsity. For improved efficiency in calculating the period dependence, R X X τ can be determined using the Fast Fourier Transform (FFT) following the Wiener–Khinchin theory. The detailed operational procedure is as follows:
S X X f = F X t F * X t = X t e i 2 π t f d t X t e i 2 π t f d t ¯
R X X τ = F 1 S X X f = S X X f e i 2 π f τ d f
where F is the FFT; F * is the conjugate operation; F 1 is the inverse operation; and S X X f is a function in the frequency domain.
The figure demonstrates the process of cycle-dependent operation, after inputting the original sequence of length L , three vectors Q u e r y Q , K e y K , and V a l u e V can be obtained after linear transformation. The FFT operation is performed on Q , the conjugate operation of FFT is performed on K , and then the inverse operation is performed on the S X X f obtained by multiplying the results to find the final R X X τ .
The time delay information aggregation adjusts the sequence based on the chosen time delay to synchronize similar subsequences at identical phase positions within the cycle. Subsequently, the softmax function normalizes the confidence levels to combine these subsequences. Within the single-head autocorrelation mechanism, the initial sequence of length L undergoes the subsequent algorithmic procedure to derive the Q , K , and V vectors:
τ 1 , , τ k = arg T o p k R Q , K τ τ 1 , , L
R Q , K τ 1 , , R Q , K τ k = S o f t M a x R Q , K τ 1 , , R Q , K τ k
A u t o C o r r e l a t i o n Q , K , V = i = 1 k R o l l V , τ i R Q , K τ i
In the formula, arg T o p k ’s function is to take the maximum k autocorrelation coefficients; R Q , K is the autocorrelation coefficient of Q and K ; R o l l X , τ is to put the sequence X for a rolling time delay τ .
In the multi-head autocorrelation mechanism, the Q , K , and V matrices of the i th head are Q i , K i , V i , and i 1 , , h , respectively, and the process is as follows:
M u l t i H e a d Q , K , V = W o u t p u t × C o n c a t h e a d 1 , h e a d h h e a d i = A u t o C o r r e l a t i o n Q i , K i , V i
where W o u t p u t is the trainable matrix. The computational complexity of the autocorrelation mechanism is O log L since a sequence of O log L of length L is aggregated in the time delay information aggregation module.
(2)
Sequence Decomposition Module
The sequence decomposition module involves breaking down the original time series into trend and periodic components to facilitate learning the intricate temporal patterns in long-term forecasting scenarios. The trend component captures the gradual evolution of the time series, while the periodic component captures cyclic variations. To address future series’ unpredictability, this module integrates into the Autoformer framework to decompose known series by adjusting moving averages to dampen cyclical fluctuations, extracting the trend component; subsequently, it subtracts the trend to derive the periodic term. The detailed process unfolds as follows:
X t = A v g P o o l P a d d i n g X i
X s = X X t
where X i is the original sequence; X e n l = E n c o d e r is the decomposed trend term; X s is the decomposed period term; P a d d i n g is the padding operation on the first and last of the sequence with neighboring sequences; and A v g P o o l is the moving average operation.
(3)
Encoder
In the Autoformer’s architecture, the encoder is stacked by three modules, the autocorrelation mechanism, the sequence decomposition module, and the feed-forward network layer, and the encoder can also be stacked multiple times. The encoder mainly focuses on extracting the periodic features of the sequence, and the sequence decomposition module can extract the deeper implicit periodic features after multiple stacks, which will also be used as cross-information to help the decoder further refine the prediction results after the output of the encoder. Assuming that an encoder has an encoder layer, the computational equation of the lth encoder layer is X e n l = E n c o d e r X e n l 1 , and the computational process of the encoder layer is specified as follows:
S e n l , 1 , _ = S e r i e s D e c o m p A u t o C o r r e l a t i o n X e n l 1 + X e n l 1
S e n l , 2 , _ = S e r i e s D e c o m p F e e d F o r w a r d S e n l , 1 + S e n l , 1
where “_” is the trend term part; S e n l , i , i 1 , 2 is the periodic term part of the two sequence decomposition modules of the lth encoder layer, respectively; and X e n l = S e n l , 2 , l 1 , , N is the output of the lth encoder layer.
(4)
Decoder
The decoder follows a structure similar to the encoder, with an additional autocorrelation mechanism and sequence decomposition module compared to the encoder. Within the decoder, the first autocorrelation mechanism refines predictions, the second autocorrelation mechanism interacts with the encoder output to leverage historical periodic patterns, and the trend terms from three sequence decomposition modules are aggregated and integrated with periodic terms to yield the ultimate prediction outcome. Assuming a decoder with decoder layers, the computation equation of the lth decoder layer is denoted as X d e l = D e c o d e r X d e l 1 , X e n N . The computational process of the decoder layer is outlined as follows:
S d e l , 1 , T d e l , 1 = S e r i e s D e c o m p A u t o C o r r e l a t i o n X d e l 1 + X d e l 1
S d e l , 2 , T d e l , 2 = S e r i e s D e c o m p A u t o C o r r e l a t i o n S d e l , 1 , X e n N + S d e l , 1
S d e l , 3 , T d e l , 3 = S e r i e s D e c o m p F e e d F o r w a r d S d e l , 2 + S d e l , 2
T d e l = T d e l 1 + W l , 1 T d e l , 1 + W l , 2 T d e l , 2 + W l , 3 T d e l , 3
where S d e l , i , T d e l , i , i 1 , 2 , 3 is the period term and trend term decomposed by the i th sequence decomposition module in the lth decoder layer; X d e l = S d e l , 3 , l 1 , , M is the output of the lth decoder layer.

2.3.2. Spatial Attention Module

Various spatial locations within input data frequently exhibit distinct contributions to the model in which they reside. The spatial attention module (SAM) serves as a technique aiding in the analysis of spatial information to discern regions of heightened contribution to the model [30]. At its essence, SAM allocates attention weights to different input data locations, facilitating the model in prioritizing information critical to the current task at hand.
In the realm of aero-engine remaining life prediction, the spatial attention mechanism enhances the focus on spatial location information pertaining to the health indicator sequence, assigning a higher weight to crucial spatial data. This approach ultimately enhances the precision of the prediction model. The principles and structure of the spatial attention mechanism (SAM) are illustrated in Figure 3 below.
The spatial attention mechanism is initiated by analyzing input features through a combination of maximum pooling and average pooling layers, aimed at capturing location-specific importance. Subsequently, the outcomes are consolidated, and a singular convolution kernel is employed to conduct convolutional operations on the merged vectors, followed by processing through a sigmoid activation function to derive weight coefficients for varied sequence positional information. These weight coefficients are then utilized to perform inner product operations with the initial input features, and the resultant product is added back to the original input features to generate the ultimate output features.

2.3.3. Multilayer Perceptron

The multilayer perceptron (MLP) is a feedforward artificial neural network comprising multiple single-layer perceptrons [31]. In an MLP, the output layer of one perceptron serves as the input layer for the subsequent perceptron, thus propagating forward until the final layer of the network is reached, and the resulting output reflects the MLP output. Consequently, the fundamental components of a multilayer perceptron can be categorized into three structures: input layer, hidden layer, and output layer, each fully interconnected. Figure 4 depicts a straightforward multilayer perceptron model with a sole hidden layer.
The initial layer, known as the input layer, primarily serves to receive input data and ensures that each input value correlates with a neuron to transmit it to the subsequent layer. Subsequent to the input layer is the hidden layer, responsible for processing the output from the preceding layer via weighted combination operations and nonlinear functions, forwarding it to succeeding layers until it reaches the ultimate output layer.
Each layer within the neural network of the multilayer perceptron comprises numerous neurons, with the functionalities of individual neurons detailed in Figure 5 below.
In the figure, i 1 , i 2 , , i n is the input to the neuron, r 1 , r 2 , , r n is the corresponding weight, and the matrix form of the two is
I = i 1 , i 2 , i 3 , , i n T
R = r 1 , r 2 , r 3 , , r n T
μ i is a weighted summation of the input vectors:
z = i = 1 n R i I i + b k
where b k is the bias of the neuron node. After weighted summation, the output value is obtained after the activation function:
o u t p u t = g R i I i + b k

2.3.4. Improvement of Autoformer

The standard Autoformer model effectively captures temporal correlations among various time steps within a sequence through the stacking of modules like the autocorrelation mechanism and sequence decomposition, thereby extracting features from lengthy sequences. In this study, an improved Autoformer model is introduced, which integrates a spatial attention mechanism into the standard model. This enhancement incorporates a parallel structure to amalgamate temporal and spatial features, thus bolstering the model’s global feature extraction capacity. Moreover, a multilayer perceptron is utilized to further extract trend-related features, enhancing the predictive accuracy of the model. The comprehensive architecture of the improved Autoformer model is illustrated in Figure 6 below.
(1)
Encoder
Within the encoder segment of the improved Autoformer model, the initial autocorrelation mechanism adeptly captures temporal correlations across various time steps in the engine health indicators. However, it overlooks the spatial aspects of the sequence. To address this gap, a spatial attention mechanism is concurrently introduced alongside the autocorrelation mechanism module to encompass both temporal and spatial characteristics of the original health indicator sequences. The resultant feature values from these mechanisms are then integrated to yield a deeper understanding of the original sequences. Subsequently, the outcome is fragmented into multiple sub-sequences by the sequence decomposition module, emphasizing the extraction of high-order periodic term features while minimizing computational complexity. Furthermore, the feed-forward network layer in the encoder elevates the model’s capacity to grasp intricate feature representations.
(2)
Decoder
In the decoder section of the improved Autoformer model, the module structure closely mirrors that of the encoder. Similarly, a spatial attention mechanism is concurrently incorporated alongside the autocorrelation mechanism, enabling the fusion of feature values from both mechanisms and feeding them into the sequence decomposition module. Additionally, trend-related features are extracted using a multilayer perceptron, and the resulting features are combined with the processed periodic term outcomes. Following successive module operations, the outputs from the periodic and trend components are aggregated to derive the ultimate prediction results.

3. Aero-Engine Remaining Life Prediction Model Based on KSFA-GMM-BID-Improved Autoformer

Following the aforementioned analysis, this paper introduces an aero-engine remaining life prediction methodology leveraging the KSFA-GMM-BID-improved Autoformer, with a visual representation of the process depicted in Figure 7.
As illustrated in Figure 7, the proposed method for predicting the remaining service life of aero-engines consists of the following steps:
(1)
Feature extraction
The nuclear slow feature analysis method is employed for feature extraction. During the offline phase, health state training data are chosen to build the nuclear slow feature analysis model and derive its parameters. Subsequently, in the online phase, the nuclear slow feature analysis is applied to test data to extract the slow change features.
(2)
Feature fusion
The GMM-BID method is utilized for feature fusion. During the offline phase, health state training data are chosen to build the Gaussian mixture model (GMM) and determine its parameters. Subsequently, in the online phase, the global distance between the test data and the health state model is assessed using Bayesian inferred distance.
(3)
HI mapping
The health indicator mapping is achieved through a sparse autoencoder and an improved sigmoid function. Initially, the health indicators undergo data reconstruction using the sparse Autoencoder. Subsequently, the reconstruction error is computed by comparing the reconstructed data with the original health indicators. Lastly, the reconstruction error is transformed to the (0, 1) interval by utilizing the improved sigmoid function.
(4)
Determination of degradation starting point
The box-and-line diagram technique is employed to pinpoint the initiation of aero-engine degradation. This is achieved by computing the upper and lower boundaries of the box-and-line diagram for the health index, identifying the point at which the health index surpasses the boundary for the first time consecutively over n points, signifying the onset of degradation.
(5)
RUL prediction
A novel approach for aero-engine Remaining Useful Life (RUL) prediction utilizing the improved Autoformer model is introduced. The spatial attention mechanism is concurrently incorporated alongside the autocorrelation mechanism segment within the model, enabling the fusion of temporal and spatial features, which are then input into the sequence decomposition module. Additionally, a multilayer perceptron is employed for feature extraction on the trend term input to the Autoformer decoder, facilitating a further extraction of degradation characteristics and, subsequently, seamless integration with the processed results of the periodic term.

4. Aero-Engine Gas Path Parameter Selection and Pre-Processing

4.1. Experimental Dataset Selection

The study utilizes data from the CFM56-7B engine of the Boeing 737 aircraft, provided by the National Natural Science Foundation of China and the Civil Aviation Joint Fund Key Project. The subsequent research will be centered on validating and analyzing over-temperature anomalies in the exhaust temperature of the engine based on Quick Access Recorder (QAR) data from three specific cases. The first case involves flight data for a B737 aircraft engine spanning from 20 March 2019 to 28 June 2019. The second case comprises flight data from 25 March 2019 to 10 June 2019, for a B737 aircraft engine. The third case involves flight data from 7 February 2020 to 13 June 2020, for a B737 aircraft engine.
The Quick Access Recorder (QAR) data comprise multiple monitoring parameters that depict the aircraft’s flight status. Inputting the complete set of parameters into the life prediction model escalates computational costs and introduces redundancy, which can significantly perturb the prediction outcomes. Hence, this study filters parameters based on two criteria: (1) ensuring the selected parameters possess complete records in the QAR data and (2) establishing a close correlation between the chosen parameters and the aero-engine’s health state.
Employing the aforementioned criteria, coupled with the engineer’s expertise and the engine’s operational principles, six essential gas path parameters from Table 1 were chosen for engine residual life prediction. These parameters—engine exhaust gas temperature (EGT), fuel flow (FF), low-pressure rotor speed (N1), high-pressure rotor speed (N2), low-pressure pressurized engine outlet temperature (T25), and high-pressure pressurized engine outlet temperature (T3)—were selected to form a predictive parameter vector for engine residual life assessment.
Within an aircraft’s various flight stages, the cruise phase represents a sustained, nearly constant flight state characterized by continuous propulsion. During this phase, the engine’s gas path condition monitoring parameters exhibit stability, offering a more reliable indicator of the aero-engine’s health [32]. Figure 8 illustrates the variation in exhaust gas temperature for a specific flight.
The variation of exhaust gas temperature for an aero-engine during a flight cycle on 9 June 2019 is depicted in Figure 8, and it can be seen that the value of this parameter fluctuates a lot in the stages of takeoff, climb, descent, and landing, with fluctuations of varying degrees in the range of 300~600 °C, whereas in the cruise stage, the state is relatively smooth, being maintained at about 400 °C. Therefore, this paper selects the six parameters screened in the QAR data in the cruise phase for subsequent processing and modeling. Since in real life, the operation route of the same flight may change, and thus the corresponding cruise phase mileage is different when the airplane is flying different routes, this paper carries out the residual life prediction based on the data of the cruise phase, which can obtain the residual flight time of the engine in the cruise phase, and can then project the residual service life of the engine in the whole phase under different routes.

4.2. Data Preprocessing

The six gas path parameters obtained from the Quick Access Recorder (QAR) data exhibit high volume during the cruise phase, hindering subsequent model construction. To address this, the dataset is aggregated by averaging every 60 data points, converting it to one point per minute, thereby reducing data bulk. Furthermore, considering the original parameters’ disparate magnitudes, the maximum/minimum value standardization method is applied to maintain data distribution integrity. The standardization formula is as follows:
x * = x min x max x min x

5. Experimental Process and Results

5.1. Kernel Slow Feature Extraction

Utilizing the engine from Case 1 as an illustration, Figure 9 demonstrates the evolution of raw monitoring data for chosen parameters over the course of the flight.
The uniform trend of each monitoring parameter for this engine is not readily discernible in Figure 9 due to the abundance of data. As a solution, the data were averaged every 60 points, and the parameters underwent feature extraction via kernel slow feature analysis. The outcomes are depicted in Figure 10.
Figure 10 illustrates that the derived nuclear slow features remain relatively stable in the initial 15,000 min, followed by diverse degradation trends during advanced usage stages. A comparison with the original monitoring data highlights the enhanced ability of the kernel slow features to depict the engine’s health status.

5.2. Health Indicator Construction

Based on the obtained kernel slow features, it is evident that various features exhibit diverse degrees of engine performance degradation. Relying on a single feature is insufficient to provide a comprehensive representation of the engine’s health status. Therefore, multi-feature fusion is essential to formulate a more holistic health index.
This study applies the GMM-BID method to merge the nuclear slow features of the three examined engines individually. The top 10% of data from each engine are chosen as the health state data. Following iterations, a GMM with three Gaussian components effectively models the standard data. Subsequent to training the GMM model for the normal state, all test data are fed into the model to obtain a respective BID value for each input. The outcomes illustrating the establishment of health indicators for the three engines are presented in Figure 11.
The health indicators generated by the GMM-BID algorithm, from the amalgamation of the derived kernel slow features of the three engines, exhibit distinct degradation trends corresponding to each engine’s data. Despite the variability in trends, all indicators effectively mirror the performance degradation across the engines.
To predict the remaining life of the engine accurately, a consistent failure threshold must be established, necessitating the mapping of health indicators from the three engines to a standardized range. Prior to mapping, the KSFA-GMM-BID health indicators, denoting the degradation trend of all engines, are filtered using the Kalman filter algorithm, as illustrated in Figure 12.
Next, the processed health indicators are standardized to the (0, 1) range using a sparse autoencoder. An HI value nearing 1 indicates a healthy engine while approaching 0 signifies engine inactivity. Figure 13 displays the HI trends against flight time for the three engines.
The mapped HI illustrates that the health status of the three engines distinctly transitions through two stages. Initially, they operate smoothly and healthily, followed by a later stage of gradual degradation leading to failure. During the initial phase, HI stabilizes near 1, signifying normal operation with relatively smooth performance. Subsequently, HI gradually declines from 1 to 0, indicating the engines’ deterioration towards failure.

5.3. Life Prediction Evaluation Index

In order to evaluate the prediction performance of the model, the root mean square error (RMSE), mean absolute error (MAE), and mean absolute percentage error (MAPE) are used in this paper [33]. The calculation formula is as follows:
R M S E = 1 N n = 1 N y ^ n y n 2
M A E = 1 N n = 1 N y ^ n y n
M A P E = 1 N n = 1 N y ^ n y n y n × 100 %
where y n is the real value of the engine; y ^ n is the predicted value of the engine. The smaller the value of these three evaluation indexes, the smaller the difference between the predicted value and the real value, and the more accurate the prediction result of the model.

5.4. Life Prediction Results and Analysis

This study establishes the upper and lower boundaries of engine health indicators through box-and-line diagrams, defining the onset of engine degradation when 1000 consecutive health indicator values surpass these limits. Consequently, the degradation initiation points for the three engines are determined, as presented in Table 2.
The improved Autoformer model introduced in this study determined the configuration settings for each parameter via grid search experiments, as detailed in Table 3.
We conduct HI prediction utilizing predefined hyperparameters. Training on datasets from the three engines involves 80% degradation stage data to achieve progressive multi-step forecasting. Given the standardized HI within the (0, 1) range, the aero-engine’s failure threshold is established at 0.1. The remaining life prediction outcomes for all engines are depicted in Figure 14.
Figure 14 presents prediction outcomes for three engines trained with 80% of data from the degradation phase. The blue curve represents the original HI curve, while the red curve depicts the predictive curve generated by the improved Autoformer. A red dashed line at a value of 0.1 signifies the failure threshold, with the time interval between the light blue dotted lines indicating the remaining flight duration at the corresponding prediction point. The first engine undergoes actual failure at 19,899 min, whereas the predictive failure is at 19,786 min, resulting in an actual RUL of 401 min and a predicted RUL of 288 min. For the second engine, the actual and predicted failure times occur at 15,682 min and 15,638 min, providing an actual RUL of 468 min and a predicted RUL of 424 min, respectively. The third engine experiences actual failure and predicted failure at 19,103 min and 19,051 min, respectively, entailing an actual RUL of 511 min and a predicted RUL of 459 min.
To validate the efficacy of the prediction model suggested in this study, a comparison is made with the Transformer and Autoformer models. The parameters of the comparison model align closely with those of the proposed model. The comparison outcomes are detailed in Table 4 below.
The results in Table 4 reveal a substantial enhancement in prediction accuracy with the improved Autoformer model proposed in this paper. The average RMSE, MAE, and MAPE values across the three engine datasets are 0.0345, 0.0280, and 11.0945%, respectively. These figures indicate a 22%, 35%, and 19% reduction compared to the Transformer model, showcasing the effectiveness of incorporating both temporal and spatial features of aero-engine gas path parameters for enhancing predictive performance. Moreover, the improved Autoformer model exhibits a 15%, 32%, and 18% decrease in the evaluation indexes in contrast to the standard Autoformer model, underlining the advantage of considering spatial and temporal characteristics in aero-engine parameter analysis. Notably, the model’s lower prediction errors on the engine datasets affirm its robustness and accuracy, highlighting its efficacy in predicting engine residual life across various failure scenarios and offering innovative insights for aero-engine lifespan forecasting.

6. Conclusions

This paper proposes an aero-engine remaining life prediction method based on the KSFA-GMM-BID-improved Autoformer. The findings of the research are as follows:
(1)
The KSFA-GMM-BID fusion technique introduced herein can aptly formulate a health metric representing the engine’s condition, subsequently standardizing it within the (0, 1) interval via a sparse self-encoder mapping approach to establish a consistent failure threshold for life prediction.
(2)
The improved Autoformer prediction approach considered in this study comprehensively integrates spatio-temporal characteristics of aero-engine gas path performance parameters, bolstering the predictive capability of the model. By incorporating a spatial attention mechanism parallel to the Autoformer encoder’s autocorrelation segment, this model merges temporal and spatial features to enhance global feature extraction. Additionally, a multilayer perceptron is leveraged for the trend term feature extraction in the Autoformer decoder, maximizing the utilization of degenerative aspects. Compared to the Transformer and Autoformer models, the method proposed herein significantly enhances the accuracy of aero-engine remaining service life prediction.

Author Contributions

Y.Z.: Conceptualization, Methodology, Validation, Writing—review and editing; J.W.: Software, Investigation, Project administration, Writing—original draft; Y.L.: Validation, Writing—review and editing; Z.L.: Validation, Writing—review and editing. All authors have read and agreed to the published version of the manuscript.

Funding

This research received no external funding.

Data Availability Statement

The data presented in this study are available in this article.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Liu, X.; Chen, Y.; Ni, H.; Zhang, D. Aero-engine remaining useful life prediction based on a long-term channel self-attention network. Signal Image Video Process. 2023, 18, 637–645. [Google Scholar] [CrossRef]
  2. Lu, X.; Pan, H.; Zhang, L.; Ma, L.; Wan, H. A dual path hybrid neural network framework for remaining useful life prediction of aero-engine. Qual. Reliab. Eng. Int. 2024, 40, 1795–1810. [Google Scholar] [CrossRef]
  3. Peng, C.; Chen, Y.; Gui, W.; Tang, Z.; Li, C. Remaining useful life prognosis of turbofan engines based on deep feature extraction and fusion. Sci. Rep. 2022, 12, 6491. [Google Scholar] [CrossRef] [PubMed]
  4. Peng, D.; Yin, S.; Li, K.; Luo, H. An SW-ELM Based Remaining Useful Life Prognostic Approach for Aircraft Engines. IFAC Pap. 2020, 53, 13601–13606. [Google Scholar] [CrossRef]
  5. Huang, C.; Du, J.; Nie, B.; Yu, R.; Xiong, W.; Zeng, Q. Feature selection method based on partial least squares and analysis of traditional chinese medicine data. Comput. Math. Methods Med. 2019, 2019, 9580126. [Google Scholar] [CrossRef] [PubMed]
  6. Huang, J.; Sun, X.; Yang, X.; Shardt, Y.A. Active nonstationary variables selection based just-in-time co-integration analysis and slow feature analysis monitoring approach for dynamic processes. J. Process Control 2022, 117, 112–121. [Google Scholar] [CrossRef]
  7. Liu, X.; Zhang, Y.; Zhang, L.; Yang, Y. A novel process monitoring method based on dynamic related ReliefF-SFA method. IEEE Access 2020, 8, 41673–41683. [Google Scholar] [CrossRef]
  8. Zhang, H.; Deng, X.; Zhang, Y.; Hou, C.; Li, C. Dynamic nonlinear batch process fault detection and identification based on two-directional dynamic kernel slow feature analysis. Can. J. Chem. Eng. 2020, 99, 306–333. [Google Scholar] [CrossRef]
  9. Wang, L.; Chang, D.; Li, Z. MSCNN-BLSTM based Prediction of the Remaining Useful Life of Aeroengine. J. Phys. Conf. Ser. 2022, 2361, 012019. [Google Scholar] [CrossRef]
  10. Vega-Nieva, D.J.; Briseño-Reyes, J.; López-Serrano, P.M.; Corral-Rivas, J.J.; Pompa-García, M.; Cruz-López, M.I.; Cuahutle, M.; Ressl, R.; Alvarado-Celestino, E.; Burgan, R.E. Autoregressive Forecasting of the Number of Forest Fires Using an Accumulated MODIS-Based Fuel Dryness Index. Forests 2023, 15, 42. [Google Scholar] [CrossRef]
  11. Zhu, Y.; Chen, J.; Wang, K.; Liu, Y.; Wang, Y. Research on Performance Prediction of Highway Asphalt Pavement Based on Grey–Markov Model. Transp. Res. Rec. 2022, 2676, 194–209. [Google Scholar] [CrossRef]
  12. Barraza-Barraza, D.; Tercero-Gómez, V.G.; Beruvides, M.G.; Limón-Robles, J. An adaptive ARX model to estimate the RUL of aluminum plates based on its crack growth. Mech. Syst. Signal Process. 2017, 82, 519–536. [Google Scholar] [CrossRef]
  13. Li, Y.; Huang, X.; Zhao, C.; Ding, P. A novel remaining useful life prediction method based on multi-support vector regression fusion and adaptive weight updating. ISA Trans. 2022, 131, 444–459. [Google Scholar] [CrossRef] [PubMed]
  14. Wang, H.; Li, D.W.; Li, D.J.; 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. [Google Scholar] [CrossRef]
  15. Liu, X.; Chen, G.; Cheng, Z.; Wei, X.; Wang, H. Convolution neural network based particle filtering for remaining useful life prediction of rolling bearing. Adv. Mech. Eng. 2022, 14, 16878132221100631. [Google Scholar] [CrossRef]
  16. Li, W.; Zhang, L.-C.; Wu, C.-H.; Wang, Y.; Cui, Z.-X.; Niu, C. A data-driven approach to RUL prediction of tools. Adv. Manuf. 2024, 12, 6–18. [Google Scholar] [CrossRef]
  17. Fu, L.; Li, P.; Gao, L.; Miao, A. Local-global cooperative least squares support vector machine and prediction of remaining useful life of rolling bearing. Meas. Control 2023, 56, 358–370. [Google Scholar] [CrossRef]
  18. Zhou, K.; Tang, J. A wavelet neural network informed by time-domain signal preprocessing for bearing remaining useful life prediction. Appl. Math. Model. 2023, 122, 220–241. [Google Scholar] [CrossRef]
  19. Kim, G.; Choi, J.G.; Lim, S. Using transformer and a reweighting technique to develop a remaining useful life estimation method for turbofan engines. Eng. Appl. Artif. Intell. 2024, 133, 108475. [Google Scholar] [CrossRef]
  20. Wu, T.; Zhao, T.; Xu, S. Prediction of Remaining Useful Life of the Lithium-Ion Battery Based on Improved Particle Filtering. Front. Energy Res. 2022, 10, 863285. [Google Scholar] [CrossRef]
  21. Yan, H.; Qin, Y.; Xiang, S.; Wang, Y.; Chen, H. Long-term gear life prediction based on ordered neurons LSTM neural networks. Measurement 2020, 165, 108205. [Google Scholar] [CrossRef]
  22. Li, J.; Wang, Z.; Liu, X.; Feng, Z. Remaining Useful Life Prediction of Rolling Bearings Using GRU-DeepAR with Adaptive Failure Threshold. Sensors 2023, 23, 1144. [Google Scholar] [CrossRef] [PubMed]
  23. Zhang, X.; Sun, J.; Wang, J.; Jin, Y.; Wang, L.; Liu, Z. PAOLTransformer: Pruning-adaptive optimal lightweight Transformer model for aero-engine remaining useful life prediction. Reliab. Eng. Syst. Saf. 2023, 240, 109605. [Google Scholar] [CrossRef]
  24. Liu, Y.; Chen, J.; Wang, T.; Li, A.; Pan, T. A variational transformer for predicting turbopump bearing condition under diverse degradation processes. Reliab. Eng. Syst. Saf. 2023, 232, 109074. [Google Scholar] [CrossRef]
  25. Wu, H.; Xu, J.; Wang, J.; Long, M. Autoformer: Decomposition Transformers with Auto-Correlation for Long-Term Series Forecasting. Adv. Neural Inf. Process. Syst. 2021, 34, 22419–22430. [Google Scholar]
  26. Corrigan, J.; Zhang, J. Developing accurate data-driven soft-sensors through integrating dynamic kernel slow feature analysis with neural networks. J. Process Control 2021, 106, 208–220. [Google Scholar] [CrossRef]
  27. Feng, S.; Wang, A.; Cai, J.; Zuo, H.; Zhang, Y. Health State Estimation of On-Board Lithium-Ion Batteries Based on GMM-BID Model. Sensors 2022, 22, 9637. [Google Scholar] [CrossRef]
  28. Lu, Z.; Wang, N.; Dong, S. Improved Square-Root Cubature Kalman Filtering Algorithm for Nonlinear Systems with Dual Unknown Inputs. Mathematics 2023, 12, 99. [Google Scholar] [CrossRef]
  29. Yang, N.; Zhang, Z.; Yang, J.; Hong, Z. Mineralized-Anomaly Identification Based on Convolutional Sparse Autoencoder Network and Isolated Forest. Nat. Resour. Res. 2022, 32, 1–18. [Google Scholar] [CrossRef]
  30. Chen, C.; Wang, T.; Liu, Y.; Cheng, L.; Qin, J. Spatial attention-based convolutional transformer for bearing remaining useful life prediction. Meas. Sci. Technol. 2022, 33, 114001. [Google Scholar] [CrossRef]
  31. Fan, X.; Li, X.; Yan, C.; Fan, J.; Chen, L.; Wang, N. Converging Channel Attention Mechanisms with Multilayer Perceptron Parallel Networks for Land Cover Classification. Remote Sens. 2023, 15, 3924. [Google Scholar] [CrossRef]
  32. Pan, W.; Feng, Y.; Liu, J. Parameter-Influencing Analysis of Aeroengine Operation Reliability. J. Aerosp. Eng. 2023, 36, 04023030. [Google Scholar] [CrossRef]
  33. Kayaalp, K.; Metlek, S.; Ekici, S.; Şöhret, Y. Developing a model for prediction of the combustion performance and emissions of a turboprop engine using the long short-term memory method. Fuel 2021, 302, 121202. [Google Scholar] [CrossRef]
Figure 1. The model architecture of the Autoformer.
Figure 1. The model architecture of the Autoformer.
Electronics 13 02741 g001
Figure 2. Auto-correlation mechanism.
Figure 2. Auto-correlation mechanism.
Electronics 13 02741 g002
Figure 3. Spatial attention module.
Figure 3. Spatial attention module.
Electronics 13 02741 g003
Figure 4. Multilayer perceptron with single hidden layer.
Figure 4. Multilayer perceptron with single hidden layer.
Electronics 13 02741 g004
Figure 5. The operation of neurons.
Figure 5. The operation of neurons.
Electronics 13 02741 g005
Figure 6. The model architecture of the improved Autoformer.
Figure 6. The model architecture of the improved Autoformer.
Electronics 13 02741 g006
Figure 7. Flowchart of aero-engine Remaining Useful Life prediction.
Figure 7. Flowchart of aero-engine Remaining Useful Life prediction.
Electronics 13 02741 g007
Figure 8. Exhaust gas temperature changes for a given flight.
Figure 8. Exhaust gas temperature changes for a given flight.
Electronics 13 02741 g008
Figure 9. Variation curves of six gas path parameters for the engine of Case 1.
Figure 9. Variation curves of six gas path parameters for the engine of Case 1.
Electronics 13 02741 g009
Figure 10. Slow feature extraction results for the engine of Case 1.
Figure 10. Slow feature extraction results for the engine of Case 1.
Electronics 13 02741 g010
Figure 11. Results of constructing health indicators for three engines. (a) Engine for Case 1, (b) engine for Case 2, and (c) engine for Case 3.
Figure 11. Results of constructing health indicators for three engines. (a) Engine for Case 1, (b) engine for Case 2, and (c) engine for Case 3.
Electronics 13 02741 g011
Figure 12. Health indicator filtering results for the three engines. (a) Engine for Case 1, (b) engine for Case 2, and (c) engine for Case 3.
Figure 12. Health indicator filtering results for the three engines. (a) Engine for Case 1, (b) engine for Case 2, and (c) engine for Case 3.
Electronics 13 02741 g012
Figure 13. Health indicators after mapping of three engines. (a) Engine for Case 1, (b) engine for Case 2, and (c) engine for Case 3.
Figure 13. Health indicators after mapping of three engines. (a) Engine for Case 1, (b) engine for Case 2, and (c) engine for Case 3.
Electronics 13 02741 g013
Figure 14. The results of the Remaining Useful Life prediction for the three engines. (a) Engine for Case 1, (b) engine for Case 2, and (c) engine for Case 3.
Figure 14. The results of the Remaining Useful Life prediction for the three engines. (a) Engine for Case 1, (b) engine for Case 2, and (c) engine for Case 3.
Electronics 13 02741 g014aElectronics 13 02741 g014b
Table 1. The selected aero-engine gas path performance parameters.
Table 1. The selected aero-engine gas path performance parameters.
Name of the ParameterUnit of the Parameter
EGTDegree Celsius (°C)
FFPounds per hour (lb/h)
N1Revolutions per minute (r/min)
N2Revolutions per minute (r/min)
T25Degree Celsius (°C)
T3Degree Celsius (°C)
Table 2. The determination result of a degradation starting point based on a boxplot.
Table 2. The determination result of a degradation starting point based on a boxplot.
The Number of the EngineDegradation Start Moment/Minute
Engine for Case 117,896
Engine for Case 213,344
Engine for Case 316,549
Table 3. Results of model parameter selection.
Table 3. Results of model parameter selection.
The Name of the ParameterValueThe Name of the ParameterValue
e_layers2train_epochs15
d_layers1n_heads8
seq_len96d_model512
label_len48featuresMS
pred_len24optimizerAdam
batch_size16loss functionMSE
learning_rate0.001activation functionGeLU
Table 4. Comparison of different prediction models.
Table 4. Comparison of different prediction models.
The Number of the EnginePredictive ModelRMSEMAEMAPE/%
Engine for Case 1Transformer0.05110.051713.3205
Autoformer0.04270.046412.1433
Improved Autoformer0.03530.02979.5347
Engine for Case 2Transformer0.06240.063919.5728
Autoformer0.05910.055819.3289
Improved Autoformer0.05230.041917.0177
Engine for Case 3Transformer0.01880.01428.0317
Autoformer0.01920.02179.1402
Improved Autoformer0.01590.01256.7310
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

Wei, J.; Li, Z.; Li, Y.; Zhang, Y. Remaining Useful Life Prediction of Aero-Engine Based on KSFA-GMM-BID-Improved Autoformer. Electronics 2024, 13, 2741. https://doi.org/10.3390/electronics13142741

AMA Style

Wei J, Li Z, Li Y, Zhang Y. Remaining Useful Life Prediction of Aero-Engine Based on KSFA-GMM-BID-Improved Autoformer. Electronics. 2024; 13(14):2741. https://doi.org/10.3390/electronics13142741

Chicago/Turabian Style

Wei, Jiashun, Zhiqiang Li, Yang Li, and Ying Zhang. 2024. "Remaining Useful Life Prediction of Aero-Engine Based on KSFA-GMM-BID-Improved Autoformer" Electronics 13, no. 14: 2741. https://doi.org/10.3390/electronics13142741

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