Next Article in Journal
Modelling, Analysis, and Nonlinear Control of a Dynamic Wireless Power Transfer Charger for Electrical Vehicle
Previous Article in Journal
Fusing Direct and Indirect Visual Odometry for SLAM: An ICM-Based Framework
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Remaining Useful Life Prediction of PEMFC Based on 2-Layer Bidirectional LSTM Network

School of Intelligent Manufacturing and Control Engineering, Shanghai Polytechnic University, Shanghai 201209, China
*
Authors to whom correspondence should be addressed.
World Electr. Veh. J. 2025, 16(9), 511; https://doi.org/10.3390/wevj16090511
Submission received: 21 July 2025 / Revised: 26 August 2025 / Accepted: 8 September 2025 / Published: 11 September 2025

Abstract

Proton exchange membrane fuel cells (PEMFCs) are considered promising solutions to address global energy and environmental challenges. This is largely due to their high efficiency in energy transformation, low emission of pollutants, quick responsiveness, and suitable operating conditions. However, their widespread application is limited by high cost, limited durability and system complexity. To maintain system reliability and optimize cost-effectiveness, it is essential to predict the remaining operational lifespan of PEMFC systems with precision. This study introduces a prediction framework integrating a dual-layer bidirectional LSTM architecture enhanced by an attention mechanism for accurately predicting the RUL of PEMFCs. Raw data is preprocessed, and important features are selected by the smoothing technique and random forest method to reduce manual intervention. To enhance model adaptability and predictive accuracy, the Optuna optimization framework is employed to automatically fine-tune hyperparameters. The proposed prediction model is benchmarked against several existing approaches using aging datasets from two separate PEMFC stacks. Experimental findings indicate that the proposed two-layer BiLSTM with attention mechanism surpasses other baseline models in performance. Notably, the designed prediction model demonstrates strong performance on both benchmark datasets and real-world data acquired through a custom-built experimental fuel cell platform. This research offers meaningful guidance for prolonging the service life of PEMFCs and enhancing the efficiency of maintenance planning.

Graphical Abstract

1. Introduction

In light of the escalating depletion of fossil energy sources and mounting environmental concerns, there is a pressing demand for sustainable alternatives. Among various clean energy technologies, proton exchange membrane fuel cells (PEMFCs) have attracted widespread interest due to their high efficiency and environmental compatibility. These systems produce electricity through electrochemical reactions between hydrogen and oxygen [1]. Thanks to characteristics such as low working temperatures, rapid startup capability, excellent energy conversion efficiency, and zero harmful emissions, PEMFCs are well-suited for various sectors, including portable power, electric vehicles, and aerospace [2]. Despite these strengths, commercialization is hindered by factors like the reliance on costly platinum-based catalysts and their vulnerability to contaminants like CO and sulfur compounds, which degrade catalytic performance and reduce stack durability [3]. To address these limitations, constructing an accurate RUL prediction approach for PEMFCs is essential, as it enables proactive maintenance planning, extends service life, and helps reduce maintenance expenditures [4].
A typical PEMFC structure is composed of several key components, including bipolar plates, proton-conducting membranes, catalytic layers, and gas diffusion structures [5]. The proton exchange membrane, usually made of perfluorosulfonic acid polymer (e.g., Nafion), serves as a solid polymer electrolyte, facilitating proton transfer while isolating fuel and oxidants. Platinum catalysts are widely adopted to accelerate the redox processes at the anode and cathode sites, promoting efficient electrochemical conversion within the fuel cell. Bipolar plates, critical structural elements, handle gas distribution, electrical conduction, and water and thermal management. The gas diffusion layer consists of a substrate and a microporous layer, which together promote uniform distribution of gases and facilitate efficient electron transport [6].
RUL estimation techniques for PEMFCs are typically categorized into three major classes: physics-based models, machine learning approaches, and hybridized frameworks combining both [7]. In physics-based models, RUL is estimated by considering variables such as operating loads, material characteristics, degradation dynamics, and underlying failure phenomena. These models encompass mechanistic, empirical, semi-empirical, and probabilistic approaches, such as Kalman filters and particle filters [8]. These methods encompass mechanistic, empirical, and hybrid forms such as semi-mechanistic and semi-empirical models, with Kalman Filters (KF) and Particle Filters (PF) serving as typical examples. For instance, a model-driven approach was proposed as an aging-tolerant control strategy, effectively mitigating the effects of aging on performance by dynamically adjusting input parameters [9]. This strategy combined health state assessment with model inversion, enabling the development of RUL prediction algorithms validated through simulations, which proved effective in power prediction and lifespan estimation. Similarly, Liu et al. [10] developed a prediction model that integrates a semi-empirical method for capturing degradation behavior with an adaptive version of the unscented Kalman filter (AUKF). This approach effectively assessed fuel cell health status and remaining useful life, while also improving parameter tuning and demonstrating superior performance compared to the traditional UKF in simulation tests.
Data-driven methods learn degradation patterns from historical data, from which RUL can be estimated [11,12]. Commonly employed techniques encompass ANN, RVM, ANFIS, and a range of other intelligent learning algorithms [13]. For example, GRU-based neural architectures have been utilized for RUL forecasting in hydrogen fuel cell applications [14]. By preprocessing data, extracting features, and comparing various neural network models, their study found that GRU achieved superior accuracy, faster convergence, and significantly lower prediction errors. The RUL is estimated using a method that integrates sparse autoencoders (SAE) with deep neural networks (DNN), providing a reliable approach for analyzing complex data [15]. Through data smoothing and automatic feature extraction, this method achieved high accuracy in lifespan prediction under dynamic conditions using DNN. In recent years, researchers have investigated various deep learning frameworks for RUL prediction, including Transformer-based architectures [16], temporal convolutional networks (TCNs) [17], and reinforcement learning frameworks for RUL prediction. These models can capture long-range dependencies or exploit exploration strategies, but they typically require large-scale training data and high computational resources, limiting their use in resource-constrained fuel cell applications.
Hybrid methods integrate multiple approaches to overcome the limitations of individual methods, offering enhanced performance [18]. Liu et al. [19] proposed a dual-phase hybrid strategy for predicting the remaining useful life (RUL). In the first phase, adaptive neuro-fuzzy inference systems (ANFIS) are optimized using particle swarm optimization (PSO) to simulate long-term degradation patterns. The second phase employs a semi-empirical model in conjunction with an adaptive unscented Kalman filter (AUKF) to estimate the RUL. Experimental results confirm the method’s effectiveness in delivering reliable long-term degradation predictions and RUL assessments, with automated tuning of model parameters. To enhance prediction accuracy, researchers proposed a hybrid model that integrates LSSVM with RPF, aiming to refine performance and capture uncertainty more effectively [20]. This method capitalized on the data-driven capabilities of LSSVM and the precision of RPF models, offering not only accurate RUL predictions but also probabilistic uncertainty quantification.
Existing PEMFC degradation prediction methods still have many shortcomings. Firstly, the manual selection of features usually relies on experience, which makes it difficult to deal with nonlinear relationships, as well as high-order interaction terms, and is often prone to model redundancy. Secondly, conventional CNN and RNN architectures suffer from limited receptive fields and struggle to capture long-term dependencies. They also face difficulties in identifying critical time steps and are susceptible to issues like vanishing or exploding gradients [21]. Finally, empirical hyperparameter tuning is strongly subjective, inefficient and poorly reproducible [22]. To address the above challenges, this study introduces an innovative RUL prediction framework that integrates a random forest for feature extraction with a two-layer BiLSTM [23] model enhanced by attention mechanisms. The methodology consists of the following stages: (1) Employing a random forest algorithm to automatically identify relevant features from the input dataset. (2) Building on the conventional LSTM framework, a dual-layer BiLSTM integrated with an attention mechanism is applied to strengthen the modeling ability for fuel cell voltage time-series data. (3) Optuna is employed to automate hyperparameter tuning and dynamically optimize experimental resource distribution. Combined with early stopping, this approach enhances model effectiveness while maintaining the consistency and reliability of experimental outcomes [24]. (4) Designed and conducted fuel cell stack aging tests for model performance evaluation.
The primary innovations of this research include the following:
(1) To improve the extraction of crucial features and emphasize key patterns in time-series degradation data, a two-layer bidirectional LSTM is integrated with an attention mechanism. This combined architecture enhances the model’s focus and interpretability during forecasting.
(2) The Optuna framework performs automatic optimization of hyperparameters to achieve structural optimization under a fully automatic search space and enhance the robustness of the prediction model.
(3) Conduct degradation tests on PEMFC stacks and gather authentic experimental data to assess and confirm the effectiveness of the developed forecasting approach. This process helps enhance the training dataset’s relevance and boosts the reliability of the evaluation strategy.
The organization of this article is as follows. Section 2 presents the design principles underlying the prediction scheme. Section 3 describes the comprehensive forecasting method. Section 4 illustrates the experimental findings and includes relevant validation and analysis. Lastly, Section 5 concludes the study and discusses possible directions for future investigations.
This research introduces a forecasting approach that combines random forest (RF), a two-layer bidirectional LSTM enhanced with an attention mechanism (BiLSTM-AT), and hyperparameter optimization using Optuna version 4.4.0. This integrated framework is hereafter termed the “proposed model.” Figure 1 shows the framework of the proposed model. To emphasize its originality, the model’s performance is benchmarked against several recent methods, as illustrated in Table 1.

