1. Introduction
Lubricating oil serves as the lifeblood of mechanical systems, directly influencing equipment reliability, operational efficiency, and service life in industrial applications. For diesel engines operating under demanding conditions, the degradation of lubricating oil properties triggers cascading effects on friction coefficients, wear rates, and lubrication regime transitions, making precise health quantification essential for predictive tribological maintenance strategies [
1]. However, conventional evaluation methods often fail to capture the subtle tribological changes that precede lubrication failure, frequently oversimplifying the complex multi-parameter relationships critical to friction and wear performance assessment [
2].
The advent of advanced sensor technologies has enabled the real-time acquisition of multiple lubricant parameters, including viscosity, density, temperature, dielectric properties, and wear particle concentrations. Yet, the inherent complexity of these systems presents significant challenges: the nonlinear interdependencies among monitoring parameters, coupled with the influence of varying operational conditions and environmental disturbances, render simple parameter thresholding insufficient for accurate health state evaluation [
2]. This complexity necessitates sophisticated analytical approaches capable of extracting meaningful patterns from high-dimensional, noisy industrial data streams.
Recent advances in deep learning have revolutionized time series forecasting capabilities [
3], with models such as Recurrent Neural Networks (RNNs) and Long Short-Term Memory (LSTM) networks demonstrating a superior performance in capturing long-term dependencies within sequential data. Siami-Namini et al. [
4] established LSTM’s superiority over traditional ARIMA methods in handling nonlinear data with extended temporal relationships, while Chandra et al. [
5] validated the effectiveness of deep learning architectures in uncovering complex patterns within multivariate time series data.
While Informer, a Transformer-based model for long-sequence prediction, has shown an exceptional performance [
6], it often struggles to fully capture the intricate interdependencies among multidimensional industrial parameters. Wang et al. [
7] enhanced prediction accuracy by introducing a multivariate dynamic embedding strategy, whereas Liu et al. [
8] proposed an improved Informer that accounts for periodic features and outperforms conventional models in short-term forecasting. Thus, designing more efficient predictive models for multi-parameter oil monitoring data carries considerable research importance.
For equipment health assessment, traditional anomaly detection methods predominantly adopt statistical or machine learning algorithms [
9], which typically reduce the problem to a binary classification, making it difficult to convey the gradual nature of health degradation [
10]. Unsupervised anomaly detection techniques based on generative models such as autoencoders (AEs) and variational autoencoders (VAEs) [
11] can quantify anomalies through reconstruction errors, allowing for more refined health assessments [
12]. Nonetheless, VAE models often face difficulties in effectively capturing temporal dependencies within time series data [
13]. Åström et al. [
14] addressed this by introducing a conditional latent space VAE, substantially improving anomaly detection accuracy; Guo et al. [
15] combined GRU and GMM-VAE for modeling complex data distributions. Despite such progress, accurately quantifying gradual health degradation and providing early alerts in complex industrial environments remain challenging.
In summary, the following four major obstacles must be overcome in industrial lubricant health evaluation: (1) the non-stationary and high-noise characteristics of multi-parameter industrial time series; (2) the inability of binary classification methods to fully capture gradual health degradation; (3) the difficulty of achieving the precision required for health assessments with existing prediction frameworks; and (4) complex multi-parameter fault localization, where high-dimensional interdependent monitoring parameters make precise fault source identification extremely challenging, significantly complicating equipment maintenance and repair strategies. In response to these challenges, this study proposes an SFTI-LVAE-based lubricant health forecasting approach with the following innovations: (1) a decomposition–feature fusion–multiscale time series modeling strategy (SFTI), combining STL decomposition to mitigate noise, FAN to integrate multidimensional features, and TCN with Informer for high-accuracy predictions; (2) a health evaluation model integrating LSTM and VAE to enable the dimensionality reduction and health status quantification of complex high-dimensional data; (3) permutation importance-based feature evaluation and parameter contribution quantification techniques that enable deep mechanistic analysis and fault source tracing of lubricant health degradation; and (4) an SFTI-LVAE integrated framework that unifies trend prediction with health assessment to facilitate earlier warnings of impending failures.
The remainder of this paper is organized as follows:
Section 2 introduces the theoretical basis of the proposed SFTI-LVAE model, including decomposition, feature fusion, prediction, and health assessment frameworks.
Section 3 details the construction of the complete SFTI-LVAE prediction model.
Section 4 presents the experimental setup, data processing, prediction results, health assessment comparisons, and detailed analysis. Finally,
Section 5 summarizes the conclusions and outlines potential future research directions. Some of the key symbols used throughout this paper are summarized in
Table 1 for reference.
2. Theoretical Basis
To provide context for the proposed methodology,
Table 2 presents a comprehensive comparison of existing lubricant health monitoring approaches, highlighting their respective advantages and limitations in contrast to our proposed SFTI-LVAE framework.
2.1. SFTI Model
In industrial equipment health assessment and prediction scenarios, multi-parameter monitoring sequences—such as those for lubricating oil—often exhibit non-stationary behavior, multi-scale patterns, strong noise interference, and high-dimensional feature structures. Traditional forecasting methods may struggle with these complexities, resulting in an insufficient accuracy and limited generalization. To address these challenges, this study proposes a forecasting approach based on STL–FAN–TCN–Informer (SFTI). By adopting a “decomposition–feature fusion–multiscale time series modeling” strategy, the proposed method enhances the ability to capture trends and improve long-term forecasts for multidimensional oil monitoring data.
2.1.1. STL Decomposition
Let denote a multivariate time series, where represents the length of the time series and denotes the feature dimension. STL decomposition is performed on each primary feature dimension to obtain the following.
Where
represents the trend component of the s-th dimension;
denotes the seasonal component; and
represents the residual component [
16].
STL decomposition can effectively reduce the complexity of sequences by separating the predictable periodic and trend components from high-frequency noise components, thereby providing cleaner inputs for subsequent feature extraction and temporal modeling [
16].
where
represents the trend component of the s-th dimension;
denotes the seasonal component; and
represents the residual component [
16].
STL decomposition can effectively reduce the complexity of sequences by separating the predictable periodic and trend components from high-frequency noise components, thereby providing cleaner inputs for subsequent feature extraction and temporal modeling.
2.1.2. FAN: Factor Attention Network
After obtaining
, adaptive feature fusion and dimensionality reduction need to be performed across multiple dimensions and components. For this purpose, FAN can be employed to enhance the capability to capture key features [
17].
- (1)
Mapping to queries, keys, and values:
where
typically represents the integrated representation of
and
,
, and
are learnable parameters.
where d is the feature dimension normalization factor.
Through attention aggregation across multiple components and dimensions, FAN can highlight the most important parts for prediction while suppressing redundant or noisy features, thereby obtaining a fused representation
for subsequent temporal modeling [
17].
2.1.3. Temporal Prediction: TCN-Informer
- (1)
TCN Layer: Local Dependencies and Parallel Computation
TCN models temporal dependencies in sequences through convolutional operations. Compared to RNNs, it not only enables parallel computation, but can also expand the receptive field using dilated convolution. Specifically [
18], we derive the following:
where
represents the output of the l-th layer at time
;
denotes the convolutional kernel weights of the l-th layer;
represents causal convolution, which only utilizes information from past or current time steps; and
is the activation function.
Through multi-layer TCN stacking, both short-term local patterns and medium-to-long-term dependencies can be effectively modeled [
18].
- (2)
Informer Layer: Sparse Self-Attention and Long-Sequence Prediction
In long-sequence prediction, Informer employs ProbSparse Attention to reduce computation for unimportant time steps or features, thereby improving prediction efficiency and accuracy [
6].
After inputting the features
output from TCN into the Informer module, it can be written as follows:
The final multi-step prediction
is then obtained through linear layer mapping.
Figure 1 shows a schematic diagram of the FAN–TCN–Informer model.
2.2. LVAE Model
High-dimensional industrial parameters often contain rich degradation information. Therefore, this study proposes the LVAE model based on a combination of Long Short-Term Memory networks (LSTM) and Variational Autoencoders (VAEs). When extracting features from multi-parameter time series data, LSTM can capture the dynamic dependencies of time series [
19], while VAE can perform the nonlinear dimensionality reduction and reconstruction of high-dimensional complex data by learning the distributional characteristics of data in the latent space [
20].
Given a time series
, it is first encoded through LSTM to obtain the hidden state at the final time step. Subsequently,
is mapped to the distribution parameters
,
of the latent variable
, that is [
19], as follows:
where
represents the learnable parameters of the encoder network. At this point, the model does not directly output a fixed
, but rather models its distribution, bringing a stronger generalization capability for subsequent reconstruction.
In the decoding stage,
is first sampled from the normal distribution given by the encoder. Then
is input into the decoder to obtain the reconstructed sequence
. That is [
21], as follows:
where
represents the learnable parameters of the decoder and
is the mapping function of the decoder.
- (3)
Training Objective (ELBO)
When training VAEs, it is necessary to maximize the Evidence Lower BOund (ELBO), i.e., to minimize the negative value of the following loss function in one forward pass [
21], as follows:
where
is the reconstruction term, which encourages the model to restore the input
as accurately as possible given the latent variable
, i.e., the reconstruction quality should be high, and
is the KL divergence term, which constrains the encoder output distribution
from deviating too far from the prior
, enabling the model to have a better generalization capability.
In the time series context, due to the introduction of LSTM, this process traverses all time steps of the data and, finally, iteratively updates , to make the model converge.
2.3. Health Index
Reconstruction error is the core output of the VAE model, reflecting the fitness of data in the latent space. During the training phase, the LVAE model learns the distributional characteristics of healthy data, while in the testing phase, new observed sequences are input into the trained model to calculate reconstruction errors. When lubricating oil exhibits early wear or abnormal impurity content, the input data deviates from the healthy distribution, resulting in a significant increase in reconstruction error, thereby indicating potential problems.
Let
be the actual observed data at time
and
be the corresponding output reconstructed by LVAE, then, the reconstruction error can be defined as follows [
22]:
Furthermore, this error can be normalized to the [0, 1] interval, defining the health index
as follows [
22]:
where
is a scaling factor that ensures
approaches 0% when the error is maximum and
approaches 100% when the error is small. That is, the larger
is, the smaller the reconstruction error, indicating the system is closer to a “healthy state”; the lower
is, the greater the deviation between current observations and healthy patterns, suggesting an increased risk of potential degradation or failure in the lubricating oil.
2.4. Feature Importance and Parameter Contribution Analysis
To further investigate the actual contribution of each parameter to lubricating oil’s health status and trace the sources of health degradation, this study conducts quantitative analysis from both the feature dimension (Feature Importance) and parameter dimension (Error Contribution).
2.4.1. Feature Importance Assessment
This study employs a permutation importance strategy based on reconstruction error perturbation to measure the importance of features. This method evaluates the impact of features on model performance by randomly shuffling a specific feature column and observing the degree of change in model reconstruction error [
23].
Let the original dataset be X and the reconstruction error of the model on this dataset be
, then, the importance score of the i-th feature is calculated as follows:
where
represents the reconstruction error after shuffling the i-th feature. The larger the importance score, the more significant the impact of that feature on model performance. This assessment method does not rely on external labels, possesses a good interpretability and universality, and is suitable for the unsupervised reconstruction tasks in this study.
2.4.2. Parameter Contribution Calculation
After completing model training, to further identify the degree of influence of different parameters on lubricating oil health degradation at each time point, based on the reconstruction error of the LVAE model, the following absolute error contribution indicator is defined [
24]:
where
and
represent the actual value and model reconstruction value of the i-th parameter at time t, respectively, and
indicates the contribution degree of this parameter at time t. This indicator can reflect the prediction deviation degree of each feature, i.e., its instantaneous “load” for system degradation identification.
To facilitate comparison of the overall contributions of different parameters, a normalized expression is introduced, as follows:
This indicator reflects the magnitude of the cumulative error of each parameter over time, facilitating the identification of key factors most sensitive to system degradation. Through the above dual analysis approach, on one hand, core features with the greatest impact on the model can be identified; on the other hand, the response capability of each parameter to overall health index fluctuations at different time periods can be revealed, thereby providing a theoretical basis for subsequent feature selection and fault localization.
3. Construction of SFTI-LVAE Health Index Prediction Model
The SFTI-LVAE health index prediction model constructed in this paper integrates the advantages of multiple deep learning algorithms, aiming to enhance the capabilities of trend capturing, long-term prediction, and health assessment for multidimensional lubricating oil time series. The model is divided into the following two major phases: prediction and evaluation.
First, data preprocessing is performed through cleaning and normalization to reduce the interference of noise, outliers, and dimensional differences on the model. Second, dataset partitioning is conducted, using the initial healthy data of equipment as the training set to ensure that it contains only healthy samples, thereby enabling the model to clearly distinguish between “healthy” and “abnormal” distributions and improve the identification accuracy of early degradation trends. Third, the SFTI-LVAE model is constructed. In the prediction phase, STL is first utilized to decompose high-dimensional time series into trend, seasonal, and residual components, then the FAN module is employed for feature extraction and attention allocation to highlight key features and suppress noise. Subsequently, the improved Informer is used to predict each component, and finally, the predicted sequence is obtained through inverse transformation and fusion. In the health assessment phase, the model is trained using healthy data, where LSTM first extracts temporal dependency features, and then the VAE learns the distribution of healthy samples to establish a baseline model. When input data conforms to the healthy distribution, the reconstruction error is low, indicating healthy samples; conversely, high reconstruction error indicates abnormal or degraded samples.
The SFTI-LVAE model demonstrates an excellent performance in lubricating oil sequence trend prediction and health assessment, capable of capturing subtle changes and periodic fluctuations, accurately providing early warning of degradation, and offering technical support for industrial maintenance and fault prevention.
Figure 2 shows the complete modeling process of the model.
4. Experiment and Analysis
4.1. Online Monitoring Experiment of Diesel Engine Lubricating Oil
In practical applications, the key indicators that need to be monitored for different types of lubricating oils are not limited to a single parameter. Multiple other indicators are equally critical for determining the operational status of lubricating oil, recommending oil change intervals, and assessing the health condition of intelligent diagnostic equipment [
25]. Based on this understanding, our research team designed and developed an online lubricating oil monitoring system for the real-time monitoring of key indicators, including the physicochemical properties and wear particles of lubricating oil [
26]. The physical structure of this system is illustrated in
Figure 3, with the main monitoring equipment listed in
Table 3. The detailed experimental procedures have been thoroughly documented in the related literature and will not be reiterated here [
27]. The online monitoring system integrates multiple specialized sensors, as follows: the ARGO-HYTOS OPCom II (ARGO-HYTOS GmbH, Kraichtal-Menzingen, Germany) particle contamination sensor monitors wear particles at ISO 4 μm, 6 μm, 14 μm, and 21 μm sizes; the ARGO-HYTOS LubCos H2Oplus II (ARGO-HYTOS GmbH, Kraichtal-Menzingen, Germany) micro-moisture sensor measures moisture content in ppm; and the MEAS FPS2800B12C4 (Measurement Specialties, Inc. a TE Connectivity company, Grass Valley, CA, USA) fluid property sensor provides real-time measurements of dielectric constant, viscosity, density, and temperature. These sensors enable comprehensive real-time monitoring of lubricant condition and degradation indicators.
The experimental data collection period spanned from 1 to 6 April 2017, with a sampling frequency of once per minute. The system can simultaneously monitor multiple physicochemical properties and wear parameters, including viscosity (cSt), temperature (°C), wear particles (particles/mL), moisture content (ppm), and others, achieving a daily sampling volume of 1440 data points. The viscosity values shown in
Table 3 refer to the real-time kinematic viscosity (in cSt) as measured by the MEAS FPS2800B12C4 sensor at the corresponding recorded temperatures. The dielectric constant reflects the relative permittivity of the lubricant, indicating its ability to store electrical energy within an electric field, and is sensitive to contamination, oxidation, and chemical degradation.
Table 4 presents a portion of the online lubricating oil monitoring dataset. The lubricating oil used in this study was SAE 15W-40 diesel engine oil conforming to the API CI-4 specification. According to the SAE J300 standard [
28], this multigrade oil has a kinematic viscosity range of 12.5–16.3 cSt at 100 °C for the SAE 40 grade, with a winter performance meeting SAE 15W requirements for cold-weather operation. The oil had an initial kinematic viscosity of 14.2 cSt at 100 °C and a viscosity index of 140. The base oil was a conventional mineral oil blend with typical additive packages, including detergents, dispersants, antioxidants, and anti-wear additives suitable for heavy-duty diesel engine applications. Through this experiment, the system demonstrated its capability to comprehensively and accurately reflect the condition of lubricating oil, providing robust data support for equipment operation and maintenance.
4.2. Experimental Data Division and Preprocessing
During the dataset partitioning process, the progressive characteristics of industrial equipment failures were fully considered, dividing the data into the following two phases: trend prediction and health assessment. Specifically, for the trend prediction phase, data from 1 to 4 April 2017 (totaling 5760 samples) were used as the training set, while data from 5 to 6 April (totaling 2880 samples) served as the test set. For the health assessment phase, initial equipment data from 1 to 2 April (1440 samples) constituted the training set, with SFTI-predicted data from 5 to 6 April serving as the test set. Notably, the lubricating oil alarm was triggered and recorded at 1:31 a.m. on 6 April [
27].
This partitioning approach placed high demands on the model’s ability to capture long-term trend variations and gradual processes. SFTI effectively extracted trend and periodic components through its “decompose-then-predict” mechanism, reducing the prediction difficulty of high-dimensional noisy data. During the health assessment phase, LSTM was employed to capture temporal dependencies, demonstrating a strong generalization capability on anomalous samples and accurately reflecting the evolution process of health states, thereby ensuring the overall accuracy and reliability of predictions.
4.3. Trend Prediction Based on SFTI
In the multi-sensor lubricating oil monitoring experiment, we collected key parameters, including oil density, viscosity, dielectric constant, temperature, and particle content of different sizes, providing comprehensive insights into lubricating oil health status and equipment operational trends. Considering the high costs associated with the shutdown maintenance of large-scale equipment and the inadequacy of traditional historical data analysis in meeting industrial requirements, accurate prediction of lubricating oil health has become crucial for timely decision making, damage reduction, and efficiency enhancement. Unlike traditional binary “normal/abnormal” classifications, our proposed model learns the distribution of healthy data and quantifies degradation levels through reconstruction error, enabling early trend identification and warning. Model parameter selection combines random search with empirical validation, as detailed in
Table 5.
The parameter selection process in this study is grounded in both theoretical considerations and extensive empirical validation. Several parameter configurations are defined based on model characteristics: the SFTI model processes dynamic trends and seasonal patterns through FAN rather than traditional Dropout regularization, achieving the precise capture of subtle changes in oil parameters; the shuffle parameter for data loading is defined and set to True, ensuring the randomization of training data and preventing model overfitting to fixed temporal patterns; the LVAE encoding dimension is set to five, balancing reconstruction quality while avoiding overfitting; and a weight parameter is defined for weighting different frequency components in the FAN module, enhancing the model’s attention to critical features. The STL seasonal period of 1441 min is determined through spectral analysis of the lubricant monitoring data, which reveals distinct daily operational cycles corresponding to equipment working patterns. This period length ensures the complete capture of diurnal variations in lubricant parameters while maintaining computational efficiency. The batch size configuration reflects the balance between computational resources and gradient estimation accuracy, where SFTI employs 64 samples to accommodate the high-dimensional multivariate time series, while LVAE utilizes 32 samples due to its relatively smaller training dataset of healthy samples. The epoch settings consider model complexity differences, with SFTI using 50 epochs to balance trend prediction accuracy and training efficiency, while LVAE requires 100 epochs to sufficiently learn the latent distributional characteristics of healthy data. Among the network architecture parameters, d_model = 128 and n_heads = 8 are selected based on the attention mechanism’s optimal performance ratio, ensuring an adequate representational capacity; the FAN module’s freq_topk = 5 selects the most significant frequency domain features, effectively reducing noise interference; and the TCN’s three-layer structure with a kernel size of five achieves an optimal balance between receptive field coverage and computational complexity. The activation function GELU is chosen over ReLU because GELU’s smooth characteristics are more suitable for processing continuous industrial time series data. A learning rate of 0.0001 combined with the Adam optimizer provides stable convergence for the complex multi-component architecture, validated through convergence analysis across multiple training runs. These parameter selections demonstrate a superior performance consistency across different industrial scenarios, providing a robust foundation for practitioners implementing similar predictive maintenance systems.
To comprehensively evaluate the model’s prediction accuracy and avoid the incompleteness that might arise from a single metric, this study selects Root Mean Square Error (RMSE) and Mean Absolute Error (MAE) as evaluation metrics to comprehensively assess model performance. Next, we will conduct a detailed analysis of the SFTI-based trend prediction capability in conjunction with specific experimental data.
Figure 4 presents the prediction results for nine key parameters of lubricating oil, demonstrating the model’s comprehensive forecasting capability across multiple dimensions.
The temperature variations in
Figure 4a exhibit the following distinct phase characteristics: initially around 31 °C, rapidly declining to 23.8 °C between points 280 and 360 before recovering; gradually decreasing to 20.4 °C from points 460–1490; rapidly rising to 31.5 °C between points 1490 and 1590 and entering a stable period; declining again to 22.1 °C from points 2000–2810; and rising again around point 2870. The overall trend follows a pattern of “decline—recovery—stabilization—decline again—recovery again.”
The moisture content prediction in
Figure 4b shows that the initial lubricating oil moisture is approximately 76 ppm, with small fluctuations in the early stage, rising to 83–84 ppm in the middle section with multiple oscillations. Around point 1500, it briefly drops to 80 ppm before recovering and entering a plateau phase. The density changes shown in
Figure 4d are similar to moisture patterns, with a small amplitude fluctuation within approximately 0.02 g/cm
3. There is one fluctuation in the early stage, a rapid decline followed by recovery around point 1500 in the middle section, and the maintenance of high levels with considerable oscillations after point 2800.
The prediction curves for the dielectric constant in
Figure 4c and viscosity in
Figure 4e show similar trends, exhibiting an upward trend after small fluctuations in the early stage, with rapid declines around points 1500–1580 and 2870.
The four wear particles with different sizes presented in
Figure 4f–i show the following highly consistent variation trends: fluctuating upward then declining from points 280 to 480; stabilizing from points 500 to 1480; surging then rapidly declining from points 1510 to 1540; and fluctuating from points 2020 to 2300, with stability in other phases. The predicted values are generally positioned in the middle region of actual values, effectively capturing overall trends, though with deviations in local peak and valley values. The overall results demonstrate that the model can reasonably capture overall trend changes and individual sudden variations, exhibiting a high reliability and consistency in long-sequence trend prediction.
The prediction errors are calculated separately for each monitored lubricant parameter, including temperature, moisture content, dielectric constant, density, viscosity, and wear particles of different sizes (4 μm, 6 μm, 14 μm, and 21 μm).
Table 6 below presents the RMSE and MAE results for each parameter prediction.
To validate the effectiveness of each component in the SFTI framework, we conducted systematic ablation experiments by progressively removing different components to evaluate each module’s contribution to the overall prediction performance.
Table 7 presents a performance comparison under different configurations.
Through comprehensive analysis of the visualization results and evaluation metrics, the SFTI framework demonstrates a superior performance in multivariate time series forecasting, particularly excelling in trend characterization and subtle anomaly detection. The ablation study validates the effectiveness of each module: the complete SFTI configuration achieves the lowest average RMSE (0.01068) and MAE (0.007968) across all nine monitoring parameters.
Removing the STL component results in a 27.07% performance drop, underscoring its importance in trend and seasonality decomposition and noise reduction. Excluding the FAN module causes a 9.76% decline, highlighting its role in modeling high-dimensional and frequency domain features. The absence of TCN leads to a 15.74% decrease, indicating its effectiveness in capturing local temporal dependencies. In addition, the Vanilla Informer—used as the minimal backbone—performs substantially worse than the full SFTI, reinforcing the synergistic contribution of the integrated modules.
This strong performance is attributed to SFTI’s modular architecture: STL extracts structured temporal components, FAN enhances frequency-aware representation, TCN captures local patterns while enabling efficient parallelism, and Informer provides scalable long-range sequence modeling via sparse self-attention. Overall, SFTI maintains a robust accuracy under steady-state conditions and a high sensitivity during abrupt transitions, offering precise and reliable support for industrial equipment health assessment and early warning applications.
4.4. Health Assessment
4.4.1. Experimental and Comparative Analysis
To validate the advantages of the proposed SFTI-LVAE health prediction model in both forecasting and health assessment, the following two comparative methods were implemented in the experiments: one employs the unmodified conventional Informer for prediction coupled with the same LVAE for health assessment (Informer-LVAE); the other utilizes a statistics-based SFTI–Mahalanobis Distance model (SFTI-MD).
The Mahalanobis Distance–PCA health assessment method is a statistics-based anomaly detection technique suitable for health condition monitoring of multivariate time series data. This approach first applies sliding window techniques to segment the time series data, treating the multi-parameter data within each window as a sample point in high-dimensional feature space. Subsequently, Principal Component Analysis (PCA) is employed for feature dimensionality reduction [
29], as follows:
where
represents the principal component loading matrix, retaining the three most informative principal components. The core of this method lies in quantifying the degree of anomaly by calculating the Mahalanobis distance from test samples to the reference distribution [
30], as follows:
where
is the mean of the reference distribution and
s the covariance matrix. The health index is obtained through linear inverse mapping [
30], as follows:
Unlike traditional Euclidean distance, Mahalanobis distance considers the correlations between features, making anomaly detection more precise. Additionally, this method analyzes the influence of each parameter on abnormal states by calculating parameter contributions , providing specific guidance for lubricating oil health system maintenance.
To ensure the accuracy and reliability of comparative results, these three methods maintain consistency with the SFTI-LVAE health prediction model in terms of parameter settings and dataset selection. The results demonstrate that SFTI-LVAE exhibits a superior performance in both prediction accuracy and health assessment. The model parameter configurations are presented in
Table 8.
4.4.2. Results and Analysis
Based on the aforementioned model configurations, comparative experiments for health condition assessment were conducted on the lubricating oil system. As illustrated in
Figure 5, the four curves, respectively, demonstrate the following: the real-time assessment results of LVAE based on measured data; the predictive assessment results of SFTI-LVAE, integrating time series forecasting with deep learning; the performance of the SFTI-MD statistical method employing Mahalanobis distance; and the LVAE assessment results based on the conventional Informer algorithm. Through multidimensional visualization comparison, the differences among various methods in health degradation trends, abrupt point identification, and early warning effectiveness can be intuitively observed, prominently showcasing the comprehensive advantages of the proposed model. In
Figure 5, the health index (HI) represents the normalized reconstruction error output from the LVAE model, where higher values indicate a better lubricant condition (closer to a healthy state), and lower values indicate a higher deviation from a healthy distribution and potential degradation.
As shown in
Figure 5, the four curves exhibit similar overall trends, all indicating a lubricating oil health below the 60% threshold around the 1500 time point, which highly corresponds with the actual fault occurrence time, validating the fundamental reliability of each model’s assessment results. The black curve represents the LVAE model’s evaluation results on real data, while the green curve shows the SFTI-LVAE prediction model results. The high consistency between these two curves demonstrates that SFTI-LVAE not only accurately predicts overall trends, but also effectively captures subtle fluctuations.
From the green curve, it can be observed that the health index remains stable above 90% within the first 300 time points; drops slightly to approximately 87.5% around point 350; begins a gradual decline from point 640, reaching 60% at point 1460; and briefly recovers to 64% before rapidly dropping to 42%, clearly indicating system anomaly. Within 40 points after the fault, the system recovers to approximately 88% and maintains stability, albeit below the initial level, which aligns with the industrial reality that health indices rarely fully recover after faults. A brief recovery to 90% occurs between points 2030 and 2140, followed by continuous decline. In summary, the SFTI-LVAE model demonstrates precise responses to abrupt changes and a keen sensitivity to early degradation and minor fluctuations.
The yellow curve represents the SFTI-MD model, which initially aligns with LVAE and SFTI-LVAE and accurately identifies anomalies at point 1520, proving the effectiveness of statistical methods. However, the curve remains stable for extended periods before abrupt changes, failing to identify gradual degradation, and exhibits sluggish responses during post-fault phases, lacking sensitivity. The blue curve shows the results from traditional Informer prediction data combined with the LVAE model, similar to the first two curves before point 750, after which accelerated degradation occurs, prematurely breaking the 60% threshold at point 1390, with inconsistent timing of the lowest point compared to other curves, indicating Informer’s limited capability in capturing subtle changes, thereby affecting prediction accuracy. Its post-fault recovery and degradation trends after point 2140 remain basically consistent with other curves. The magnified region in the figure clearly displays similar variations in the four curves during critical fault periods, further validating the effectiveness of the proposed method.
Combining the parameter contribution analysis in
Figure 6 can further elucidate the intrinsic mechanisms of lubricating oil health changes. Observing the first decline in the green curve around point 350, density, viscosity, dielectric constant, and temperature all exhibit significant degradation contributions. This phenomenon highly aligns with the feature importance analysis results in
Figure 7—the importance scores of these parameters reach 0.176, 0.148, 0.311, and 0.126, respectively, occupying dominant positions among all monitoring parameters. When the contribution values of these four parameters decline, the green curve correspondingly recovers.
After point 500, the degradation contribution values of density, viscosity, and temperature increase again, highly consistent with the early degradation trends exhibited by the green curve. Around point 1000, although the contribution values of the aforementioned three parameters decrease somewhat, the green curve continues to decline. In-depth analysis reveals that this is primarily attributed to the significant degradation of the dielectric constant. Given that the dielectric constant possesses the highest feature importance score (0.311), the increase in its degradation contribution value produces the most significant negative impact on lubricating oil health, becoming the core driving factor for the continuous decline in the health index. Around point 1500, the contribution values of all lubricating oil monitoring parameters dramatically surge, ultimately triggering system failure, which perfectly corresponds with the fault time point recorded in
Figure 5. After fault repair, the contribution values of each parameter rapidly return to baseline levels, and the system recovers to a relatively stable state. Around point 2000, the parameter degradation contribution values again exhibit a change pattern similar to that around point 500, and the green curve correspondingly shows a second round of the degradation process.
Notably, the degradation contribution of the moisture parameter maintains a high level throughout the entire monitoring cycle, but its feature importance score is the lowest (only 0.024). This indicates that although moisture content exhibits continuous fluctuation, due to its limited weight in the overall health assessment system, it does not produce a significant direct impact on the health degradation curve. This analysis method effectively identifies the key factors affecting lubricating oil health status, providing important theoretical support for fault diagnosis and preventive maintenance in the digital tribology era.
In conclusion, the SFTI-LVAE model demonstrates significant advantages in lubricating oil health assessment, accurately identifying early degradation while providing early warnings and precisely capturing abrupt points. By integrating the advantages of time series prediction and deep learning, it enhances the reliability and foresight of predictive maintenance, providing efficient and practical technical support for equipment health management in intelligent manufacturing.
4.4.3. Comparative Analysis
In the comparative analysis of health assessment models, this study selected alarm rate, false alarm rate, and early warning capability (EWC) as key indicators to comprehensively evaluate model performance. These metrics reflect the core requirements of models in practical applications: efficiently identifying anomalies (high alarm rate), reducing false alarms (low false alarm rate), and possessing early warning capability, thereby enhancing their practicality and reliability.
Based on measured data from the diesel engine, the study categorized the data into the following two types: first, 1440 data points collected on 5 April, representing normal operation periods; second, a 30 min period before and after the fault occurrence at 1:31 a.m. on 6 April (points 1516 to 1546), representing abnormal operation periods. This classification was based on field records and equipment operational characteristics, providing a reliable data foundation for the accurate identification of pre- and post-fault states and performance evaluation of the models.
The calculation formulas for alarm rate and false alarm rate are shown in Equations (17) and (18), which are used to evaluate the anomaly detection performance of the models [
27].
where TPR represents the True Positive Rate and FPR represents the False Positive Rate; True Positives (TPs) denote the number of samples correctly detected as anomalous by the model; False Positives (FPs) represent the number of samples erroneously classified as anomalous when they are actually normal; False Negatives (FNs) indicate the number of anomalous samples not detected by the model; and True Negatives (TNs) represent the number of samples correctly identified as normal by the model.
Considering that health degradation is a gradual process, the degradation degree is quantified. Specifically, if a health decline trend occurs with a decrease exceeding 10%, it is considered an early fault trend, and this time point is designated as the fault acceleration point. The time interval between the fault acceleration point and the actual fault point characterizes the early warning capability. From the results, the SFTI-LVAE curve shows a continuous decline starting from point 637 at 91.08%, dropping to 80.92% at point 1128, exceeding the 10% threshold. The other experimental groups are as follows: the real data experiment shows a decline from point 635 to 1102, dropping from 91.74% to 81.73%; SFTI-MD shows a decline from points 1447 to 1472, from 85.36% to 75.10%; and Informer-LVAE shows a decline from point 621 to 961, dropping from 92.69% to 82.62%.
The specific calculation results for each model are detailed in
Table 9.
The experimental results demonstrate that the SFTI-LVAE model successfully captures lubricating oil health degradation trends 6.47 h before fault occurrence, exhibiting an exceptional early warning capability (EWC). Its fault interval alarm rate (TPR) reaches 96.67%, with zero false alarms in healthy intervals. Combined with assessment curves that intuitively reflect health status variations, the model demonstrates a high reliability and accuracy. The LVAE model achieves a 90.00% alarm rate in real data evaluation, also with zero false alarms, showing highly consistent results that further validate the model’s stability.
In contrast, although the SFTI-MD model performs well in terms of TPR (96.67%) and FPR (0), it fails to capture early degradation trends, with its assessment results abruptly transitioning from “healthy” to “faulty” within only 73 data points, which does not meet industrial requirements for early warning. While the Informer-LVAE model identifies early degradation trends, its TPR is only 50.00%, with a false alarm rate of 3.40%, indicating that single-trend prediction approaches have limitations in processing high-dimensional information and cannot meet the high precision requirements for health assessment.
The observed zero false alarm rate is not attributable to overfitting, but rather reflects the model’s robust design and validation methodology. This performance is underpinned by the following two key architectural features: (i) the LVAE health assessment module employs unsupervised reconstruction learning exclusively on healthy baseline data, constraining the learned latent distribution to capture normal operational patterns while preventing the memorization of random noise or anomalous behaviors, and (ii) the SFTI forecasting component systematically separates trend and seasonal components from high-frequency disturbances through STL decomposition, providing cleaner, denoised inputs for reconstruction-based anomaly detection. To validate robustness beyond the primary test set, we conduct comprehensive sliding window evaluation across multiple contiguous time segments, treating each as an independent validation set trained solely on preceding healthy data. Consistently, detection metrics maintain zero false alarms across all segments. Furthermore, k-fold cross-validation on temporally disjoint blocks confirms that the healthy baseline model preserves a high specificity without compromising its sensitivity. These rigorous validation approaches demonstrate that the zero false alarm performance represents genuine model robustness rather than dataset-specific overfitting, though multi-site and cross-equipment validation studies are planned to further confirm generalization under broader operational conditions and domain shifts.
In summary, while statistical methods achieve high alarm rates and low false alarm rates, they are constrained by binary fault classification limitations. Simple trend prediction models suffer from a limited accuracy, compromising health assessment precision. The SFTI-LVAE model demonstrates significant advantages in multidimensional information extraction, early warning capability, and false alarm control, substantially outperforming comparative approaches through its integrated architecture and rigorous validation methodology.
5. Conclusions
This study proposes a health prediction model based on SFTI-LVAE and validates its effectiveness using diesel engine lubricating oil monitoring data. The model consists of the following two stages: trend prediction and health assessment. First, STL decomposition is employed to decompose time series into trend, seasonal, and residual components, combined with an Informer model optimized by FAN and TCN, achieving a “decompose–predict–aggregate” structure that effectively enhances its perception capability for trend changes, minor fluctuations, and abrupt variations, meeting the requirements for dynamic industrial health assessment. Second, by incorporating LSTM into the VAE model, reconstruction errors are utilized to quantify the anomaly degree at each time step, accomplishing precise health status prediction.
To ensure the optimal model performance in practical applications, critical parameter configurations are defined based on model characteristics. The SFTI model processes dynamic trends and seasonal patterns through FAN, with the shuffle parameter set to True preventing overfitting, the LVAE encoding dimension optimized to five, and balancing reconstruction quality and weight parameters in the FAN module, enhancing attention to critical features. These parameter selections provide practical guidance for implementing similar systems in industrial environments.
To deeply explore the intrinsic mechanisms of lubricating oil health degradation, this study further develops feature importance and parameter contribution analysis methods. Based on a permutation importance strategy, the influence of each feature on model performance is quantified, and the contribution of each parameter to degradation at different time points is calculated through reconstruction errors, enabling fault source tracing for lubricating oil health degradation. The analysis results indicate that the dielectric constant possesses the highest feature importance score (0.311), serving as the core factor affecting lubricating oil health status, while the synergistic degradation of parameters such as density, viscosity, and temperature directly influences the fluctuation trends of health indices. This analysis method not only identifies key influencing factors, but also reveals the response characteristics of each parameter at different degradation stages, providing a scientific basis for fault source tracing and preventive maintenance.
The experimental results demonstrate that the SFTI-LVAE model successfully provides early warning 6.47 h before fault occurrence, achieving an alarm rate (TPR) of 96.67% with a false alarm rate of 0%. The predicted health indices are highly consistent with actual assessment results, showing an excellent early warning capability and prediction accuracy. In comparison, although the SFTI-MD model possesses an equally high TPR and low FPR, it lacks the ability to identify early degradation, only issuing warnings shortly before faults, exhibiting abrupt transitions from “healthy” to “faulty” states. While the Informer-LVAE model can detect early degradation, it is limited by the traditional Informer’s capability in processing high-dimensional industrial data, resulting in an insufficient prediction accuracy with an alarm rate of only 50.00% and a false alarm rate of 3.40%, compromising the reliability of health assessment.
Through in-depth comparative analysis of the three models’ performances across multiple typical time periods, SFTI-LVAE not only accurately predicts future equipment operational states, but also possesses powerful data representation and anomaly identification capabilities. Its assessment results highly correspond with the actual alarm time at 1:31 a.m. on 6 April, validating its practicality in industrial scenarios. This model provides a novel approach for lubricating oil wear state monitoring and offers reliable technical support for the predictive maintenance and online operation of industrial equipment.
When implementing in new environments, practitioners should follow a structured deployment approach: first, establish baseline healthy operational data for model training; second, customize parameter configurations according to the aforementioned guidelines; third, gradually integrate with existing maintenance protocols; and fourth, establish threshold strategies based on the specific operational requirements and risk tolerance of the application domain. The model’s interpretability features, including parameter contribution analysis and feature importance assessment, enable maintenance engineers to understand degradation mechanisms and effectively prioritize maintenance actions.
Despite achieving satisfactory results, this study still has room for improvement in terms of generalizability. The experimental validation relies on data collected from a diesel engine lubricating oil system over six days, with only one confirmed lubrication failure event. While the nine monitored parameters provide comprehensive health status characterization and the continuous monitoring encompasses a complete process of health degradation and post-maintenance recovery to a healthy state, providing sufficient training samples (8640 data points), future research can be extended to more equipment types (such as gas turbines and compressors), different lubricant formulations (various viscosity grades and additive formulations), and long-term degradation patterns spanning months to years. Furthermore, validation under different operating conditions, including various temperature ranges, load variations, and environmental conditions, constitutes future work plans that will enhance the model’s robustness and generalization capability. Nevertheless, the unsupervised learning characteristics and modular design of the SFTI-LVAE framework enable it to adapt to different equipment types and operating conditions through retraining, providing scalability for broader industrial applications.
In conclusion, the SFTI-LVAE model significantly outperforms traditional SFTI-MD and Informer-LVAE models in comprehensively capturing data trends, enhancing early warning capabilities, controlling false alarm rates, and mechanistic analysis. It not only possesses an exceptional health prediction performance, but also achieves a deep understanding of lubricating oil health degradation mechanisms through feature importance and parameter contribution analysis, providing an efficient and feasible solution for equipment condition assessment and maintenance management in intelligent manufacturing environments. Future research directions include (1) incorporating heuristic optimization algorithms to improve parameter tuning efficiency; (2) expanding validation to diverse equipment types, lubricant formulations, and longer-term operational scenarios; (3) developing transfer learning strategies to enhance model adaptability across different industrial domains; and (4) integrating with existing maintenance management systems for seamless industrial deployment, thereby enhancing the model’s generalization capability and practical value in complex industrial scenarios.