Next Article in Journal
Streak Tube-Based LiDAR for 3D Imaging
Previous Article in Journal
Mapping the Complicated Relationship Between a Temperature Field and Cable Tension by Using Composite Deep Networks and Real Data with Additional Geometric Information
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

FDBRP: A Data–Model Co-Optimization Framework Towards Higher-Accuracy Bearing RUL Prediction

1
School of Computer Science, Yangtze University, Jingzhou 434023, China
2
Artificial Intelligence Research Platform, Yangtze University, Jingzhou 434023, China
*
Author to whom correspondence should be addressed.
Sensors 2025, 25(17), 5347; https://doi.org/10.3390/s25175347
Submission received: 24 July 2025 / Revised: 24 August 2025 / Accepted: 26 August 2025 / Published: 28 August 2025
(This article belongs to the Section Industrial Sensors)

Abstract

Highlights

  • This study applies sliding-window data augmentation, followed by biaxial signal concatenation and lifespan label normalization to enhance signal representation.
  • Preprocessed data are input into a feature extraction module that combines an enhanced graph convolutional network for spatial modeling and a multi-scale temporal convolutional network, with an attention mechanism optimizing feature consistency to capture degradation.
  • The model enhances receptive field coverage with optimized dilated convolution and residual connections. Comparative experiments and ablation studies validate its effectiveness and generalization.

Abstract

This paper proposes Feature fusion and Dilated causal convolution model for Bearing Remaining useful life Prediction (FDBRP), an integrated framework for accurate Remaining Useful Life (RUL) prediction of rolling bearings that combines three key innovations: (1) a data augmentation module employing sliding-window processing and two-dimensional feature concatenation with label normalization to enhance signal representation and improve model generalizability, (2) a feature fusion module incorporating an enhanced graph convolutional network for spatial modeling, an improved multi-scale temporal convolution for dynamic pattern extraction, and an efficient multi-scale attention mechanism to optimize spatiotemporal feature consistency, and (3) an optimized dilated convolution module utilizing interval sampling to expand the receptive field, and combines the residual connection structure to realize the regularization of the neural network and enhance the ability of the model to capture long-range dependencies. Experimental validation showcases the effectiveness of proposed approach, achieving a high average score of 0.756564 and demonstrating a lower average error of 10.903656 in RUL prediction for test bearings compared to state-of-the-art benchmarks. This highlights the superior RUL prediction capability of the proposed methodology.

1. Introduction