2. Prediction Methods

2.1. Random Forest

The random forest method belongs to the ensemble learning family and originates from decision tree models. This technique improves forecasting precision and robustness by combining the outcomes of numerous decision trees. As illustrated in Figure 2, this approach relies on strategies such as Bagging, stochastic feature selection, and ensemble-based inference. In tree construction, nodes are usually split based on criteria like Gini index or entropy, which are chosen to optimize information gain during the training process.
I G = H D i = 1 k D i D H D i
In this context, I G represents Information Gain, H D is the entropy of the dataset D before the split, and H D i denotes the entropy of the i-th subset after the split. D refers to the dataset at the current node, while D i indicates the subset of data assigned to the i-th branch after the split. k is the number of child nodes resulting from the split.
H D = j = 1 C P j log 2 P j
where C indicates the total number of categories, while P j denotes the likelihood that a given sample belongs to the j-th category.
Another method for evaluating the quality of a split is the Gini index:
G i n i = 1 i = 1 C P i 2
where Gini represents the Gini index, which measures the impurity of the samples, C indicates the total number of distinct classes, and P i denotes the likelihood associated with the i-th category. A lower Gini index at the current node indicates a purer node, suggesting that the data is more likely to belong to a single class.
In Random Forest, the predictions of multiple decision trees are aggregated through voting or averaging. For classification problems:
y ^ = m o d e T 1 x , T 2 x , , T B x
Here, y ^ denotes the classification outcome, where T i x corresponds to the response from the i-th decision tree when processing input x . The parameter B signifies the total number of decision trees incorporated in the random forest. To obtain the final output, a majority voting mechanism is applied, where the label that occurs most often among the trees is selected.
For regression problems:
y ^ = 1 B i = 1 B T i X
In this formula, y ^ corresponds to the aggregated prediction, with T i x representing the result from the i-th tree for input x . The variable B indicates how many trees are included in the ensemble [30].
When a node splits within a decision tree, a subset of m features (m < M, where M is the total feature count) is chosen. The splitting metric is computed for each selected feature, and the one with the best score is used to split the node.
The relative importance of features is then assessed using a specific formula that quantifies the contribution of each feature:
V I f j = 1 B i = 1 B Δ I T i f j
where V I ( f j ) represents the importance of the feature f j , and Δ I T i ( f j ) is the information gain brought by the feature f j in the i-th tree. The symbol B denotes the total count of trees constituting the random forest ensemble.
Random Forest has significant advantages in fuel cell prediction due to its robustness and adaptability [31]. It can handle high-dimensional and nonlinear data. By aggregating multiple decision trees, it effectively avoids the overfitting problem associated with single models, making it especially suitable for scenarios where fuel cell aging data samples are limited and noise is excessive [32]. Additionally, it can assess the importance of input features, identifying the key factors influencing fuel cell aging [33]. When dealing with imbalanced health data distributions, it can also effectively address this issue through multiple sampling and ensemble methods [34].

2.2. 2-Layer Bidirectional LSTM with Attention Mechanisms

The Long Short-Term Memory (LSTM) architecture is an advanced variant of conventional recurrent neural networks (RNNs), specifically designed to mitigate issues like vanishing and exploding gradients that frequently arise in processing extended temporal sequences [35]. LSTM networks manage the flow of information using three core gating mechanisms: the forget gate, input gate, and output gate. These gates collaboratively regulate memory retention and updates [36]. By preserving both the internal cell state and an independent hidden state, LSTMs are capable of effectively capturing and conveying sequential dependencies over time [37].
Forget Gate: Responsible for identifying and discarding outdated or irrelevant information.
f t = σ W f · h t 1 , x t + b f
Input Gate: Determines the relevant new data to be integrated into the cell state.
i t = σ W i · h t 1 , x t + b i t i l d e C t = tanh W c · h t 1 , x t + b c
Cell State: Updated by combining the retained information with the incoming input.
C t = f t · C t 1 + i t · C ~ t
Output Gate: Controls which information should be output.
o t = σ W o · h t 1 , x t + b o
Hidden State: At every time step, the hidden state is derived from the present cell state and acts as the output of the LSTM at that specific point in time.
h t = o t · t a n h C t
Here, x t denotes the input at the current moment, while h t 1 and C t 1 correspond to the hidden and cell states from the preceding step, respectively. W and b refer to the network’s trainable weights and biases. The Sigmoid ( σ ) function compresses its output to the [0, 1] interval, while the tanh function maps inputs to the [−1, 1] range, enabling nonlinear transformations in the network. The internal structure of the LSTM unit is shown in Figure 3.
Attention Mechanisms Originate in Human Visual Cognitive Mechanisms [38]. In neural networks, the attention mechanism enables neural networks to selectively prioritize crucial time steps by assigning varying importance scores to input elements, thereby enhancing prediction accuracy. In essence, attention dynamically adjusts the contribution of input components, emphasizing the most relevant segments for accurate output generation [39]. This mechanism improves the model’s ability to identify patterns of performance decline over time and enhances the clarity of long-term RUL prediction results. Figure 4 shows the internal structure of an LSTM with an attention mechanism.
Bi-directional LSTM extends traditional LSTM by simultaneously processing sequence data in both forward and backward directions, allowing the model to access contextual information from past and future time steps. This architecture enhances the ability to learn temporal dependencies across sequences, thereby improving the model’s comprehension of sequential patterns and boosting the effectiveness of temporal feature extraction [40]. In this study, we adopt a two-layer BiLSTM framework, where the initial layer captures fundamental time-dependent features and the subsequent layer learns deeper temporal evolution, thereby improving the model’s capability to represent time-series dynamics and to track long-term degradation behavior more effectively. We selected a two-layer structure to improve feature extraction capacity while avoiding overfitting, which was observed in deeper configurations during preliminary experiments. Figure 5 illustrates the proposed model. The model is not predicting without data—it learns degradation laws from historical measurements and infers future RUL trends based on previously learned sequences.