With the rapid advancement of manufacturing technologies and industrial automation, Prognostics and Health Management (PHM) has become increasingly critical for enhancing system reliability and operational efficiency across various industries. As an integrated approach, PHM typically encompasses several key components: health condition monitoring, fault diagnosis and prognosis, remaining useful life prediction, health management, and maintenance decision-making [1]. Among these, RUL prediction serves as a fundamental module that not only provides valuable insights into system operational availability but also effectively mitigates potential safety hazards and economic losses caused by unexpected equipment failures during normal operation [2].
In modern production and research systems, mechanical components serve as fundamental elements, among which rolling bearings constitute one of the most critical structural parts. Statistical evidence indicates that approximately 30% of rotating machinery failure cases result from bearing degradation or failure [3]. Consequently, accurate prediction of bearing RUL has emerged as a pressing research challenge, aiming to substantially mitigate adverse consequences including unexpected system failures, increased manufacturing costs, reduced production efficiency, and potential safety risks.
Current methodologies for predicting bearing Remaining Useful Life can be primarily categorized into two approaches: model-driven methods and data-driven methods [4].
Model-driven approaches for bearing RUL prediction involve constructing mathematical representations of physical or empirical models to characterize bearing degradation mechanisms, typically formulated through a series of mathematical equations [5,6,7].
Huang et al. [8] proposed the Empirical Mode Decomposition (EMD) algorithm, which effectively processes non-stationary signals but suffers from limitations such as mode mixing and end effects. To address these issues, Gilles et al. [9] introduced the Empirical Wavelet Transform (EWT), enabling adaptive frequency band segmentation via wavelet filter banks for signal decomposition. While EWT adaptively extracts subtle fault characteristics, it encounters challenges in noise suppression, computational efficiency, and generalizability. Dragomiretskiy and Zosso [10] developed the Variational Mode Decomposition (VMD) algorithm, which effectively isolates multi-frequency fault features. However, VMD exhibits high computational complexity and parameter sensitivity, requiring meticulous tuning. Jiang et al. [11] subsequently improved VMD by integrating an initial center frequency-guided approach with intelligent optimization algorithms, thereby resolving its parameter adjustment limitations.
While model-driven methods can achieve accurate RUL prediction for specific bearings through customized modeling, their effectiveness remains constrained to particular bearing types. These approaches exhibit strong dependence on expert knowledge for model formulation, limiting their generalizability across diverse mechanical systems. Furthermore, they demonstrate weak robustness when operating under complex working conditions.
In contrast, data-driven methodologies analyze historical operational data collected from bearing monitoring equipment to establish degradation-representative health indicators (HIs) and predictive models. By leveraging statistical theory and machine learning techniques, these approaches enable direct RUL prediction for rolling bearings without requiring explicit physical modeling [12,13].
Ahmed, A. et al. [14] introduce a taxonomy of feature learning methods and also discuss methods of feature-learning under imbalanced data samples and different operational settings to assist scholars and practitioners in understanding this area. Zhang Wenlong [15] achieved bearing RUL prediction by analyzing monitoring data and extracting degradation-representative features as predictive covariates. Wu Zexun [16] employed Convolutional Neural Networks (CNNs), utilizing convolutional kernels to extract features from historical operational data, attaining satisfactory prediction accuracy. Chen Changchuan et al. [17] enhanced traditional CNNs to Fully Convolutional Networks (FCNs), leveraging their self-learning capability for autonomous feature extraction in RUL prediction. Bao Wenxia et al. [18] proposed a Double-CNN architecture with parallel convolutional channels, demonstrating improved RUL prediction performance through dual-path feature learning. While CNN-based methods show promise, they frequently encounter gradient vanishing issues during training, leading to significant prediction deviations.
Xu Zili [19] adopted Recurrent Neural Networks (RNNs) to capture temporal dependencies in bearing degradation data. Compared to CNNs, RNNs demonstrate superior performance for time-series RUL prediction. However, RNNs suffer from the “vanishing gradient” problem, where layers receiving minor gradient updates cease learning, leading to compromised long-sequence feature retention. Long Short-Term Memory (LSTM) networks address this limitation through gating mechanisms, significantly enhancing long-term temporal feature learning and prediction accuracy. Kamat, P. et al. [20] investigated RUL of bearings with an enhanced feature selection strategy and anomaly monitoring of bearing operational data, using different LSTMs to capture complex temporal dependencies and spatial correlations in the bearing sensor data. Sahu, P.K. et al. [21] proposed a bearing RUL prediction method by combining an absolute cumulative modified multiscale permutation entropy HI with an LSTM deep learning model. Sun Qi et al. [22] developed a hybrid CNN-LSTM architecture that concurrently processes short-term degradation patterns and preserves long-term temporal influences. Gu Yingkui et al. [23] implemented Bidirectional LSTM (Bi-LSTM) with AdaMax optimization for adaptive hyperparameter tuning, mitigating gradient vanishing issues inherent in RNNs. Despite their advantages, LSTMs exhibit high computational complexity, excessive parameter counts, and prolonged inference times, limiting their industrial deployment.
The Gated Recurrent Unit (GRU) represents a streamlined variant of LSTM architecture, retaining comparable advantages in temporal modeling while featuring a simplified structure. This efficiency has led to its widespread adoption in RUL prediction applications. Xiao Li [24] integrated GRUs with particle filtering to precisely track bearing degradation processes, demonstrating enhanced RUL prediction accuracy. Han Linjie [25] developed a CNN-GRU hybrid framework (GRU-HI model) to assess bearing degradation trends, capitalizing on GRU’s temporal processing strengths to generate lifespan degradation curves. Ye Linfeng et al. [26] extended the architecture through Bidirectional GRU (Bi-GRU), employing dual GRUs to simultaneously process forward and backward temporal dependencies, thereby improving model learning capacity for lithium-ion battery RUL prediction. Despite these advancements, GRU-based approaches exhibit suboptimal long-sequence modeling capability, constrained local feature extraction performance, reduced parallelization potential due to sequential dependencies, and training efficiency requiring further optimization.
While most current bearing RUL prediction research favors RNN variants for temporal data processing, Bai et al. [27] argue that this perspective is outdated. Their empirical evaluations demonstrate that convolutional networks should be considered primary candidates for sequence modeling, as they often outperform RNN-based architectures while circumventing recurrent models’ inherent limitations, such as gradient explosion/vanishing issues and memory retention constraints. Wu Shuping [28] introduced Residual Connections (ResNet) to enhance traditional CNNs, achieving higher prediction accuracy through improved gradient flow. Wang Shuai et al. [29] developed an enhanced Temporal Convolutional Network (TCN), incorporating Multi-head Attention (MA), which processes multiple attention mechanisms in parallel to boost feature extraction efficiency. Gao Meng et al. [30] proposed a hybrid TCN-BiLSTM framework with a Convolutional Attention Module (CAM) to expand the network’s receptive field and address long-term dependencies, yielding superior prediction precision. Notwithstanding these advances, TCN architectures continue to grapple with two principal limitations: substantial memory requirements due to intermediate feature storage and vulnerability to local noise perturbations, both of which adversely impact predictive reliability.
In summary, to achieve improved spatiotemporal feature extraction, long-sequence modeling, and feature representation capabilities while enhancing generalization and inference efficiency, this paper proposes a convolutional neural network-based approach incorporating Deep Residual Networks (DRNs) with shortcut connections (SC) to address performance degradation in deep networks through identity mapping, along with Temporal Convolutional Networks that utilize fully convolutional architectures and dilated causal convolutions to accurately capture temporal degradation characteristics from historical data. The effectiveness and superiority of this method are validated through analysis of bearing degradation datasets.
Compared with the already known hybrids ResNet + TCN + attention [31], the proposed method overcomes the inherent spatiotemporal feature fragmentation by synergistically integrating dilated causal convolutions for long-term temporal dependencies and self-attention graph convolutions for spatial sensor topology modeling. An innovative multi-scale parallel architecture enhances feature expressiveness—the refined temporal convolution captures different fault patterns, while adaptive attention mechanisms suppress noise interference. The modular lightweight design enables GPU-accelerated computation, demonstrating on the XJTU-SY dataset superior accuracy, enhanced robustness, and deployment readiness for industrial predictive maintenance.
The contributions of this paper are summarized as follows:
(1)
The Data Augmentation Module (DAM) employs sliding window techniques to expand dataset features and further concatenates two-dimensional features, facilitating the capture of more degradation patterns. The Dilated Causal Module (DCM) not only captures long-term temporal dependencies but also maintains the causal properties of time-series data, addressing limitations in long-sequence modeling found in previous approaches.
(2)
The Feature Fusion Module (FFM) utilizes self-attention-based graph convolution for spatial modeling to more effectively capture spatial dependencies in bearing vibration signals, while employing an improved multi-scale temporal convolution module to extract temporal features, alleviating previous limitations in temporal modeling. The efficient multi-scale attention module enhances feature consistency and expressiveness through global adaptive pooling and SoftMax weighting mechanisms, reducing shortcomings in feature fusion found in prior methods. The combined convolutional blocks improve computational efficiency, reduce temporal dependencies in the model, and enable higher efficiency through parallel computing. The multi-scale temporal convolutional network and attention mechanisms effectively filter noise, improving robustness against noise and outliers.
(3)
Using the XJTU-SY bearing full-life test dataset, comparative experiments with other advanced models and ablation studies of the proposed method itself demonstrate through multiple evaluation metrics that our approach achieves smaller prediction errors and higher accuracy.
The subsequent sections are organized as follows: Section 2 presents the theoretical background, Section 3 describes the proposed theoretical modules and bearing RUL prediction model, Section 4 validates the effectiveness of the proposed method through comparative experiments and ablation studies on the XJTU-SY dataset, and finally Section 5 concludes the paper.

2. Theoretical Foundations

2.1. Deep Residual Networks

Deep Residual Networks represent an advanced deep neural network architecture developed from classical convolutional neural networks. By introducing a “skip connection” structure, DRN effectively addresses the gradient vanishing and training degradation problems inherent in conventional CNNs.
The fundamental residual unit of a deep residual network is illustrated in Figure 1.
The basic residual unit consists of: x -input, H x -output, F x -residual mapping function.
Assuming a DRN is composed of L sets of fundamental residual units, where each unit’s input, output and parameters are denoted as x l , x l + 1 and W l respectively, we obtain:
y l = h x l + F ( x l ,   W l )
x l + 1 = f ( y l )
In the equation: F ( · ) -residual function, f ( · ) - R e L U function.
When the identity mapping is optimal (i.e., h x l =   x l , f y l =   y l ), Equation (2) can be transformed into:
x l + 1 = x l + F ( x l ,   W l )
Then through recursive iteration, the output of the L t h residual block can be derived as:
x L = x l +   i = 1 L 1 F ( x l ,   W l )

2.2. Temporal Convolutional Network