2.3. Optuna Framework

Optuna leverages a Bayesian optimization strategy built on the Tree-structured Parzen Estimator (TPE), which allows for efficient exploration of complex hyperparameter spaces [41], as shown in Figure 6. Ability to quickly find optimal solutions in complex models and high-dimensional search spaces. Rather than directly approximating the objective function, TPE models the likelihood distribution of successful and unsuccessful hyperparameter configurations based on past evaluations. Hyperparameters refer to the configuration values that govern the training process but are not learned from the data itself. The modeling process is as follows:
(1)
Definition of the objective function
min   xϵX f ( x )
(2)
Division of historical observations
Success set:
D l = x i f x i < y *
Failure set:
D g = x i f x i y *
(3)
Kernel density estimation fitting distribution
l x = p x f x < y *
g x = p x f x y *
(4)
The optimization objective translates into maximum sampling efficiency
x * = a r g   max x l x g x
Let the hyperparameters of the model be x ϵ X and the loss function be y = f ( x ) , where y * is the loss function threshold selected from the results of the previous trials, D l is the success set, and D g is the failure set, and the distribution of the hyperparameters of these two sets are modeled by the probability density functions l x and g x , respectively, with l x g x being the sampling priority weight. When l x is larger than g x , it indicates that the parameter combination has potential. Optuna will preferentially try parameter combinations that are historically more likely to lead to better performance.

3. Prediction Process

This section introduces the developed model designed to estimate PEMFC degradation and forecast its remaining useful life.

3.1. Data Description

To study the health state trends of fuel cells and develop estimation methods, long-term and extensive aging test data are required. Moreover, the mechanism of health state changes in fuel cells is a complex problem involving multiple influencing factors and couplings. In this work, the data utilized originate from the open-access IEEE PHM 2014 dataset, which was published by the French FCLAB research center specializing in fuel cells [42]. The experimental subject is a PEMFC; the fuel cell system comprises a power unit, a fuel cell stack, a gas supply subsystem, various sensors, data acquisition components, and a control unit. Among these, the data acquisition system can record the physical parameters of the stack operation in real time, while the control system is provided by National Instruments. Prior to entering the stack, both air and hydrogen are routed through their respective humidification units. Thermal management is achieved by controlling the cooling water temperature, and current variations are managed by controlling the electronic load. The polarization curves of the fuel cell at different time points are shown in Figure 7.
This study employs a dataset consisting of two PEM fuel cell stacks: FC1, tested under constant operating conditions, and FC2, evaluated in a dynamically varying environment. FC1 runs under a stable loading scenario with a constant 70 A current, while FC2 experiences a semi-dynamic profile, where a 70 A base current is modulated by a 5 kHz triangular waveform at 10% amplitude.
Critical experimental factors include aging time, voltage at each cell, current levels, inlet/outlet temperature and pressure readings, gas (hydrogen/air) flow rates, cooling water characteristics, and air humidity at the inlet. The parameters of the test stack and the specific operating parameters for providing a stable environment for stack operation are listed in Table 2.
Figure 8 shows the polarization curve of FC2. Compared to the polarization curve at the initial time point (0 h), the polarization curves measured at 185 h, 348 h, and 515 h are significantly lower than the initial state. They exhibit a clear trend of declining curve height as operation time increases. This phenomenon indicates a progressive decline in the open-circuit voltage (OCV) of the fuel cell as the operating time extends. Under identical current density conditions, the output voltage exhibits a further decrease, accompanied by a noticeable variation in ohmic resistance. Once the performance degradation of the stack reaches a certain threshold, the polarization curve may fail to span the entire range of current densities.
By observing the electrochemical impedance spectroscopy (EIS), it can be noted that as the stack performance degrades, both the imaginary and real parts of the impedance show an increasing trend, and the coordinate values corresponding to the two intersections with the real axis gradually increase. This suggests that internal processes such as mass transport, electrochemical reactions, and ionic conduction within the stack are hindered, further contributing to the performance decline.

3.2. Data Preprocessing

The dataset used includes two groups of data, FC1 and FC2. FC1 contains 25 data labels, with each label consisting of 143,862 data points, while FC2 also contains 25 data labels, with each label consisting of 127,370 data points. Figure 9 illustrates some of the aging parameters for FC1 and FC2.
Through preliminary screening and analysis of the data, it was found that both datasets contain a significant number of outliers and noise. Therefore, further processing is required, which is carried out in two steps.

3.2.1. Outlier Removal

The detection of outliers is performed using the Interquartile Range (IQR) method to identify and remove outliers. The mathematical formula is as follows:
I Q R = Q 3 Q 1
where Q 1 is the first quartile (25% of the data), and Q 3 is the third quartile (75% of the data).
Outlier Detection Boundaries:
L o w e r   b o u n d = Q 1 k · I Q R
U p p e r   b o u n d = Q 3 + k · I Q R
where k is the threshold for outlier detection, set to k = 1.5 in this case.
Data Removal: Samples in the data that fall outside the range [ Q 1 k · I Q R , Q 3 + k · I Q R ] are considered outliers and are removed from the dataset.

3.2.2. Data Smoothing

A widely adopted technique for reducing noise in time series data is the moving average, which computes the mean of observations within a defined sliding window to achieve smoothing effects. The mathematical formula is as follows:
x t ^ = 1 n i = t n 2 t + n 2 x i
In this formula, x t ^ indicates the value after smoothing at time point t, where n refers to the overall size of the smoothing window. The term x i refers to the raw data at time i, and n / 2 corresponds to half the width of the smoothing interval. For this research, a window length of n = 5 was selected and kept constant.
Figure 9 illustrates a distinct decline in stack voltage as time progresses, which aligns with typical fuel cell degradation patterns over their lifespan. Consequently, the emphasis of this work lies in preprocessing the stack voltage signals, with the filtered voltage trajectories of FC1 and FC2 shown in Figure 10.

3.3. Feature Selection

This research employed the Random Forest algorithm to assess feature relevance and measure the impact of each input on the target variable Utot(V). In practice, Random Forest models were constructed separately for static and dynamic data. The model’s built-in feature evaluation mechanism was employed to assess the relative significance of each input variable. We excluded single-cell voltage U1~U5 and current density J due to the difficulty of obtaining single-cell voltage data in practical applications and the fact that current density J varies in the same way as current I [43]. For the remaining features, Random Forest was applied independently to FC1 and FC2 to obtain their respective feature rankings, which are visualized in Figure 11. The results show that there is a difference in feature importance ranking between static and dynamic data.
In FC1, the importance of air outlet flow (DoutAIR) is as high as 71.4%, which is much higher than the other characteristics, indicating that the gas output side has a decisive influence on the performance degradation, while the air inlet temperature (TinAIR) becomes the dominant factor in FC2 with a share of 59.1%, indicating that the performance change is more controlled by the inlet thermal perturbation. In addition, FC1 relies more on gas supply and ventilation efficiency indicators (e.g., TinH2, I), while FC2 focuses more on temperature control and water management indicators (e.g., DWAT). The need to model FC characteristics separately was verified.