The Temporal Convolutional Network is a convolutional network architecture designed for time series processing, built upon residual networks. TCN primarily addresses the insufficient generalization capability of LSTM-type networks [32]. As an alternative model that can potentially surpass traditional recurrent networks, TCN exhibits two distinctive advantages: First, it employs combined dilated convolutions with residual convolutions to ensure both the integrity of temporal information transmission and the effectiveness of feature extraction. Second, through proper configuration of convolution kernels, pooling, and stride, one-dimensional convolution can achieve sequence-length flexibility similar to RNNs when parameters are appropriately set—meaning it imposes no constraints on output sequence length.
Given an input sequence x 0 ,   x 1 ,   ,   x t , where we aim to predict corresponding outputs y 0 ,   y 1 ,   ,   y t at each time step, with the constraint that outputs can only be derived from historical data prior to the current t 1 timestep, a standard TCN mathematical model can be expressed as:
y 0 ,   y 1 ,   ,   y t   =   f T C N ( x 0 ,   x 1 ,   ,   x t )
where f T C N ( · ) -represents the ordered connection between convolutional networks and feedforward networks.
In TCN, two commonly used convolution methods are dilated convolution and residual convolution, whose mathematical models are shown in Equations (6) and (7), respectively.
Dilated Convolution:
F i = j = 0 k 1 h ( j ) x ( i d j )
where k -side length of convolution kernel, h -convolution kernel function, i -element index in sequence, d -dilation factor, d < k .
Residual Convolution:
o = f a c t i v a t i o n ( x + f r e s ( x ) )
where f a c t i v a t i o n ( · ) -network activation function, f r e s ( · ) -residual function.

3. Proposed Algorithm

3.1. Data Augmentation Module

To enhance dataset feature diversity and improve the neural network’s generalization capability, we design the Data Augmentation Module. The module first employs an overlapping sliding-window sampling method for effective data augmentation, as illustrated in Figure 2:
DAM sets the sliding window length to 3 with a step size of 2, achieving a 33.3% overlap rate. Taking Bearing1_1 as an example, the original dataset contains 4,030,464 × 1 sample sequences, which increases to 6,045,694 × 1 after resampling.
The resampled data undergoes further processing where both vertical and horizontal signals are reshaped into ( 1 ,     32,768 ) matrices and concatenated into ( 1 ,     32,768 ,     2 ) feature maps to comprehensively consider vibration signals from multiple sensors for better feature extraction in life prediction. Following an end-to-end life prediction approach, we add life labels to the concatenated dataset and normalize the full-life degradation data of bearings using the formula:
L a b l e i = S i S
where S—total sample count, i—time point, L a b l e i —life label at the ith time point.
The normalized bearing life data is mapped between 0 and 1, when the life label R u l T i = 1 indicates a brand-new bearing and when the life label R u l T i = 0 represents the bearing has completely failed, that is, the remaining service life has been exhausted.

3.2. Feature Fusion Module

This paper designs a novel lightweight spatiotemporal feature fusion module (FFM) to provide rich feature representations for subsequent operations. As shown in Figure 3, the FFM consists of three core submodules: the Self-attention-graph Convolution module (AGM) for spatial modeling, the Multi-scale Time Convolution Module (MTM) for temporal modeling, and the Efficient Multi-scale Attention module (EMA).
Herein, the AGM employs self-attention mechanisms on joint features to deduce intrinsic topological relationships, which are subsequently incorporated as neighborhood vertex information for Graph Convolution operations [33]. While AGM effectively captures local structural relationships in skeletal connections through its attention mechanism, this localized focus may potentially overlook broader contextual information.
Concurrently, the MTM extracts hierarchical temporal features through parallel convolutional branches featuring distinct kernel sizes and dilation rates [34]. Although MTM demonstrates competent multi-scale feature extraction capability, its effectiveness in comprehensively capturing all critical features across varying temporal scales may be situationally constrained.
To address these limitations, we introduce the EMA module that performs adaptive feature processing and weighting through a series of operations including global adaptive pooling, 1 × 1 or 3 × 3 convolutions, and SoftMax weighting mechanisms. The EMA first integrates intra-channel features via 1 × 1 and 3 × 3 convolutions, then applies global adaptive pooling and SoftMax weighting to generate attention-enhanced feature representations. This processing enhances both global-local feature consistency and expressive power through channel-wise operations, complementing AGM’s local relationship modeling and MTM’s multi-scale feature extraction.
The complete FFM architecture combines these three specialized submodules in a computationally efficient design: AGM is responsible for spatial modeling, and the self-attention mechanism is used to infer the intrinsic topology of skeletal connections, which reduces the dependence on predefined adjacency matrix in traditional graph convolution and reduces the computational complexity, MTM is responsible for temporal modeling and uses multi-branch convolution operation to extract multi-scale temporal features through different kernel sizes and dilation rates, avoiding the limitation of a single convolution kernel and reducing the number of parameters at the same time, EMA is responsible for feature weighting, and the channel features are fused by 1 × 1 and 3 × 3 convolution, and the global adaptive pooling and SoftMax weighting mechanism are combined to realize the adaptive weighting processing of features, reduce the size of the feature map, reduce the amount of subsequent calculation, and retain important global information. This design not only reduces the number of parameters but also enhances the expression ability of features and improves the computational efficiency.

3.3. Dilated Causal Convolution Module

This paper proposes a novel Dilated Causal Convolution Module incorporating Multiple Parallel Temporal Convolutional Networks (MPTCN) to extract local features from bearing vibration signals at current time scales. Its basic residual block structure is shown in Figure 4, and for a one-dimensional sequence input g = { s 1 ,   s 2 ,     s n 1 } R n and a convolution kernel f : { 0 ,   1 ,   ,   z 1 } R , the extended convolution operation F of a sequence element S is defined as in Equation (9).
F s = g · f d s = i = 0 z 1 f i · g s d i
TCN is based on two principles: the fact that the network generates an output of the same length as the input, and the fact that it has never come back to the past and there could be no leakage. To complete the first point, TCN uses a one-dimensional Full Convolutional Neural Network architecture, in which each hidden layer has the same length as the input layer and a corresponding length of zero padding is added to keep the subsequent layers of the same length as the previous layers, as shown in Figure 5. To achieve the second point, TCN uses causal convolution, where the output at time t is convolution only with time t and the earlier elements in the previous layer.
While causal convolution preserves temporal dependencies in vibration data, its receptive field remains constrained by kernel size (Figure 6a), traditionally requiring deeper networks for longer dependencies. The introduced dilation factor (Figure 6b) solves this by exponentially expanding receptive fields without network deepening. Formally defined in Equation (9), the dilation factor determines the step interval between input elements used for output computation, enabling efficient long-range pattern capture.
The introduction of causal convolutions allows the neural network to take into account the temporal order dependencies present in bearing vibration data, that is, causal associations in time. However, similar to traditional convolutional neural networks, causal convolutions are also limited by the size of the convolution kernel, which limits the time steps that can be considered for the output elements, as shown in Figure 6a. To capture longer dependencies, it is often necessary to build deeper networks. Therefore, the concept of inflation factor is introduced to increase the utilization of more historical data before the current moment in the output part while keeping the network shallow; the structure is shown in Figure 6b. The inflation factor represents the distance between the elements of the input sequence, which are used to calculate the output result, and the calculation is defined as in Equation (9).
Therefore, the conventional convolutional layer can be regarded as an extended convolutional layer with a dilation factor of 1, given that the input terms for the output values are contiguous. When analyzing time series data, the convolution kernel size and dilation factor can be analogized to sampling points and sampling intervals, respectively. For the same number of sampling points, a longer sampling interval encompasses richer temporal information. Utilizing the dilation factor enables the network to achieve a broader time span without incurring the information loss typically associated with down sampling. This is because, unlike down sampling, dilated convolution does not alter the length of the output features. As depicted in Figure 6b dilated convolution expands the receptive field through interval-based sampling, enabling the network to revert to 1 + i = 0 n 1 ( k 1 ) d i time steps, where k represents the convolution kernel size, d denotes the dilation factor, and n signifies the number of layers beneath the current layer. It is evident that, with an identical number of layers, the output in Figure 6b captures more comprehensive time series information compared to Figure 6a.
Compared with RNNs, the dilated causal convolutional module offers significant advantages through weight sharing and local perception in convolutional layers. Weight parameter sharing effectively reduces the number of trainable parameters in the network, while locally aware features accurately capture the structural information of the input data covered by the current convolution kernel. Consequently, DCM not only learns long-term temporal correlations in input time series but also enables parallel computation akin to CNNs. Although RNNs theoretically possess the ability to capture infinitely long histories, the Temporal Convolutional Networks within DCM have proven more suitable for domains requiring long-term historical dependencies, as demonstrated in Figure 7 for the MPTCN structure.
In addition, DCM also contains residual connections, which enables the structure to obtain stable deep networks. The residual block consists of two convolutional layers and the Gaussian error linear unit activation function GELU, and batch normalization is added to each layer to regularize the network and enhance its generalization ability.
The algorithm flow of DCM is briefly summarized as follows (see Algorithm 1):
Algorithm 1: Flow of DCM
Input:
sequence   input :   g = { s 1 , s 2 , s n 1 } R n ,   convolution   kernel   f : { 0 , 1 , , z 1 } R
Procedure:
P1: dilated   convolution :   F s = g · f d s = i = 0 z 1 f i · g s d i
P2: causal   convolution :   y t = k = 0 m i n ( t , K 1 ) w k · x t k
P3: TCN   layer   expansion   rate :   e x p a n s i o n _ r a t e i = 2 i 1
P4: Receptive   field   expansion :   t i m e s t e p = 1 + i = 0 n 1 ( k 1 ) d i
Output:
RUL   predictor :   y = M P T C N x R E S ( x )

3.4. Bearing Remaining Service Life Prediction Model

The proposed prediction model, Feature fusion and Dilated causal convolution model for Bearing Remaining useful life Prediction (FDBRP), is illustrated in Figure 8 with a schematic diagram of its structure. The overall structure of the network is mainly composed of DAM, FFM and DCM.
For bearing vibration signals, the process begins with the application of the sliding window method within DAM to augment the dataset’s feature quantity. This step involves concatenating features across two dimensions to enhance the generalization capability of the neural network model. Subsequently, in the spatio-temporal FFM, spatial modeling is achieved through a graph convolution module based on self-attention mechanisms, while temporal modeling is conducted using a multi-scale temporal convolution module. These processes independently extract spatial and temporal features, which are then fused via an efficient multi-scale attention mechanism. Specifically, global adaptive pooling and a SoftMax weighting mechanism are employed to assign channel-wise weights to the extracted features, thereby generating an attention-based fusion representation that improves the consistency and expressiveness of spatio-temporal features. DCM ensures that the model’s output at each time point depends solely on the current and preceding inputs, adhering to the inherent characteristics of time-series data. Additionally, dilated convolution enables the model to capture long-range dependencies without increasing its parameter count by strategically skipping certain inputs during the convolution operation. Finally, the remaining service life of the bearing is predicted based on the aforementioned processes.

4. Experimental Results and Analysis

4.1. Data Sources

The experimental data in this study were obtained from the XJTU-SY rolling bearing accelerated life test dataset, which was collaboratively developed by Professor Yaguo Lei’s research team at the School of Mechanical Engineering, Xi′an Jiaotong University, and SUMYOUNG TECH (Changxing Shengyang Technology Co., Ltd., Huzhou, China) through a two-year accelerated life testing program. This comprehensive dataset contains complete life cycle vibration signals of 15 rolling bearings under three different operating conditions, characterized by its high sampling frequency, substantial data volume, diverse failure modes including spalling, cracking and wear, as well as meticulously recorded metadata [35].
The bearing life degradation test platform, shown in Figure 9, consists of an AC motor with speed control system, rotating shaft, support bearings, hydraulic loading system, and test bearings for data acquisition.
The test bearing is LDK UER204 rolling bearing, and its relevant parameters are shown in Table 1.
The experimental platform is equipped with PCB 352C33 unidirectional acceleration sensors in the horizontal and vertical directions to obtain the life cycle degradation data of the bearing, and the DT9837 portable dynamic signal acquisition device is used to collect the vibration signal of the bearing in the acceleration experiment process. The sampling frequency is 25.6 kHz, the sampling interval is 1 min, and each sampling market is 1.28 s. The bearing vibration signal sampling setting is shown in Figure 10.
Figure 11 shows the basic structure of LDK UER204 rolling bearing.
To ensure the validity of experimental comparisons for bearing RUL prediction, this study consistently utilizes data obtained under the operating condition of 2100 rpm rotational speed with a 12 kN radial load. The following hypotheses hold for the dataset: (1) All experimental data are valid and reflect true measurements. (2) The experimental environment is strictly maintained throughout each test.
The multiple bearing datasets acquired under this identical operating condition through the DAM are vertically concatenated (v-stack operation) to facilitate cross-domain generalization prediction. The detailed data processing methodology is presented in Table 2.

4.2. Evaluation Indicators

To evaluate the performance of the proposed algorithm, in this paper, the Mean Absolute Error (MAE), Root Mean Square Error (RMSE), Mean Absolute Error in the second half of the stage (MAE_SH), Root Mean Square Error in the second half of the stage (RMSE_SH) and Score were used as evaluation indicators to evaluate the model. The mathematical formulations are
M A E = 1 n i = 1 n | y i ^ y i |
R M S E = 1 n i = 1 n w i ( y i ^ y i ) 2
M A E _ S H = 1 n i = 1 n | y i ^ y i |       ( m i n x _ m i d )
R M S E S H = 1 n i = 1 n w i y i ^ y i 2       ( m i n x _ m i d )
where y i ^ is the RUL predicted by the model at the ith time point, y is the true RUL at the ith time point, n is the size of the data point, and m is the size of the last half of the data points.
S c o r e = 0.35 × m e a n s c o r e _ s h + 0.65 × m e a n ( s c o r e _ s h )
Here, score_fh represents the early-stage prediction score and score_sh corresponds to the late-stage prediction score. In prognostic analysis, prediction errors during the late degradation phase are considerably more critical than those in the early phase. This is because prediction inaccuracies during healthy operational periods have minimal practical consequences for production and maintenance planning, whereas prediction errors approaching failure conditions can significantly impact operational safety and equipment reliability. Consequently, the Score formulation assigns different weighting factors to these two phases. Additionally, the computational approach varies depending on the specific relationship between the model’s predicted RUL and the actual RUL value at each evaluation point, as detailed below:
S c o r e = 0.35 × m e a n s c o r e f h + 0.65 × m e a n ( s c o r e _ s h ) L a b l e i = S i S
s c o r e 2 = e ln 0.6 × y i ^ y i 10       ( y i ^ y i )
The evaluation metrics are defined as follows: Er1 represents the arithmetic mean of MAE and RMSE for early-to-mid stage predictions, while Er2 denotes the corresponding average of MAE_SH and RMSE_SH specifically for the critical late-stage predictions. Recognizing that prediction accuracy near the failure threshold carries greater operational significance in bearing life assessment, ErA is calculated as a weighted average with higher importance of Er2, with the specific weighting formulation expressed as:
E r 1 = M A E + R M S E 2
E r 2 = M A E _ S H + R M S E _ S H 2
E r A = 0.4 × E r 1 + 0.6 × E r 2