3.4. Model Training and Optimization

After selecting the most important features using the Random Forest algorithm, the input features were arranged as multi-dimensional time sequences. A sliding window approach was adopted with step sizes of 5, 10, 15, and 25 to segment the time-series into samples.
The dataset was divided into three parts: 50% for training, 10% for validation, and 40% for testing. A two-layer BiLSTM model enhanced with an attention mechanism was implemented using the Keras framework [23]. Hyperparameter tuning—including the number of LSTM neurons, dropout probability, and learning rate—was conducted via Optuna, with the mean squared error (MSE) on the validation set serving as the objective function. The model was ultimately trained for 50 epochs using the Adam optimizer, with an early stopping strategy applied to avoid overfitting.

4. Results and Discussion

In both the FC1 and FC2 datasets, 50% of the aging data was allocated for model training, 10% for testing, and the remaining 40% for validation. The Remaining Useful Life (RUL) was defined as the duration from the 550 h point until the PEMFC voltage declined below a specified percentage of its initial value. The degradation thresholds were set to 3.0%, 3.5%, and 4.0% for FC1, and 3.5%, 4.0%, and 4.5% for FC2, respectively.
The model’s prediction performance was assessed using standard regression metrics: Root Mean Square Error (RMSE), Mean Absolute Percentage Error (MAPE), and the coefficient of determination (R2), as described in [44]. The corresponding formulas are provided below:
R M S E = 1 n i = 1 n y i y ^ i 2 M A P E = 100 n i = 1 n y i y ^ i y i R 2 = 1 i = 1 n y i y ^ i 2 i = 1 n y i y ¯ i 2
where y i is the i-th true value (observed value), y ^ i represents the i-th predicted value, and y ¯ i is the mean of the true values.

4.1. Hyperparametric Optimization Results

In order to enhance the model’s generalization ability and improve the accuracy of its predictions, the Optuna framework is employed to automatically optimize the hyperparameters. Among the hyperparameters optimized, the LSTM unit count—used to determine model complexity—was explored across values of 32, 64, 128, and 256. The dropout rate, designed to mitigate overfitting, was sampled within a continuous range from 0.0 to 0.5 Learning rate (lr), which is used to control the updating step of the optimiser, is searched with a logarithmic uniform distribution, ranging from 1 × 10−5 to 1 × 10−3. Each hyperparameter configuration underwent training over 30 epochs, with MSE on the validation set serving as the evaluation criterion, and the objective function is the minimisation of the MSE of the validation set. Step sizes of 5, 10, 15, and 25 were tested, with a trial limit of 30 iterations, and the best-performing parameter set was ultimately selected, as summarized in Table 3.
The hyperparameter optimization results at different step sizes show that the two datasets FC1 and FC2 exhibit some differences in model configuration. Both of them use 128 LSTM units for short-term prediction (5 and 10 steps), and 256 units for long-term prediction (15 and 25 steps), which indicates that longer time series dependence requires a larger model support. The Dropout of FC1 increases significantly with the step length, and reaches 0.3104 for long-term prediction, reflecting that it is easier to be overfitted, while that of FC2 is lower, indicating that its feature distribution is more stable. The overall Dropout of FC2 is lower, with a smaller variation, indicating that its feature distribution is more stable. In terms of learning rate, FC1 is significantly lower at 15 and 25 steps, which tends to improve the training stability through a smaller learning rate; while FC2 maintains a higher learning rate at all steps, which makes the training process faster and the convergence effect stable. Taken together, FC1 is more sensitive to model complexity and regularization, while FC2 shows better robustness and generalization ability. Once the optimal hyperparameters are determined, the model undergoes retraining for 50 iterations, utilizing both the training and validation datasets. Its final performance is then assessed using the test dataset.

4.2. Long-Term Degradation Trend Prediction Results

To estimate the remaining lifetime of FC1 and FC2, a tailored deep learning framework was adopted. This approach employs a dual-layer BiLSTM network enhanced with an attention mechanism. Key hyperparameters—including the number of LSTM units, dropout rate, and learning rate—were optimized through the Optuna algorithm. The training utilized the Adam optimizer, with the learning rate searched within the interval of 1 × 10−5 to 1 × 10−3. Training was further refined using early stopping and adaptive learning rate techniques, constrained to 50 epochs, a batch size of 32, and a time window of 20. The voltage forecasting was conducted independently for static and dynamic datasets to evaluate the system’s remaining useful life.
The initial voltage of FC1 is 3.313 V. The corresponding voltages for different failure domains are: 3.21361 V (FT: 3.0%), 3.197045 V (FT: 3.5%) and 3.18048 V (FT: 4.0%). The remaining useful lives corresponding to different failure domains since 550 h are: 258.99 h (RUL1), 266.09 h (RUL2) and 338.6 h (RUL3), respectively. The prediction results of FC1 are shown in Figure 12.
The initial voltage of FC2 is 3.3154 V. The corresponding voltages for different failure domains are: 3.199361 V (FT: 3.5%), 3.182784 V (FT: 4.0%) and 3.166207 V (FT: 4.5%). The remaining useful lives corresponding to the different failure domains since 550 h are 68.74 h (RUL1), 207.55 h (RUL2) and 221.7 h (RUL3), respectively. Figure 13 illustrates the prediction results obtained for FC2. Both FC1 and FC2 exhibit consistent voltage degradation trends, despite differences in loading conditions (steady vs. quasi-dynamic), validating the generalization capability of the model.
To evaluate how accurately the model predicts, the final RUL estimates were computed following the method described in [42]:
(1)
The true RUL and the predicted RUL are expressed as:
A c t R U L = t r F T t p r e
P r e R U L = t p F T t p r e
where t r F T denotes the true time when the failure domain is first reached, t p r e denotes the initial set prediction time, here t p r e = 550   h , and t p F T denotes the prediction time when the failure domain is first reached.
(2)
The percentage error, Er, quantifies the deviation between actual and predicted RUL, and is computed as:
E r = A c t R U L P r e R U L A c t R U L × 100 %
(3)
RUL Predictive Accuracy ( A F T ) Score:
A F T = e x p ln ( 0.5 ) × 0.05 E r ; E r 0 e x p + ln ( 0.5 ) × 0.2 E r ;    E r > 0
According to Equation (26), a non-positive error (Er ≤ 0) implies an overestimated RUL, incurring a heavy penalty, whereas a positive error (Er > 0) implies underestimation and results in a milder penalty.
(4)
The final scores for the different failure domains are calculated as follows.
S c o r e R U L = 1 N 1 N ( A F T )
Here N denotes the number of selected failure domains and for this study the number of FC1 and FC2 failure domains are both 3.
As presented in Table 4, the proposed model achieves RUL prediction scores of 0.99 on both FC1 and FC2, demonstrating its strong performance in estimating the remaining service life of PEMFCs.