4.3. Experimental Verification

To validate the effectiveness of the proposed feature extraction module and the prediction model’s accuracy, this study conducts comparative RUL prediction tests on Ds2 using five feature extractors: (1) the proposed FFM, (2) conventional CNN, (3) Inception-ResNet for multi-scale feature extraction, (4) Channel Attention with dynamic channel-weighting capability, and (5) EfficientNet with compound scaling optimization. The experimental results are presented in Table 3.
The CNN extractor demonstrates advantages in capturing local time-frequency characteristics of vibration signals through parameter sharing and parallel computing, making it suitable for processing high-sampling-rate sensor data. However, its limited receptive field restricts long-term degradation trend modeling. Inception-ResNet employs parallel multi-scale convolutional kernels to simultaneously extract local details and global trends while mitigating partial gradient vanishing issues, albeit at the cost of increased memory consumption and computational latency due to its multi-branch architecture. The Channel Attention mechanism automatically learns optimal weights for critical frequency bands or sensor channels to suppress irrelevant information, though its effectiveness depends on the prominence of discriminative channels. EfficientNet achieves balanced model scaling across depth, width, and resolution dimensions, offering advantages for edge device deployment, but lacks explicit mechanisms for long-term degradation pattern learning.
In contrast, the proposed FFM directly models fault evolution’s long-term dependencies through exponentially expanded receptive fields via hierarchical dilation rates, enabling comprehensive coverage of both short-term and long-term vibration patterns. Compared to architectures requiring deep layer stacking or complex branching, FFM achieves broader temporal coverage with fewer parameters, demonstrating superior suitability for real-time monitoring applications, see Figure 12.
As evidenced by the results in Table 3, the proposed FFM achieves optimal performance across all evaluation metrics, demonstrating its superior capability in extracting discriminative degradation features from rolling bearing vibration signals compared to conventional feature extraction methods.
To rigorously validate the accuracy of the proposed method, we conducted comprehensive comparisons against five established prediction approaches: (1) a Transformer-based model that captures global degradation patterns through self-attention mechanisms [36], (2) the AM-RNN attention network designed for extracting degradation features from extended historical data [37], (3) the CBAM-CNN architecture incorporating convolutional attention modules [38], (4) the DBN-RLSTM framework utilizing deep belief networks for health indicator extraction and compression [39], and (5) bearing RUL prediction network PGCN improved based on graph convolutional neural network [40]. All comparative evaluations were performed using the DAM-processed datasets (Ds1 through Ds5), with detailed results presented in Table 4.
The Transformer architecture effectively captures long-term degradation patterns in vibration signals through its self-attention mechanism, though this capability comes with significant computational overhead due to the attention matrix’s quadratic complexity and substantial memory requirements for processing lengthy sequences, while also exhibiting limited sensitivity to transient vibrational events and high-frequency noise components. In comparison, the AM-RNN framework enhances prediction accuracy by emphasizing critical timesteps through attention weighting, but its sequential processing nature inherently limits parallel computing efficiency and slows training procedures. The CBAM-CNN approach demonstrates strong performance in local time-frequency feature extraction through its channel and spatial attention mechanisms, yet struggles to effectively model temporal dependencies across extended periods. DBN-RLSTM combines the strengths of deep belief networks and recurrent architectures for multi-scale feature learning, but the resulting parameter-intensive structure presents challenges for practical deployment in resource-constrained environments. PGCN provides probabilistic life prediction intervals through graph representations, though the computational demands of sparse matrix operations in its graph convolutional layers hinder real-time application.
Addressing these limitations, the proposed DCM architecture maintains temporal resolution by eliminating pooling operations while significantly reducing memory consumption and improving training stability through its exclusive reliance on dilated convolutions instead of recurrent or attention mechanisms, with the added benefit of inherent high-frequency noise suppression through carefully designed dilation intervals, all while preserving constant computational complexity regardless of input sequence length, see Figure 13.
The experimental results presented in Table 4 demonstrate the superior performance of the proposed FDBRP model across multiple evaluation dimensions. In terms of computational efficiency, the model achieves parameter complexity comparable to the most lightweight method PGCN while maintaining computational speed equivalent to the fastest approach CBAM_CNN, indicating an effective balance between model compactness and processing efficiency. More significantly, the proposed architecture establishes notable improvements in prognostic accuracy, yielding the most favorable results for both average prediction error and RUL score metrics among all compared methods.
As illustrated in Figure 14a–f, comparing the other five methods, the proposed FDBRP method (Figure 14f) demonstrates superior alignment with ground-truth RUL labels. This approach achieves (1) significantly reduced prediction volatility across operational periods while maintaining high accuracy, (2) precise early-stage RUL estimation approximating 100% health state, and (3) critical safety-enhanced end-of-life prediction where the method proactively converges to 0% RUL minutes before actual failure—a vital feature for risk mitigation in mechanical systems. These results collectively validate FDBRP’s advanced prognostic capability and operational practicality.
These comprehensive advancements confirm the FDBRP’s capability to simultaneously optimize computational requirements and prediction precision, particularly in capturing critical failure-stage degradation patterns essential for practical bearing life assessment applications.

4.4. Ablation Experiment

The FDBRP proposed in this paper consists of three integrated components: DAM for data processing, FFM for feature extraction, and DCM for life prediction. To validate the rationality of our network architecture for rolling bearing RUL prediction, we designed the following ablation experiments:
M1: A conventional CNN architecture without dilated causal mechanisms, DAM, or FFM. This baseline model represents standard convolutional neural network approaches lacking our proposed components.
M2: An enhanced CNN incorporating the DAM but still excluding FFM and dilated causal mechanisms. This configuration evaluates the standalone contribution of our data augmentation approach.
M3: An advanced CNN including both DAM and FFM, yet without implementing dilated causal convolutions. This variant assesses the combined effect of our data and feature processing components.
M4 (FDBRP): Our complete proposed model featuring DCM with dilated causal mechanisms along with both DAM and FFM. This full implementation demonstrates the synergistic performance of all integrated components.
The experimental results using dataset Ds2 are presented in Table 5. The performance improvement from M1 to M2 confirms that DAM effectively enhances the neural network’s fitting capability at the data level. The gains observed when comparing M2 with M3 demonstrate FFM’s ability to better integrate data features and optimize prediction accuracy. Finally, the superior results of M4 over M3 prove that DCM significantly improves the model’s predictive ability for bearing RUL through its dilated causal architecture.

5. Conclusions

This paper presents FDBRP, an integrated framework for rolling bearing remaining useful life prediction that systematically combines three key components: the Data Augmentation Module, Feature Fusion Module, and Dilated Causal Module. The methodology develops through three principal innovations:
First, DAM enhances dataset representational capacity through overlapping sliding-window sampling and multi-sensor signal fusion. By reshaping and concatenating vertical/horizontal vibration signals while implementing end-to-end life labeling (0–1 normalization), the module significantly improves neural network generalizability. Second, FFM achieves comprehensive spatiotemporal feature extraction through self-attention graph convolution for spatial relationship modeling, multi-scale temporal convolution for dynamic pattern capture, and efficient multi-scale attention that optimizes feature weighting to strengthen global-local representation consistency. Third, DCM enables parallelizable long-term temporal dependency learning through dilated causal convolutions, augmented with residual connections that regularize network training while boosting model generalization.
Within the feature extraction module, comparative analysis against state-of-the-art approaches EfficientNet, etc., confirms that our architecture maintains competitive computational efficiency while achieving reduced prediction errors. The proposed FDBRP method and advanced benchmarks PGCN, etc., were evaluated on the dataset, demonstrating that our framework establishes significant improvements in prognostic accuracy. Specifically, it yields optimal results across metrics: an average prediction error of 10.904 and an RUL score of 0.757, outperforming all comparative methods. Ablation studies further indicate a 79.96% reduction in mean error and a 64.67% enhancement in scoring performance relative to baseline models.
Experimental results confirm FDBRP’s effectiveness in accurate bearing RUL prediction. This enhanced prognostic capability enables proactive maintenance planning for rotating machinery, significantly reducing unplanned downtime and operational costs in industrial environments. Future work will investigate cross-domain prediction capability enhancements and corresponding architectural improvements to address operational condition variations, with the ultimate objective of deploying this technology for real-time health monitoring in safety-critical systems such as wind turbines and high-speed trains.

Author Contributions

Conceptualization, M.L. and Q.Y.; Methodology, M.L.; Software, M.L.; Validation, M.L., Shiyue Na, D.Q., X.G. and Q.L.; Formal analysis, M.L.; Investigation, M.L. and S.N.; Data curation, M.L. and S.N.; Writing—original draft, M.L.; Writing—review & editing, M.L.; Visualization, M.L.; Supervision, Q.Y.; Project administration, M.L. and Q.Y.; Funding acquisition, Q.Y. All authors have read and agreed to the published version of the manuscript.

Funding

The research is supported by the National Natural Science Foundation of China (No. 62006028, 62276032), the Natural Science Foundation of Hubei Province, China (No. 2023AFB909), which are highly appreciated by the authors.

Conflicts of Interest

The authors declared that they have no conflicts of interest in this work. We declare that we do not have any commercial or associative interest that represents a conflict of interest in connection with the work submitted.

Abbreviations

The following abbreviations are used in this manuscript:
RULRemaining Useful Life
PHMPrognostics and Health Management
EMDEmpirical Mode Decomposition
VMDVariational Mode Decomposition
CNNConvolutional Neural Network
FCNFully Convolutional Network
RNNRecurrent Neural Networks
Bi-LSTMBidirectional LSTM
DRUGated Recurrent Unit
ResNetResidual Connections
TCNTemporal Convolutional Network
CAMConvolutional Attention Module
DRNDeep Residual Networks
SCshortcut connections
DAMData Augmentation Module
DCMDilated Causal Module
FFMFeature Fusion Module
AGMSelf-attention-graph Convolution module
MTMMulti-scale Time Convolution module
EMAEfficient Multi-scale Attention module
MPTCNMultiple Parallel Temporal Convolutional Network
FDBRPFeature fusion and Dilated causal convolution model for Bearing Remaining useful life Prediction
MAEMean Absolute Error
RMSERoot Mean Square Error
MAE_shMean Absolute Error in the second half of the stage
RMSE_shRoot Mean Square Error in the second half of the stage