4.3. Model Comparison and Validation

To further assess the predictive performance, this section compares the proposed method with four baseline models—GRU [45], LSTM, SVR [46], and LSTM with attention—under varying training step settings. Figure 14 and Figure 15 illustrate the prediction results for FC1 and FC2, while Table 5 and Table 6 detail model configurations and evaluation metrics. Figure 16 presents the RMSE and MAPE across different step sizes.
Comparative analysis reveals that the proposed model consistently achieves superior accuracy and robustness. While alternative models suffer from issues such as gradient vanishing or explosion over extended prediction ranges, the proposed approach maintains stable performance. This superiority stems from two key components: (1) the bidirectional LSTM captures both past and future temporal patterns in degradation sequences, enhancing sequence comprehension; and (2) the attention mechanism adaptively emphasizes degradation-critical time windows, improving interpretability and predictive accuracy. These features enable the model to outperform traditional architectures such as SVR and GRU, which lack memory or contextual sensitivity.

4.4. Case Study

This section illustrates a practical application of the proposed two-layer BiLSTM-AT combined with Optuna optimization, employing experimental PEMFC degradation data to validate prediction outcomes.

4.4.1. Description of PEMFC Degradation Data

The experimental data were collected from a laboratory fuel cell platform equipped with a real-time data acquisition system for monitoring polarization behavior. As depicted in Figure 17, the setup includes a test bench where the fuel cell stack is composed of 36 individual cells, capable of handling up to 1.6 kW of current. In the experiment, temperature probes are installed inside the cooling channels in direct response to the surface temperature of the cooling activity, using a total of three thermocouples, which are inserted at both ends and the center of the stack. The surface of the stack contained cooling fans, and the fan array consisted of upstream and downstream fans with a maximum speed of 6000 rpm and an input power of 4.6 w. At maximum power, the measured wind speed was 2.2 m/s. The FC stack was evaluated under stable operational conditions using a fixed current of 15 A, and the experimental procedure was performed by recording the data at a constant interval, with the voltage data being recorded every 0.8 s. Table 7 lists the parameters of the test stack and the environmental parameters.

4.4.2. Predicted Results

The collected data were used as inputs to the model for prediction experiments after necessary preprocessing operations (e.g., outlier removal, smoothing filtering, normalization). The model input features include the rate of change in voltage, time-normalized value, offset of voltage with respect to the initial value, sliding mean, s and sliding standard deviation. All the features mentioned are crucial indicators reflecting the degradation behavior of the fuel cell. Figure 18 presents the initial voltage measurements and corresponding temperature data from various internal locations of the stack.
The processed test dataset was fed into the developed prediction framework, and the corresponding outputs are illustrated in Figure 19. The experimental results show that the prediction curves of the model on the actual electric reactor test data are highly consistent with the real voltage curves, and can accurately capture the trends of the voltage drop and sudden change phases. In the quasi-static data validation, the model achieves high R2 coefficients with low RMSE and MAPE values, indicating its good generalization ability and robustness. Although no explicit failure threshold is defined for this dataset, the predicted voltage trends closely match the measured degradation curve, including the sudden drop region. This confirms the model’s ability to capture real-world degradation behavior. In future work, we plan to define voltage thresholds in physical experiments to enable direct RUL quantification.

5. Conclusions

This study proposes an advanced RF-2Layer BiLSTM-AT-based prediction framework designed to estimate the remaining service lifespan of PEMFCs. The approach demonstrates strong capability in modeling the long-term degradation behavior of PEMFCs and outperforms traditional algorithms when evaluated on datasets from both laboratory and self-built platforms.
Although the proposed method performs well in predicting PEMFC lifespan under quasi-dynamic conditions, its limitation lies in being based solely on laboratory aging data, which does not fully consider the complex working conditions of real-world fuel cell operation [47]. Future work will focus on two directions: (1) expanding the model’s adaptability to real-world dynamic operating conditions with fluctuating loads and start-stop cycles, and (2) deploying lightweight prediction models on embedded systems to support real-time RUL monitoring. These directions are both technically challenging and practically significant for industrial deployment of PEMFCs.
To conclude, enhancing the model’s flexibility and prediction accuracy is crucial for boosting the reliability and efficiency of PEMFC systems. Accurate life prediction not only safeguards fuel cell systems but also facilitates performance optimization, cost reduction, and long-term deployment viability in practical scenarios. Future efforts should focus on developing more robust and efficient prediction methods that can account for complex operating conditions and degradation behaviors, paving the way for the broader adoption and sustainable development of fuel cell technology.

Author Contributions

Computing, W.N.; methodology, W.N.; software, W.N.; data collecting, X.L.; writing—original draft preparation, X.L.; investigation, H.T.; conceptualization, H.T.; validation, C.L.; supervision, C.L.; revision, C.L. All authors have read and agreed to the published version of the manuscript.

Funding

This research was funded by the National Natural Science Foundation of China (NSFC), grant number 52072265.

Data Availability Statement

The original data presented in the study are openly available at https://gitcode.com/open-source-toolkit/491a7/?utm_source=tools_gitcode&index=top&type=card& (accessed on 20 July 2025).

Conflicts of Interest

The authors declare no conflicts of interest.