References

  1. Xia, L. Research on condition-based maintenance decision for engine bearings based on PHM. Intern. Combust. Engine Parts 2023, 7, 50–52. [Google Scholar]
  2. Hasib, S.A.; Islam, S.; Chakrabortty, R.K.; Ryan, M.J.; Saha, D.K.; Ahamed, H.; Moyeen, S.I.; Das, S.K.; Ali, F.; Islam, R.; et al. A Comprehensive Review of Available Battery Datasets, RUL Prediction Approaches, and Advanced Battery Management. IEEE Access 2021, 9, 86166–86193. [Google Scholar] [CrossRef]
  3. Xia, Y. Intelligent Fault Diagnosis of Rolling Bearings Under Multiple Working Conditions Based on Deep Learning. Master’s Thesis, University of Electronic Science and Technology of China, Chengdu, China, 2020. [Google Scholar]
  4. Zhou, Y.; Gan, S.; Kan, K. Remaining Useful Life Estimation of Bearings Using Data-Driven Ridge Regression. Appl. Sci. 2020, 10, 8977. [Google Scholar] [CrossRef]
  5. Bolander, N.; Qiu, H.; Eklund, N.; Hindle, E.; Rosenfeld, T. Physics-based Remaining Useful Life Prediction for Aircraft Engine Bearing Prognosis. In Proceedings of the Annual Conference of the Prognostics and Health Management Society, PHM 2009, San Diego, CA, USA, 27 September–1 October 2009. [Google Scholar]
  6. Wen, H.; Zhang, L.; Sinha, J.K. Early Prediction of Remaining Useful Life for Rolling Bearings Based on Envelope Spectral Indicator and Bayesian Filter. Appl. Sci. 2024, 14, 436. [Google Scholar] [CrossRef]
  7. Ta, Y.; Wang, T.; Xie, J.; Yang, J.; Pan, T. A rolling bearing state evaluation method based on deep learning combined with Wiener process. PHM Soc. Eur. Conf. 2024, 8, 8. [Google Scholar] [CrossRef]
  8. Huang, N.E.; Shen, Z.; Long, S.R.; Wu, M.C.; Shih, H.H.; Zheng, Q.; Yen, N.-C.; Tung, C.C.; Liu, H.H. The empirical mode decomposition and the Hilbert spectrum for nonlinear and non-stationary time series analysis. Proc. Math. Phys. Eng. Sci. 1998, 454, 903–995. [Google Scholar] [CrossRef]
  9. Gilles, J. Empirical wavelet transform. Signal Process. IEEE. Trans. Signal Process. 2013, 61, 3999–4010. [Google Scholar] [CrossRef]
  10. Dragomiretskiy, K.; Zosso, D. Variational mode decomposition. IEEE. Trans. Signal Process. 2014, 62, 531–544. [Google Scholar] [CrossRef]
  11. Jiang, X.; Shen, C.; Shi, J.; Zhu, Z. Initial center frequency-guided VMD for fault diagnosis of rotating machines. J. Sound Vib. 2018, 435, 36–55. [Google Scholar] [CrossRef]
  12. Pandit, R.; Xie, W. Data-driven models for predicting remaining useful life of high-speed shaft bearings in wind turbines using vibration signal analysis and sparrow search algorithm. Energy Sci. Eng. 2023, 11, 4557–4577. [Google Scholar] [CrossRef]
  13. Javanmardi, A.; Aimiyekagbon, O.K.; Bender, A.; Kimotho, J.K.; Sextro, W.; Hüllermeier, E. Remaining useful lifetime estimation of bearings operating under time-varying conditions. PHM Soc. Eur. Conf. 2024, 8, 9. [Google Scholar] [CrossRef]
  14. Ayman, A.; Onsy, A.; Attallah, O.; Brooks, H.; Morsi, I. Feature learning for bearing prognostics: A comprehensive review of machine/deep learning methods, challenges, and opportunities. Measurement 2025, 245, 116589. [Google Scholar] [CrossRef]
  15. Zhang, W. Research on Bearing Fault Diagnosis Method Based on Cloud/Fog/Edge Collaboration. Master’s Thesis, Shandong University, Jinan, China, 2020. [Google Scholar]
  16. Wu, Z. Research on Remaining Useful Life Prediction of Rolling Bearings Based on Convolutional Neural Network. Master’s Thesis, Guangdong University of Technology, Guangzhou, China, 2022. [Google Scholar]
  17. Chen, C.; Zhu, J.; Wei, Q.; Yin, S.; Qiao, F.; Zhao, C. Real-time monitoring method for multi-condition multi-sensor rolling bearings based on convolutional neural network. Chin. J. Sens. Actuators 2024, 37, 1162–1171. [Google Scholar]
  18. Bao, W.; Liu, Y.; Yang, X.; Liang, D. Fault detection of motor vehicle engines based on gated dual convolutional neural network. J. Anhui Univ. 2022, 46, 39–45. [Google Scholar]
  19. Xu, Z. Research on Remaining Life Prediction Method of Aviation Equipment Based on Recurrent Neural Network. Master’s Thesis, Chongqing University of Posts and Telecommunications, Chongqing, China, 2021. [Google Scholar]
  20. Kamat, P.; Kumar, S.; Sugandhi, R. Vibration-based anomaly pattern mining for remaining useful life (RUL) prediction in bearings. J. Braz. Soc. Mech. Sci. Eng. 2024, 46, 290. [Google Scholar] [CrossRef]
  21. Sahu, P.K.; Rai, R.N. LSTM-based deep learning approach for remaining useful life prediction of rolling bearing using proposed C-MMPE feature. J. Mech. Sci. Technol. 2024, 38, 2197–2209. [Google Scholar] [CrossRef]
  22. Sun, Q.; Ren, J.; Wang, W.; Ge, L.; Xiong, X.; Quan, L. Fault diagnosis of priority valve in aircraft hydraulic system using convolutional neural network and bi-directional long short-term memory network optimized by whale optimization algorithm. Chin. Hydraul. Pneum. 2024, 48, 107–116. [Google Scholar]
  23. Gu, Y.; Chen, J.; Shi, C. Remaining useful life prediction of rolling bearings based on MRSDAE-KPCA combined with Bi-LST. Noise Vib. Control. 2024, 44, 95–100+145. [Google Scholar]
  24. Xiao, L. Research on Remaining Useful Life Prediction of Rolling Bearings Based on GRU Network. Master’s Thesis, Wuhan University of Science and Technology, Wuhan, China, 2020. [Google Scholar]
  25. Han, L. Degradation State Assessment and Remaining Useful Life Prediction of Rolling Bearings Based on CNN and GRU. Master’s Thesis, China Academy of Machinery Science & Technology, Beijing, China, 2020. [Google Scholar]
  26. Ye, L. Research and Implementation of Lithium Battery Life Prediction Based on BiGRU Network. Master’s Thesis, Liaoning Petrochemical University, Fushun, China, 2021. [Google Scholar]
  27. Bai, S.; Kolter, J.Z.; Koltun, V. An empirical evaluation of generic onvolutional and recurrent networks for sequence modeling. arxiv 2018, arXiv:1803.01271. [Google Scholar]
  28. Wu, S. Research on Fault Diagnosis Method of Rolling Bearings Based on Attention Mechanism and Residual Network. Master’s Thesis, Yanshan University, Qinhuangdao, China, 2024. [Google Scholar] [CrossRef]
  29. Wang, S.; Liu, Y.; Liu, J.; Sun, H.; Wen, X. Research on an improved multi-scale temporal convolutional network algorithm for bearing life prediction. Control. Eng. China 2025, 1–7. [Google Scholar] [CrossRef]
  30. Gao, M.; Lu, Y. Remaining useful life prediction method for rolling bearings based on Bi-TCN-LSTM. Light Ind. Mach. 2024, 42, 66–73+79. [Google Scholar]
  31. Yang, L.; Du, W.; Zhao, Y. A lightweight temporal attention-based convolution neural network for driver’s activity recognition in edge. Comput. Electr. Eng. 2023, 110, 108861. [Google Scholar] [CrossRef]
  32. Zhou, S.; Li, Y.; Guo, Y.; Qiao, X.; Mei, Y.; Deng, W. Ultra-short-term load forecasting with TCN considering temporal feature extraction and dual attention fusion. Autom. Electr. Power Syst. 2023, 47, 193–205. [Google Scholar]
  33. Chi, H.-G.; Ha, M.H.; Chi, S.; Lee, S.W.; Huang, Q.; Ramani, K. Infogcn: Representation learning for human skeleton-based action recognition. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, New Orleans, LA, USA, 18–24 June 2022; pp. 20186–20196. [Google Scholar]
  34. Wang, Z. Research on Stock Price Prediction Based on Multi-Scale Temporal Convolutional Neural Network Model. Master’s Thesis, Beijing Jiaotong University, Beijing, China, 2022. [Google Scholar]
  35. Wang, B.; Lei, Y.; Li, N.; Li, N. A hybrid prognostics approach for estimating remaining useful life of rolling element bearings. IEEE Trans. Reliab. 2020, 69, 401–412. [Google Scholar] [CrossRef]
  36. Zhou, Z.; Liu, L.; Song, X.; Chen, K. Remaining useful life prediction method for rolling bearings based on Transformer model. J. Beijing Univ. Aeronaut. Astronaut. 2023, 49, 430–443. [Google Scholar]
  37. Chen, Y.; Peng, G.; Zhu, Z.; Li, S. A novel deep learning method based on attention mechanism for bearing remaining useful life prediction. Appl. Soft Comput. 2020, 86, 105919. [Google Scholar] [CrossRef]
  38. Yu, J.; Peng, X.; Liu, T.; Yang, W.; Ye, S. Bearing remaining useful life prediction model integrating Inception V1-CBAM-CNN. J. Mech. Electr. Eng. 2024, 41, 107–114. [Google Scholar]
  39. Wang, H. Rolling Bearing Life Prediction Method Based on LSTM Network. Master’s Thesis, Xi’an University of Technology, Xi’an, China, 2024. [Google Scholar]
  40. Wei, Y.; Wu, D. Remaining useful life prediction of bearings with attention-awared graph convolutional network. Adv. Eng. Inform. 2023, 58, 102143. [Google Scholar] [CrossRef]