References

  1. Tang, X.; Zhou, H.; Wang, F.; Wang, W.; Lin, X. Longevity-conscious energy management strategy of fuel cell hybrid electric Vehicle Based on deep reinforcement learning. Energy 2022, 238, 121593. [Google Scholar] [CrossRef]
  2. Sharaf, O.Z.; Orhan, M.F. An overview of fuel cell technology: Fundamentals and applications. Renew. Sustain. Energy Rev. 2014, 32, 810–853. [Google Scholar] [CrossRef]
  3. Jardine, A.K.; Lin, D.; Banjevic, D. A review on machinery diagnostics and prognostics implementing condition-based maintenance. Mech. Syst. Signal Process. 2006, 20, 1483–1510. [Google Scholar] [CrossRef]
  4. Pahon, E.; Péra, M.-C.; Bouquain, D.; Hissel, D. Impact of current ripples on the durability of proton exchange membrane fuel cells based on two ageing datasets. Data Brief 2022, 45, 108601. [Google Scholar] [CrossRef] [PubMed]
  5. Wang, Y.; Chen, K.S.; Mishler, J.; Cho, S.C.; Adroher, X.C. A review of polymer electrolyte membrane fuel cells: Technology, applications, and needs on fundamental research. Appl. Energy 2011, 88, 981–1007. [Google Scholar] [CrossRef]
  6. Zhao, L.; Shang, K.; Wang, J.; Chen, Z. Numerical Simulation of the Effect of Heat Conductivity on Proton Exchange Membrane Fuel Cell Performance in Different Axis Directions. Processes 2023, 11, 1713. [Google Scholar] [CrossRef]
  7. Sutharssan, T.; Montalvao, D.; Chen, Y.K.; Wang, W.-C.; Pisac, C.; Elemara, H. A review on prognostics and health monitoring of proton exchange membrane fuel cell. Renew. Sustain. Energy Rev. 2017, 75, 440–450. [Google Scholar] [CrossRef]
  8. Lechartier, E.; Laffly, E.; Péra, M.-C.; Gouriveau, R.; Hissel, D.; Zerhouni, N. Proton exchange membrane fuel cell behavioral model suitable for prognostics. Int. J. Hydrogen Energy 2015, 40, 8384–8397. [Google Scholar] [CrossRef]
  9. Bressel, M.; Hilairet, M.; Hissel, D.; Bouamama, B.O. Model-based aging tolerant control with power loss prediction of Proton Exchange Membrane Fuel Cell. Int. J. Hydrogen Energy 2020, 45, 11242–11254. [Google Scholar] [CrossRef]
  10. Liu, H.; Chen, J.; Zhu, C.; Su, H.; Hou, M. Prognostics of proton exchange membrane fuel cells using a model-based method. IFAC-PapersOnLine 2017, 50, 4757–4762. [Google Scholar] [CrossRef]
  11. Javed, K.; Gouriveau, R.; Zerhouni, N.; Hissel, D. Prognostics of proton exchange membrane fuel cells stack using an ensemble of constraints based connectionist networks. J. Power Sources 2016, 324, 745–757. [Google Scholar] [CrossRef]
  12. Meng, X.; Sun, C.; Mei, J.; Tang, X.; Hasanien, H.M.; Jiang, J.; Fan, F.; Song, K. Fuel cell life prediction considering the recovery phenomenon of reversible voltage loss. J. Power Sources 2025, 625, 235634. [Google Scholar] [CrossRef]
  13. Merkle, L.; Pöthig, M.; Schmid, F. Estimate e-Golf Battery State Using Diagnostic Data and a Digital Twin. Batteries 2021, 7, 15. [Google Scholar] [CrossRef]
  14. Long, B.; Wu, K.; Li, P.; Li, M. A Novel Remaining Useful Life Prediction Method for Hydrogen Fuel Cells Based on the Gated Recurrent Unit Neural Network. Appl. Sci. 2022, 12, 432. [Google Scholar] [CrossRef]
  15. Liu, J.; Li, Q.; Han, Y.; Zhang, G.; Meng, X.; Yu, J.; Chen, W. PEMFC residual life prediction using sparse autoencoder-based deep neural network. IEEE Trans. Transp. Electrif. 2019, 5, 1279–1293. [Google Scholar] [CrossRef]
  16. Meng, X.; Mei, J.; Tang, X.; Jiang, J.; Sun, C.; Song, K. The degradation prediction of proton exchange membrane fuel cell performance based on a transformer model. Energies 2024, 17, 3050. [Google Scholar] [CrossRef]
  17. Zhang, J.; Yan, F.; Du, C.; Zhang, Y.; Zheng, C.; Wang, J.; Chen, B. A Multi-Feature Fusion Method for Life Prediction of Automotive Proton Exchange Membrane Fuel Cell Based on TCN-GRU. Materials 2024, 17, 4713. [Google Scholar] [CrossRef]
  18. Jouin, M.; Bressel, M.; Morando, S.; Gouriveau, R.; Hissel, D.; Péra, M.-C.; Zerhouni, N.; Jemei, S.; Hilairet, M.; Bouamama, B.O. Estimating the end-of-life of PEM fuel cells: Guidelines and metrics. Appl. Energy 2016, 177, 87–97. [Google Scholar] [CrossRef]
  19. Liu, H.; Chen, J.; Hissel, D.; Su, H. Remaining useful life estimation for proton exchange membrane fuel cells using a hybrid method. Appl. Energy 2019, 237, 910–919. [Google Scholar] [CrossRef]
  20. Cheng, Y.; Zerhouni, N.; Lu, C. A hybrid remaining useful life prognostic method for proton exchange membrane fuel cell. Int. J. Hydrogen Energy 2018, 43, 12314–12327. [Google Scholar] [CrossRef]
  21. Mienye, I.D.; Swart, T.G.; Obaido, G. Recurrent neural networks: A comprehensive review of architectures, variants, and applications. Information 2024, 15, 517. [Google Scholar] [CrossRef]
  22. Bischl, B.; Binder, M.; Lang, M.; Pielok, T.; Richter, J.; Coors, S.; Thomas, J.; Ullmann, T.; Becker, M.; Boulesteix, A.L. Hyperparameter optimization: Foundations, algorithms, best practices, and open challenges. Wiley Interdiscip. Rev. Data Min. Knowl. Discov. 2023, 13, e1484. [Google Scholar] [CrossRef]
  23. Wang, F.-K.; Mamo, T.; Cheng, X.-B. Bi-directional long short-term memory recurrent neural network with attention for stack voltage degradation from proton exchange membrane fuel cells. J. Power Sources 2020, 461, 228170. [Google Scholar] [CrossRef]
  24. Akiba, T.; Sano, S.; Yanase, T.; Ohta, T.; Koyama, M. Optuna: A next-generation hyperparameter optimization framework. In Proceedings of the 25th ACM SIGKDD International Conference on Knowledge Discovery & Data Mining, Anchorage, AK, USA, 4–8 August 2019; pp. 2623–2631. [Google Scholar]
  25. Chen, K.; Laghrouche, S.; Djerdir, A. Remaining useful life prediction for fuel cell based on support vector regression and grey wolf optimizer algorithm. IEEE Trans. Energy Convers. 2021, 37, 778–787. [Google Scholar] [CrossRef]
  26. Philip, J. CNN-LSTM Hybrid Deep Learning Model for Remaining Useful Life Estimation. arXiv 2024, arXiv:2412.15998. [Google Scholar] [CrossRef]
  27. Wilberforce, T.; Alaswad, A.; Garcia–Perez, A.; Xu, Y.; Ma, X.; Panchev, C. Remaining useful life prediction for proton exchange membrane fuel cells using combined convolutional neural network and recurrent neural network. Int. J. Hydrogen Energy 2023, 48, 291–303. [Google Scholar] [CrossRef]
  28. Zhou, N.; Zeng, H.; Zheng, Z.; Wang, K.; Zhou, J. PEMFC RUL Prediction for Non-Stationary Time Series Based on Crossformer Model. Appl. Sci. 2025, 15, 2515. [Google Scholar] [CrossRef]
  29. Tang, Y.; Huang, X.; Li, Y.; Ma, H.; Zhang, K.; Song, K. Degradation Prediction of Proton Exchange Membrane Fuel Cell Based on Multi-Head Attention Neural Network and Transformer Model. Energies 2025, 18, 3177. [Google Scholar] [CrossRef]
  30. Islam, S.M.S.; Talukder, A.; Awal, M.A.; Siddiqui, M.M.U.; Ahamad, M.M.; Ahammed, B.; Rawal, L.B.; Alizadehsani, R.; Abawajy, J.; Laranjo, L. Machine learning approaches for predicting hypertension and its associated factors using population-level data from three South Asian countries. Front. Cardiovasc. Med. 2022, 9, 839379. [Google Scholar] [CrossRef]
  31. Huo, W.; Li, W.; Zhang, Z.; Sun, C.; Zhou, F.; Gong, G. Performance prediction of proton-exchange membrane fuel cell based on convolutional neural network and random forest feature selection. Energy Convers. Manag. 2021, 243, 114367. [Google Scholar] [CrossRef]
  32. Zheng, J.; Qin, Y.; Guo, Q.; Dong, Z.; Zhu, C.; Wang, Y. Block structure optimization in PEMFC flow channels using a data-driven surrogate model based on random forest. Int. J. Green Energy 2023, 20, 816–822. [Google Scholar] [CrossRef]
  33. Lin, R.-H.; Pei, Z.-X.; Ye, Z.-Z.; Guo, C.-C.; Wu, B.-D. Hydrogen fuel cell diagnostics using random forest and enhanced feature selection. Int. J. Hydrogen Energy 2020, 45, 10523–10535. [Google Scholar] [CrossRef]
  34. Shin, S.; Kim, J.; Lee, S.; Shin, T.H.; Ryu, G.-A. Multimodal Data-driven Prediction of PEMFC Performance and Process Conditions using Deep Learning. IEEE Access 2024, 12, 168030–168042. [Google Scholar] [CrossRef]
  35. Wang, Y.; Zhang, C. High-precision prediction of microalgae biofuel production efficiency: Employing ELG ensemble method. Front. Environ. Sci. 2024, 12, 1437644. [Google Scholar] [CrossRef]
  36. Li, Y.; Yu, Q.; Yang, Z. Vessel Trajectory Prediction for Enhanced Maritime Navigation Safety: A Novel Hybrid Methodology. J. Mar. Sci. Eng. 2024, 12, 1351. [Google Scholar] [CrossRef]
  37. Jaman, G.G. Machine Learning Approaches and Data Driven Controller Design Strategies Applied to Dynamic Systems. Ph.D. Thesis, Idaho State University, Pocatello, ID, USA, 2024. [Google Scholar]
  38. Kastner, S.; Ungerleider, L.G. Mechanisms of visual attention in the human cortex. Annu. Rev. Neurosci. 2000, 23, 315–341. [Google Scholar] [CrossRef]
  39. Li, A.; Xiao, F.; Zhang, C.; Fan, C. Attention-based interpretable neural network for building cooling load prediction. Appl. Energy 2021, 299, 117238. [Google Scholar] [CrossRef]
  40. Siami-Namini, S.; Tavakoli, N.; Namin, A.S. The performance of LSTM and BiLSTM in forecasting time series. In Proceedings of the 2019 IEEE International Conference on Big Data (Big Data), Los Angeles, CA, USA, 9–12 December 2019; pp. 3285–3292. [Google Scholar]
  41. Joy, J.; Selvan, M.P. A comprehensive study on the performance of different Multi-class Classification Algorithms and Hyperparameter Tuning Techniques using Optuna. In Proceedings of the 2022 International Conference on Computing, Communication, Security and Intelligent Systems (IC3SIS), Kochi, India, 23–25 June 2022; pp. 1–5. [Google Scholar]
  42. Gouriveau, R.; Hilairet, M.; Hissel, D.; Jemeï, S.; Jouin, M.; Lechartier, E.; Morando, S.; Pahon, E.; Péra, M.; Zerhouni, N. IEEE PHM 2014 data challenge: Outline, experiments, scoring of results, winners. In Proceedings of the IEEE Conference Prognostics Health Manage; IEEE: New York, NY, USA, 2014; pp. 1–6. [Google Scholar]
  43. Zhang, T.; Hou, Z.; Li, X.; Chen, Q.; Wang, Q.; Lüddeke, C.; Wu, L.; Wu, X.; Sun, W. A novel multivariable prognostic approach for PEMFC degradation and remaining useful life prediction using random forest and temporal convolutional network. Appl. Energy 2025, 385, 125569. [Google Scholar] [CrossRef]
  44. Akhlaghi, Y.G.; Zhao, X.; Shittu, S.; Badiei, A.; Cattaneo, M.E.; Ma, X. Statistical investigation of a dehumidification system performance using Gaussian process regression. Energy Build. 2019, 202, 109406. [Google Scholar] [CrossRef]
  45. Dey, R.; Salem, F.M. Gate-variants of gated recurrent unit (GRU) neural networks. In Proceedings of the 2017 IEEE 60th International Midwest Symposium on Circuits and Systems (MWSCAS), Boston, MA, USA, 6–9 August 2017; pp. 1597–1600. [Google Scholar]
  46. Sun, Y.; Ding, S.; Zhang, Z.; Jia, W. An improved grid search algorithm to optimize SVR for prediction. Soft Comput. 2021, 25, 5633–5644. [Google Scholar] [CrossRef]
  47. Tang, X.; Shi, L.; Li, M.; Xu, S.; Sun, C. Health state estimation and long-term durability prediction for vehicular PEM fuel cell stacks under dynamic operational conditions. IEEE Trans. Power Electron. 2024, 40, 4498–4509. [Google Scholar] [CrossRef]
Figure 1. The framework of the RF-2-Layer BiLSTM-AT prognostic approach. (A) Feature selection; (B) Model construction; (C) Prediction and evaluation.
Figure 1. The framework of the RF-2-Layer BiLSTM-AT prognostic approach. (A) Feature selection; (B) Model construction; (C) Prediction and evaluation.
Wevj 16 00511 g001
Figure 2. Random forest schematic.
Figure 2. Random forest schematic.
Wevj 16 00511 g002
Figure 3. LSTM internal cell structure.
Figure 3. LSTM internal cell structure.
Wevj 16 00511 g003
Figure 4. Internal structure of LSTM with attention mechanism.
Figure 4. Internal structure of LSTM with attention mechanism.
Wevj 16 00511 g004
Figure 5. 2-Layer BiLSTM-AT prediction model.
Figure 5. 2-Layer BiLSTM-AT prediction model.
Wevj 16 00511 g005
Figure 6. Optuna optimization process for predictive model.
Figure 6. Optuna optimization process for predictive model.
Wevj 16 00511 g006
Figure 7. FC1-some polarization curves obtained over time. Reprinted from [10], an open-access article distributed under the Creative Commons Attribution License.
Figure 7. FC1-some polarization curves obtained over time. Reprinted from [10], an open-access article distributed under the Creative Commons Attribution License.
Wevj 16 00511 g007
Figure 8. FC2-some polarization curves obtained over time.
Figure 8. FC2-some polarization curves obtained over time.
Wevj 16 00511 g008
Figure 9. (a) Sample aging parameters for FC1; (b) Sample aging parameters for FC2.
Figure 9. (a) Sample aging parameters for FC1; (b) Sample aging parameters for FC2.
Wevj 16 00511 g009
Figure 10. (a) FC1 stack voltage diagram after smoothing; (b) FC2 stack voltage diagram after smoothing.
Figure 10. (a) FC1 stack voltage diagram after smoothing; (b) FC2 stack voltage diagram after smoothing.
Wevj 16 00511 g010aWevj 16 00511 g010b
Figure 11. Static and dynamic fuel cell feature importance ranking diagram.
Figure 11. Static and dynamic fuel cell feature importance ranking diagram.
Wevj 16 00511 g011
Figure 12. FC1 prediction results.
Figure 12. FC1 prediction results.
Wevj 16 00511 g012
Figure 13. FC2 prediction results.
Figure 13. FC2 prediction results.
Wevj 16 00511 g013
Figure 14. Comparison of the prediction results of FC1 with different algorithms and different step sizes: (a) 5 steps ahead, (b) 10 steps ahead, (c) 15 steps ahead, (d) 25 steps ahead.
Figure 14. Comparison of the prediction results of FC1 with different algorithms and different step sizes: (a) 5 steps ahead, (b) 10 steps ahead, (c) 15 steps ahead, (d) 25 steps ahead.
Wevj 16 00511 g014
Figure 15. Comparison of the prediction results of FC2 with different algorithms and different step sizes: (a) 5 steps ahead, (b) 10 steps ahead, (c) 15 steps ahead, (d) 25 steps ahead.
Figure 15. Comparison of the prediction results of FC2 with different algorithms and different step sizes: (a) 5 steps ahead, (b) 10 steps ahead, (c) 15 steps ahead, (d) 25 steps ahead.
Wevj 16 00511 g015
Figure 16. Comparison of MAPE and RMSE for each prediction model at different step sizes: (a) FC1 MAPE comparison, (b) FC1 RMSE comparison, (c) FC2 MAPE comparison, (d) FC2 RMSE comparison.
Figure 16. Comparison of MAPE and RMSE for each prediction model at different step sizes: (a) FC1 MAPE comparison, (b) FC1 RMSE comparison, (c) FC2 MAPE comparison, (d) FC2 RMSE comparison.
Wevj 16 00511 g016
Figure 17. Test bench.
Figure 17. Test bench.
Wevj 16 00511 g017
Figure 18. Initial voltage and temperature inside the runner: (a) initial voltage, (b) temperature at different positions inside the stack.
Figure 18. Initial voltage and temperature inside the runner: (a) initial voltage, (b) temperature at different positions inside the stack.
Wevj 16 00511 g018
Figure 19. FC predicts results.
Figure 19. FC predicts results.
Wevj 16 00511 g019
Table 1. Comparison Between Proposed Method and Recent PEMFC RUL Prediction Approaches.
Table 1. Comparison Between Proposed Method and Recent PEMFC RUL Prediction Approaches.
Refs, YearMethodDatasetModel CharacteristicsEvaluation MetricsStrengthsLimitations
[25], 2022GWO-SVRIEEE PHM 2014Data smoothing and dimensionality reduction, Degradation modeling, Hyperparameter optimizationMAPE, MSE, α-λ accuracy indexHigh precision, Strong robustness, GeneralizationComputational overhead, data dependency, Real-time challenge
[26], 2024CNN-LSTMNASA CMAPSSPCA, CNN, LSTMRMSE, R2Feature self-learning ability, End-to-end processHigh computational complexity, Weak feature interpretability, Hyperparameter sensitivity
[27], 2023CNN-BiRNNIEEE PHM 2014Feature Extraction, Dropout, AdamRMSE, MAPE, REStrong anti-interference, Engineering applicabilityData dependency, computation complexity, Unsolved long-tail problems
[28], 2025De-stationary-CrossformerThe PEMFC systems installed on logistics vehicles in a certain province of ChinaDAIN, DSA, TILDE-QMSE, DTWNon-stationary data processing capability, Multi-dimensional feature dependency modelingHigh model complexity, Noise sensitivity
[29], 2025MHA-CLSSingle-cell test data of Wuhan New Energy Co., Ltd.Multi-Head Attention, Class Token, Position EncodingR2, MSE, MAE, RMSEHigh prediction accuracy, lightweight designHigh computing resources, Long sequence data dependency
This study, 2025RF-2-Layer BiLSTM-AT-OptunaIEEE PHM 2014& Experimental dataRF feature selection, BiLSTM, attention, OptunaRMSE, MAPE, R2Combines multiple learning enhancements for robust accuracyLimited ablation and transferability
Table 2. Operational settings and stack specifications used during the aging experiment.
Table 2. Operational settings and stack specifications used during the aging experiment.
ParameterNumerical Value
Activation area100 cm2
Proton exchange membrane thickness15 μm
Number of cells5
Cooling temperature20 °C to 80 °C
Cooling flow0 to 10 L/min
Gas temperature20 °C to 80 °C
Gas humidification0 to 100% RH
Air flow0 to 100 L/min
H2 flow0 to 30 L/min
Gas pressure0 to 2 bars
Fuel Cell current0 to 300 A
Table 3. Optimal hyperparameter combination for Optuna-based prediction models.
Table 3. Optimal hyperparameter combination for Optuna-based prediction models.
DatasetsUnitsDropoutLearning Rate
5_Step10_Step15_Step25_Step5_Step10_Step15_Step25_Step5_Step10_Step15_Step25_Step
FC11281282562560.05740.07440.10330.31040.000910.000940.000240.00041
FC21281282562560.09180.08510.06190.17650.000970.000990.000990.00070
Table 4. 2-Layer BiLSTM-AT model prediction results.
Table 4. 2-Layer BiLSTM-AT model prediction results.
DatasetsRUL Results (h) S c o r e R U L
FT = 3.0%FT = 3.5%FT = 4.0%FT = 4.5%
FC1258.99266.09338.6-0.99
FC2-68.74207.55221.70.99
Table 5. Model configuration details.
Table 5. Model configuration details.
ModelLayersUnitsDropoutLearning RateTuning Method
Proposed2 BiLSTM + AT128/256TunedTunedTuned
LSTM1 LSTM1280.20.001Manual
LSTM-AT1 LSTM + AT1280.20.001Manual
GRU1 GRU1280.20.001Manual
SVR----Grid search
Table 6. Comparative analysis of different algorithms.
Table 6. Comparative analysis of different algorithms.
AlgorithmsMAPE (%)RMSER2
5_Step10_Step15_Step25_Step5_Step10_Step15_Step25_Step5_Step10_Step15_Step25_Step
2-Layer BiLSTM-AT0.020.020.030.010.00080.00070.00150.00030.99960.99970.99880.9998
SVR0.280.290.30.320.01460.01510.01550.01660.88280.87480.86740.8483
LSTM0.012.2371.3360.370.0010.159950.127330.09590.99940.54930.64590.7978
LSTM-AT0.070.030.012.640.0050.00170.00150.27850.98620.99840.99880.4181
GRU0.020.10.0160.030.00790.0120.00140.00190.96540.92100.99890.9980
Table 7. Parameters of the test stack.
Table 7. Parameters of the test stack.
ParameterNumerical Value
Activation area108 cm2
Number of cells36
Cooling fan speed0–6000 rpm
H2 Pressure0.05–0.07 MPa
Fuel Cell current0 to 400 A
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

Niu, W.; Li, X.; Tian, H.; Liang, C. Remaining Useful Life Prediction of PEMFC Based on 2-Layer Bidirectional LSTM Network. World Electr. Veh. J. 2025, 16, 511. https://doi.org/10.3390/wevj16090511

AMA Style

Niu W, Li X, Tian H, Liang C. Remaining Useful Life Prediction of PEMFC Based on 2-Layer Bidirectional LSTM Network. World Electric Vehicle Journal. 2025; 16(9):511. https://doi.org/10.3390/wevj16090511

Chicago/Turabian Style

Niu, Wenxu, Xiaokang Li, Haobin Tian, and Caiping Liang. 2025. "Remaining Useful Life Prediction of PEMFC Based on 2-Layer Bidirectional LSTM Network" World Electric Vehicle Journal 16, no. 9: 511. https://doi.org/10.3390/wevj16090511

APA Style

Niu, W., Li, X., Tian, H., & Liang, C. (2025). Remaining Useful Life Prediction of PEMFC Based on 2-Layer Bidirectional LSTM Network. World Electric Vehicle Journal, 16(9), 511. https://doi.org/10.3390/wevj16090511

Article Metrics

Back to TopTop