Figure 1. Basic Residual Unit.
Figure 1. Basic Residual Unit.
Sensors 25 05347 g001
Figure 2. Schematic Diagram of Sliding Window Method.
Figure 2. Schematic Diagram of Sliding Window Method.
Sensors 25 05347 g002
Figure 3. Spatio-temporal Feature Fusion Module.
Figure 3. Spatio-temporal Feature Fusion Module.
Sensors 25 05347 g003
Figure 4. Residual Structure of TCN.
Figure 4. Residual Structure of TCN.
Sensors 25 05347 g004
Figure 5. Zero-padding Convolutional Structure.
Figure 5. Zero-padding Convolutional Structure.
Sensors 25 05347 g005
Figure 6. (a) Causal Convolution without Expansion Factor; (b) Causal Convolution with Expansion Factor.
Figure 6. (a) Causal Convolution without Expansion Factor; (b) Causal Convolution with Expansion Factor.
Sensors 25 05347 g006
Figure 7. MPTCN Structure in Dilated Causal Convolution Module.
Figure 7. MPTCN Structure in Dilated Causal Convolution Module.
Sensors 25 05347 g007
Figure 8. Schematic Diagram of FDBRP.
Figure 8. Schematic Diagram of FDBRP.
Sensors 25 05347 g008
Figure 9. Bearing life degradation test bench.
Figure 9. Bearing life degradation test bench.
Sensors 25 05347 g009
Figure 12. Results of comparative trials of RUL prediction using different feature extraction modules.
Figure 12. Results of comparative trials of RUL prediction using different feature extraction modules.
Sensors 25 05347 g012
Figure 13. Results of comparative trials using different prediction methods.
Figure 13. Results of comparative trials using different prediction methods.
Sensors 25 05347 g013
Figure 14. Comparison of RUL results using different prediction methods: (a) transformer; (b) AM-RNN; (c) CBAM_CNN; (d) DBN_RLSTM; (e) PGCN; (f) Ours-DCM.
Figure 14. Comparison of RUL results using different prediction methods: (a) transformer; (b) AM-RNN; (c) CBAM_CNN; (d) DBN_RLSTM; (e) PGCN; (f) Ours-DCM.
Sensors 25 05347 g014
Figure 10. Bearing vibration signal sampling Settings.
Figure 10. Bearing vibration signal sampling Settings.
Sensors 25 05347 g010
Figure 11. Basic structure of LDK UER204 rolling bearing.
Figure 11. Basic structure of LDK UER204 rolling bearing.
Sensors 25 05347 g011
Table 1. Parameters of rolling bearing LDK UER204.
Table 1. Parameters of rolling bearing LDK UER204.
Parameter NamesValueParameter NamesValue
Diameter of Inner Raceway29.30 mmNumber of Balls8
Diameter of Outer Raceway39.80 mmContact Angle
Bearing Circumference34.55 mmBasic Rated Dynamic Load12,820 N
Ball Diameter7.92 mmBasic Rated Static Load6.65 N
Table 2. Processing of dataset.
Table 2. Processing of dataset.
Experimental DatasetTraining DatasetTest Dataset
Ds1Bearing1, Bearing2, Bearing3, Bearing4Bearing5
Ds2Bearing1, Bearing2, Bearing3, Bearing5Bearing4
Ds3Bearing1, Bearing2, Bearing4, Bearing5Bearing3
Ds4Bearing1, Bearing3, Bearing4, Bearing5Bearing2
Ds5Bearing2, Bearing3, Bearing4, Bearing5Bearing1
Table 3. Results of comparative trials of RUL prediction using different feature extraction modules.
Table 3. Results of comparative trials of RUL prediction using different feature extraction modules.
ModuleCNNInception-ResNetChannel AttentionEfficientNetOurs-FFM
Time/(s/step)36.34592162.78305655.52398445.91763538.619378
ErA28.57945418.98365914.25732626.38576310.903656
Score0.5064410.5107740.7083850.5593860.756564
Table 4. Results of comparative trials using different prediction methods.
Table 4. Results of comparative trials using different prediction methods.
DataTransformerAM-RNNCBAM_CNNDBN_RLSTMPGCNOurs-DCM
Er1Er2Er1Er2Er1Er2Er1Er2Er1Er2Er1Er2
Ds124.327614.876551.043423.779726.096333.987814.327613.472825.974716.057611.488510.8724
Ds212.876524.327650.811223.676915.581222.348716.482115.823411.591312.59778.99116.2172
Ds323.482129.482150.159723.172528.933228.694625.946120.758910.579610.542411.16628.3452
Ds430.946123.654350.257123.218417.600420.8459.876514.639115.922613.465311.166712.3306
Ds527.654325.946150.528223.217913.24716.808217.654316.284710.40427.984414.861914.6488
Para.32.39 KB14.37 KB11.41 KB41.26 KB10.86 KB12.82 KB
time51.462837 s102.159304 s36.728451 s141.693215 s64.840976 s38.619378 s
E r A ̿ 23.7373234.27181621.63877216.46039613.2354810.903656
S c o r e ¯ 0.5198570.4369320.5014860.5745640.6812170.756564
Table 5. Results of ablation experiments.
Table 5. Results of ablation experiments.
ModelM1M2M3M4
ErA36.65830633.58602618.4672937.326761
Score0.4387250.5047290.6686740.722447
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

Lin, M.; Ye, Q.; Na, S.; Qin, D.; Gao, X.; Liu, Q. FDBRP: A Data–Model Co-Optimization Framework Towards Higher-Accuracy Bearing RUL Prediction. Sensors 2025, 25, 5347. https://doi.org/10.3390/s25175347

AMA Style

Lin M, Ye Q, Na S, Qin D, Gao X, Liu Q. FDBRP: A Data–Model Co-Optimization Framework Towards Higher-Accuracy Bearing RUL Prediction. Sensors. 2025; 25(17):5347. https://doi.org/10.3390/s25175347

Chicago/Turabian Style

Lin, Muyu, Qing Ye, Shiyue Na, Dongmei Qin, Xiaoyu Gao, and Qiang Liu. 2025. "FDBRP: A Data–Model Co-Optimization Framework Towards Higher-Accuracy Bearing RUL Prediction" Sensors 25, no. 17: 5347. https://doi.org/10.3390/s25175347

APA Style

Lin, M., Ye, Q., Na, S., Qin, D., Gao, X., & Liu, Q. (2025). FDBRP: A Data–Model Co-Optimization Framework Towards Higher-Accuracy Bearing RUL Prediction. Sensors, 25(17), 5347. https://doi.org/10.3390/s25175347

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