Next Article in Journal
Multi-Party Verifiably Collaborative Encryption for Biomedical Signals via Singular Spectrum Analysis-Based Chaotic Filter Bank Networks
Previous Article in Journal
Research Progress and Prospects of Intelligent Measurement and Control Technology for Tillage Depth in Subsoiling Operations
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

A Spectral Interpretable Bearing Fault Diagnosis Framework Powered by Large Language Models

1
National Key Laboratory of Transient Physics, Nanjing University of Science and Technology, Nanjing 210094, China
2
School of Aeronautical Mechanical Manufacturing, Changsha Aeronautical Vocational and Technical College, Changsha 410124, China
3
Shenyang Institute of Automation, Chinese Academy of Sciences, Shenyang 110069, China
4
University of Chinese Academy of Sciences, Beijing 101408, China
*
Author to whom correspondence should be addressed.
Sensors 2025, 25(12), 3822; https://doi.org/10.3390/s25123822
Submission received: 23 May 2025 / Revised: 17 June 2025 / Accepted: 18 June 2025 / Published: 19 June 2025

Abstract

Most existing fault diagnosis methods, although capable of extracting interpretable features such as attention-weighted fault-related frequencies, remain essentially black-box models that provide only classification results without transparent reasoning or diagnostic justification, limiting users’ ability to understand and trust diagnostic outcomes. In this work, we present a novel, interpretable fault diagnosis framework that integrates spectral feature extraction with large language models (LLMs). Vibration signals are first transformed into spectral representations using Hilbert- and Fourier-based encoders to highlight key frequencies and amplitudes. A channel attention-augmented convolutional neural network provides an initial fault type prediction. Subsequently, structured information—including operating conditions, spectral features, and CNN outputs—is fed into a fine-tuned enhanced LLM, which delivers both an accurate diagnosis and a transparent reasoning process. Experiments demonstrate that our framework achieves high diagnostic performance while substantially improving interpretability, making advanced fault diagnosis accessible to non-expert users in industrial settings.

1. Introduction

Rotating machinery constitutes the backbone of modern industrial infrastructure, playing pivotal roles in manufacturing, energy generation, transportation, and countless other sectors [1]. Within these systems, rolling element bearings are among the most critical and ubiquitously used components [2], yet they are also highly susceptible to failures due to harsh operating conditions, fatigue, and wear [3]. Unforeseen bearing failures can lead to catastrophic equipment breakdowns, resulting in significant economic losses from unscheduled downtime, costly repairs, and potential safety hazards [4]. To address these challenges, intelligent fault diagnosis methods have attracted increasing attention, with recent works exploring early fault detection based on residual analysis in electric–hydraulic control systems [5] and AI-enhanced fault prediction under scenarios with incomplete industrial information [6].
In addition, there has been notable progress in the diagnosis of mechanical and compound faults. For example, the latest studies employ techniques such as multi-label domain adversarial reinforcement learning for unsupervised compound fault recognition [7], domain reinforcement feature adaptation with correlation alignment for compound fault diagnosis of rolling bearings [8], biologically inspired compound defect detection utilizing spiking neural networks with continuous time–frequency gradients [9], and autonomous recognition frameworks based on reinforced adversarial open set algorithms for mechanical equipment fault diagnosis [10]. Consequently, the development of robust condition monitoring and accurate fault diagnosis techniques for bearings is paramount for implementing effective predictive maintenance strategies, ensuring operational reliability, and enhancing industrial safety.
Historically, bearing fault diagnosis relied heavily on traditional signal processing methods, such as Fast Fourier Transform (FFT), wavelet analysis, empirical mode decomposition, and envelope analysis—where optimal demodulation-band selection is crucial for effective diagnostics [11,12]. Additionally, advanced techniques such as blind deconvolution [13] and cyclostationary analysis [14] have gained popularity for their effectiveness in extracting fault-related features from complex and noisy signals. While valuable, these approaches often necessitate considerable domain expertise for feature selection and interpretation and can struggle with complex signal characteristics or varying operating conditions [15]. The dawn of artificial intelligence, particularly machine learning and deep learning, has revolutionized the field [16]. Models like convolutional neural networks (CNNs), recurrent neural networks (RNNs), and autoencoders have demonstrated remarkable success in automatically extracting salient features from raw sensor data and achieving high diagnostic accuracy, often surpassing traditional methods [17].
Despite their impressive performance, a significant drawback hinders the widespread adoption and full potential of many state-of-the-art deep learning-based diagnostic systems: their inherent lack of interpretability. These models often function as “black-boxes,” taking sensor data as input and producing a diagnostic label without providing clear insight into the reasoning behind their predictions [18]. Although recent advances in semi-supervised detection, such as multi-modal imitation learning for arc detection in complex railway environments [19], unsupervised methods like collaborative adversarial domain adaptation for rotating machinery fault diagnosis [20], and physics-informed detection approaches exemplified by surrogate modeling of pantograph–catenary system interactions [21], have demonstrated strong feature extraction capabilities and robustness in challenging industrial scenarios, the interpretability of these techniques remains limited. This opacity poses considerable challenges: it erodes user trust, particularly among non-expert personnel who need to act upon the diagnostic output. Furthermore, when a model yields an incorrect diagnosis, the lack of transparency makes it exceedingly difficult to identify the cause of the error and refine the system. This interpretability gap represents a critical barrier, limiting the practical utility and reliability of advanced AI diagnostic tools in mission-critical industrial environments where accountability and understanding are essential [22].
To bridge the gap between diagnostic accuracy and interpretability in bearing fault diagnosis, this paper proposes a novel spectral interpretable framework powered by large language models (LLMs). Our approach synergistically integrates advanced signal processing, attention-augmented deep learning, and LLM-based reasoning. Specifically, vibration signals are first transformed spectrally using Hilbert- and Fourier-based encoders to highlight characteristic fault frequencies and amplitudes [23]. An attention-based convolutional neural network (CNN) then extracts robust features and provides a preliminary fault assessment. Crucially, we fuse multi-source information—including operational parameters (such as rotational speed and load), extracted spectral features, and the CNN’s initial predictions—into a structured textual representation tailored for LLM processing. This is fed into a fine-tuned LLM, adapted for the diagnostic task, which produces the final diagnosis accompanied by a transparent, step-by-step explanation of its reasoning process.
Compared with traditional approaches relying on manual feature engineering or black-box deep learning models with limited interpretability, our method offers both high classification accuracy and explicit interpretability. Leveraging the generative capabilities of LLMs, our framework delivers coherent, human-understandable explanations that directly link spectral and model-based evidence to physical fault characteristics, improving transparency over existing methods that typically provide only feature-level importance. Additionally, by fine-tuning a lightweight LLM with domain-specific data and applying resource-efficient techniques like LoRA, we facilitate practical deployment in industrial environments without depending solely on large-scale general LLM APIs. Through experiments, we demonstrate that our approach not only enhances diagnostic performance, but also makes the process understandable to non-expert users—fostering trust and paving the way for broader adoption of interpretable AI in intelligent maintenance systems.
The remainder of this paper is organized as follows: Section 2 elaborates on the proposed methodology, detailing the spectral feature extraction, CNN architecture, and LLM integration. Section 3 describes the experimental setup and presents the results. Section 4 discusses the findings and the implications of the interpretable framework. Finally, Section 5 concludes the paper and suggests future research directions.

2. Related Works

The field of bearing fault diagnosis has seen significant advancements, evolving from traditional signal processing techniques to sophisticated artificial intelligence-based methods. Concurrently, the demand for interpretable AI systems has grown, particularly in critical industrial applications. This section reviews pertinent research in these areas.

2.1. Bearing Fault Diagnosis Techniques

Traditional approaches to bearing fault diagnosis have heavily relied on signal processing techniques to extract fault signatures from vibration, acoustic, or current signals. Methods such as Fast Fourier Transform (FFT) for frequency-domain analysis [24], wavelet transforms for time–frequency analysis [25], and empirical mode decomposition (EMD) for non-stationary signal processing [26] have been widely employed. These methods often require significant domain expertise for feature selection and interpretation and can be challenged by complex operating conditions and nascent fault detection.
With the advent of machine learning, techniques like Support Vector Machines (SVMs) [27] were applied to automate the classification process based on handcrafted features. More recently, deep learning models, particularly convolutional neural networks (CNNs), have demonstrated remarkable success in automatically learning hierarchical features directly from raw or minimally processed sensor data, achieving high diagnostic accuracies [28,29]. Recurrent neural networks (RNNs) and Long Short-Term Memory (LSTM) networks have also been utilized to model temporal dependencies in vibration signals [11,30]. While these deep learning models often achieve state-of-the-art performance, they are typically regarded as “black-boxes,” offering limited insight into their decision-making processes, which hinders user trust in and adoption of safety-critical systems.

2.2. Interpretable Artificial Intelligence in Fault Diagnosis

The opacity of deep learning models has spurred research into eXplainable Artificial Intelligence (XAI). In the context of fault diagnosis, efforts have been made to enhance model transparency. Initial approaches often focus on post hoc explanation techniques. For instance, some methods visualize learned features or activation maps within CNNs to understand which parts of the input signal contribute most to the diagnosis [22]. Others employ model-agnostic tools like LIME [31]. Attention mechanisms have also been widely incorporated, as they inherently highlight salient input features, improving both performance and providing a degree of interpretability [32].
However, equating interpretability solely with such post hoc analysis presents a limited view. These methods, while valuable for validation, treat the model as a “black-box.” For example, researchers may verify that a model’s high attention scores align with known fault characteristic frequencies [33], or that feature magnitudes from convolutional layers strongly correlate with these physical frequencies [34]. While this confirms the model has learned a relevant pattern, it does not explain how the model derives this relationship nor embed this physical knowledge as a core component of the model’s reasoning process. Consequently, the interpretability remains superficial, making it difficult to trace the model’s logic or diagnose its failures.
A distinct and more profound approach to interpretability involves embedding physical knowledge directly into the neural network, moving towards a “physics-informed” or “knowledge-guided” paradigm. In bearing fault diagnosis, this physical knowledge is explicit: characteristic fault frequencies (e.g., BPFO, BPFI, BSF) are deterministic functions [33] of the bearing’s geometry and its operational speed. Instead of hoping a black-box model implicitly learns these relationships from data, a physics-informed model explicitly incorporates them. This approach not only renders the model’s decision-making process more transparent and trustworthy but also enhances its robustness and data efficiency, as it is constrained by established physical laws rather than relying solely on data-driven correlations.

2.3. Large Language Models for Explanation and Reasoning

Large Language Models (LLMs) have recently emerged as powerful tools for a wide array of natural language processing tasks, including text generation, summarization, question answering, and complex reasoning [35,36]. Their ability to comprehend context and generate human-like, coherent text presents a promising avenue for enhancing the interpretability of AI systems. While the application of LLMs in industrial diagnostics is still nascent, some preliminary studies have explored their use for tasks like generating reports from structured data or assisting in troubleshooting based on textual inputs [37]. For instance, Peng et al. [38] proposed BearLLM, which enhances bearing health management with unified signal representation, showcasing an early step towards integrating LLM capabilities in this domain.
However, directly applying general-purpose LLMs to specialized tasks like bearing fault diagnosis often requires significant prompt engineering or fine-tuning to ensure domain-specific accuracy and relevance. Furthermore, integrating numerical signal features, model predictions from other AI components (like a CNN), and operational parameters into a coherent textual explanation requires a structured approach.

3. Methodology

Figure 1 presents the spectral interpretable bearing fault diagnosis framework proposed in this study. It consists of three main components: data preprocessing, AI-based fault classification, and fault diagnosis analysis powered by LLMs. The key distinction of our framework from conventional black-box methods is its dual-pathway analysis, which synergistically integrates a quantitative Fault Classification Network (FCN) with a qualitative, reasoning-based LLM. Unlike models that only provide a final classification label, our approach empowers the LLM to synthesize the FCN’s probabilistic output with spectral evidence and operational parameters, generating a transparent, step-by-step diagnostic report. The complete workflow, detailing each step from signal input to the final interpretable report, is summarized in Algorithm 1. The test stand images are illustrative, representing the sources of bearing and operational data, such as those from the Case Western Reserve University (CWRU) [39] bearing dataset and the Paderborn University (PU) [40] bearing dataset. This section will elaborate on the design and implementation of these modules.
Algorithm 1 Overall Workflow of the Spectral Interpretable Diagnosis Framework
  • Input:
  •    Raw vibration signal S r a w
  •    Bearing geometric parameters P b e a r i n g (e.g., D p , d b , n b , β )
  •    Operating condition parameters P o p (e.g., rotational speed f r , load)
  • Output:
  •    Interpretable textual diagnostic report R d i a g
  • Part 1: Data Preprocessing and Feature Extraction
1:
x SegmentAndResample ( S r a w )   ▹ Segment into 1 s windows and resample to 12 kHz
2:
μ x , σ x CalculateStats ( x )     ▹ Calculate mean and std dev per Equations (2) and (3)
3:
x Normalize ( x , μ x , σ x )   ▹ Apply z-score normalization per Equation (1) for FCN input
4:
E s p e c CalculateEnvelopeSpectrum ( x ) ▹ Via Hilbert transform and FFT per Equations (4)–(6)
5:
F t h e o r y CalculateTheoreticalFCFs ( P b e a r i n g , P o p )     ▹ Calculate BPFO, BPFI, BSF per Equations (7)–(9)
  • Part 2: FCN-based Initial Classification
6:
P f a u l t FCN ( x )   ▹ Feed normalized signal x into the Fault Classification Network
7:
    ▹ P f a u l t is the probability distribution over fault classes, per Equation (25)
  • Part 3: LLM-based Interpretable Analysis
8:
T p r o m p t FormatPrompt ( P o p , P b e a r i n g , μ x , σ x , E s p e c , F t h e o r y , P f a u l t )  ▹ Synthesize all information into a structured prompt for the LLM
9:
R d i a g LLM fine-tuned ( T p r o m p t )   ▹ Generate the final report using the fine-tuned LLM
10:
return  R d i a g

3.1. Data Preprocessing

The foundation of data-driven bearing fault diagnosis typically relies on vibration signals acquired by accelerometers. These signals exhibit characteristic changes in their frequency content when a bearing component incurs a fault. The raw vibration signals undergo a multi-stage preprocessing pipeline to prepare them for both the deep learning-based fault classification network and the large language model (LLM)-powered interpretable analysis.
Signal Segmentation: Continuous vibration signals collected online are initially segmented into non-overlapping windows, each with a duration of 1 s. This segment length, T s e g = 1 s, is chosen for two primary reasons: Firstly, it ensures that each segment captures sufficient vibrational information for robust fault diagnosis. Secondly, this duration results in a frequency resolution of 1 Hz after performing a Fast Fourier Transform (FFT) (i.e., Δ f = 1 / T s e g ), which simplifies spectral analysis by ensuring that each frequency bin corresponds to an integer frequency value.
Resampling: Accelerometers used for data acquisition may operate at varying sampling rates. This can lead to an inconsistent number of data points per 1 s segment, which is detrimental to the performance and architecture of deep learning models that typically expect fixed-size inputs. To address this, all signal segments are resampled to a uniform sampling frequency of f s = 12 kHz . This process is often achieved by transforming the signal to the frequency domain using FFT, adjusting the spectral content to correspond to the new sampling rate, and then performing an inverse FFT (IFFT). The selection of 12 kHz represents a pragmatic trade-off between computational load and diagnostic precision; higher rates would increase computational demands, while lower rates might lead to the loss of crucial high-frequency fault signatures, thereby reducing diagnostic accuracy.
Normalization for Deep Learning Input: Following resampling, the amplitude of acceleration values within a segment can vary considerably depending on operating conditions and fault severity. Such variations can hinder the feature learning process of deep learning networks. Therefore, each resampled vibration signal segment, denoted as x = [ x 1 , x 2 , , x N ] , where N is the number of sample points in the 1-s segment at 12 kHz (i.e., N = 12,000 ), is normalized to have a mean of 0 and a standard deviation of 1. This is achieved using standard score normalization (z-score):
x i = x i μ x σ x
where x i is the i-th normalized sample point, μ x is the mean of the segment x, calculated as
μ x = 1 N i = 1 N x i
and σ x is the standard deviation of the segment x, calculated as
σ x = 1 N 1 i = 1 N ( x i μ x ) 2
These normalized segments, x , serve as the direct input to the fault classification network. The mean ( μ x ) and standard deviation ( σ x ) calculated from each segment are also retained as descriptive statistics for the LLM-based analysis.
Envelope Spectrum Analysis for Interpretability: For the interpretable fault diagnosis pathway, the envelope spectrum of the vibration signal is computed. This technique is particularly effective in demodulating amplitude-modulated signals that are characteristic of bearing faults, where high-frequency resonant vibrations are modulated by lower-frequency impacts caused by defects. The process involves two main steps:
Envelope Extraction: The envelope of the resampled vibration signal x ( t ) is obtained using the Hilbert transform. First, the analytic signal x a ( t ) is formed:
x a ( t ) = x ( t ) + j · H [ x ( t ) ]
where H [ x ( t ) ] is the Hilbert transform of x ( t ) , defined as
H [ x ( t ) ] = 1 π P. V. x ( τ ) t τ d τ
(P.V. denotes the Cauchy principal value). The envelope E n v ( t ) is then the magnitude of this analytic signal:
E n v ( t ) = | x a ( t ) | = x ( t ) 2 + ( H [ x ( t ) ] ) 2
Envelope Spectrum Calculation: The FFT is then applied to this envelope E n v ( t ) , and the magnitude of the resulting spectrum is taken. This yields the envelope spectrum, which highlights the characteristic fault frequencies.
Theoretical Fault Characteristic Frequency (FCF) Calculation: To provide a basis for comparison and interpretation, theoretical Fault Characteristic Frequencies (FCFs) are calculated. These frequencies depend on the bearing’s geometric parameters and its operational speed. Key FCFs include the following:
Ball Pass Frequency Outer ring (BPFO): The frequency at which rolling elements pass a defect on the outer ring.
f B P F O = n b 2 f r 1 d b D p cos β
Ball Pass Frequency Inner ring (BPFI): The frequency at which rolling elements pass a defect on the inner ring.
f B P F I = n b 2 f r 1 + d b D p cos β
Ball Spin Frequency (BSF)/Rolling Element Defect Frequency: The frequency related to a defect on a rolling element itself.
f B S F = D p 2 d b f r 1 d b D p cos β 2
where f r is the shaft rotational frequency (e.g., in Hz). n b is the number of rolling elements. d b is the diameter of a rolling element. D p is the pitch circle diameter of the bearing. β is the contact angle.
These bearing designation parameters (e.g., D p , d b , n b , β ) and working condition parameters (e.g., f r ) are used to compute these theoretical FCFs.
The computed envelope spectrum, the calculated theoretical FCFs, and the previously determined mean and standard deviation of the resampled vibration segments are then organized into a structured textual format. This compiled information serves as a comprehensive input for the subsequent LLM, enabling it to perform an integrated and interpretable fault diagnosis analysis.

3.2. Fault Classification Network

The normalized 1D vibration signal segments, preprocessed as described in Section 3.1, are fed into a Fault Classification Network (FCN) to obtain the probability distribution across various predefined fault categories. The architecture of the FCN is designed to effectively capture salient fault signatures from the vibration data and is detailed below. An overview of the FCN architecture is presented in Table 1.
Wide Convolutional Layer: The initial layer of the FCN employs a wide convolutional kernel. Specifically, a 1D convolution with a kernel size of 32, a stride of 4, and 36 output channels is used. This design choice is motivated by existing research indicating that larger receptive fields in the first convolutional layer can significantly enhance the accuracy and robustness of CNNs for fault diagnosis tasks [41]. This layer is followed by Batch Normalization (BN) and a LeakyReLU activation function. LeakyReLU is chosen over standard ReLU to mitigate the “dying ReLU” problem by allowing a small, non-zero gradient when the unit is not active, thereby preserving information and enhancing non-linearity with reduced information loss. Let x R 1 × L i n be the input normalized vibration signal (1 channel, L i n = 12,000 length). The output of this layer x w i d e R 36 × L 1 is given by the following:
x w i d e = LeakyReLU ( BatchNorm ( Conv k = 32 , s = 4 ( x ) ) )
Multi-Scale Modules (MSM): Following the initial wide convolution, the extracted features x w i d e are passed through a sequence of three cascaded Multi-Scale Modules (MSMs). These modules are designed to further extract discriminative fault-related features across various temporal scales. As illustrated in Figure 2, each MSM integrates multi-scale convolution, a channel attention mechanism, and residual connections.
The core operations within an MSM are as follows:
Multi-Scale Convolution: The input feature map F i n R C i n × L i n is processed by three parallel convolutional branches with kernel sizes of 3, 5, and 7, respectively. Each branch uses a stride of 2 and appropriate padding to maintain feature map coherence. The outputs of these three branches, F 3 , F 5 , and F 7 , each having C o u t / 3 channels, are then concatenated along the channel dimension to form a combined feature map F c o n c a t R C o u t × L o u t .
F 3 = Conv k = 3 , s = 2 ( F i n )
F 5 = Conv k = 5 , s = 2 ( F i n )
F 7 = Conv k = 7 , s = 2 ( F i n )
F c o n c a t = Concat ( F 3 , F 5 , F 7 )
Channel Attention Mechanism: The concatenated multi-scale features F c o n c a t are then refined using a channel attention mechanism. This mechanism adaptively recalibrates the importance of each channel. It processes the input features by first computing channel-wise statistics using both global average pooling ( P a v g ) and global max pooling ( P m a x ).
f a v g = P a v g ( F c o n c a t ) R C o u t
f m a x = P m a x ( F c o n c a t ) R C o u t
These two descriptors are then fed through a shared Multi-Layer Perceptron (MLP) to generate attention weights. The MLP consists of two fully connected (FC) layers: a dimensionality-reduction layer with ReLU activation, and a dimensionality-expansion layer with Sigmoid activation σ ( · ) .
w c = MLP ( f c ) = σ ( W 2 · ReLU ( W 1 f c ) )
where W 1 and W 2 are the weights of the FC layers. The final channel attention weights w f i n a l R C o u t are derived by averaging the weights from the max-pooled and average-pooled paths:
w f i n a l = ( w a v g + w m a x ) / 2
The input feature map F c o n c a t is then rescaled channel-wise:
F a t t = F c o n c a t w f i n a l
where w f i n a l is w f i n a l unsqueezed and broadcasted along the length dimension, and ⊙ denotes element-wise multiplication. This allows the network to emphasize informative features from different scales, enhancing its robustness.
Residual Connection: To facilitate training of deeper networks and prevent degradation, a residual connection [42] is incorporated. The original input to the MSM, F i n , is transformed by an average pooling layer (AvgPool with kernel size 3, stride 2) followed by a 1D convolution with a kernel size of 1 ( Conv k = 1 ). This 1 × 1 convolution adjusts the channel dimensions and ensures the spatial dimensions of the shortcut path F s h o r t c u t match those of F a t t .
F s h o r t c u t = Conv k = 1 ( AvgPool ( F i n ) )
The output of the MSM, F o u t , is then obtained by element-wise addition of the attention-processed features (after BatchNorm and ReLU) and the shortcut features:
F o u t = ReLU ( BatchNorm ( F a t t ) ) + F s h o r t c u t
The stacking of multiple MSMs (three in this architecture) allows the FCN to learn hierarchical features and exponentially increases the variety of receptive field scales, thereby enhancing its feature extraction capability. The residual connections within each MSM mitigate the risks associated with very deep networks, such as vanishing gradients.
Classification Head: After processing by the stack of MSMs, the resulting feature maps undergo a final feature aggregation step. Both global average pooling and global max pooling are applied across the length dimension of the output from the last MSM, F M S M 3 R C f i n a l × L f i n a l .
f g l o b a l _ a v g = P a v g ( F M S M 3 ) R C f i n a l
f g l o b a l _ m a x = P m a x ( F M S M 3 ) R C f i n a l
These two feature vectors are then concatenated to form a comprehensive feature representation f c o n c a t _ g l o b a l R 2 · C f i n a l .
f c o n c a t _ g l o b a l = Concat ( f g l o b a l _ a v g , f g l o b a l _ m a x )
This combined feature vector is fed into a final MLP, which acts as the fault classifier. Specifically, the MLP comprises two fully connected layers: the first layer is followed by a ReLU activation function, while the second layer maps the output to the desired number of fault classes ( N c l a s s e s = 10 ). The output logits from the MLP for each class, denoted as z j for the j-th class, are then transformed using the Softmax function to obtain normalized probabilities indicating the likelihood of each fault type:
P ( y = j | f c o n c a t _ g l o b a l ) = e z j k = 1 N c l a s s e s e z k
where z j is the logit (unnormalized score) corresponding to class j. The Softmax function ensures that the sum of all output probabilities equals 1, allowing the model to interpret these values as confidence scores for each possible fault category.
To facilitate interpretable fault diagnosis, the predicted class labels along with their corresponding probabilities are formatted as text and provided as input to the LLM, as illustrated in Figure 3. The LLM takes the output from the fault FCN, as well as other available information, to perform comprehensive spectral analysis and fault diagnosis. By integrating the quantitative probability distribution generated by the MLP classifier with the LLM’s reasoning and knowledge capabilities, the system enhances both the transparency and accuracy of fault diagnosis.

3.3. Interpretable Diagnosis with LLMs

The final stage of the proposed framework focuses on generating an interpretable diagnostic report by leveraging the capabilities of large language models (LLMs). This step aims to synthesize the information derived from the data preprocessing stage (Section 3.1) and the fault classification network (Section 3.2) into a human-readable and technically sound analysis.
Input Formulation for LLM: To enable the LLM to perform a comprehensive diagnostic analysis, all relevant information is meticulously compiled and structured into a formatted textual prompt. As illustrated in Figure 3, this input encompasses the following:
Bearing and Operational Parameters: Details such as bearing designation, geometric specifications (e.g., pitch circle diameter, ball diameter, number of rolling elements), rotational speed, and load conditions.
Signal Characteristics: Statistical properties of the vibration signal, including its mean and standard deviation.
Spectral Information: Key data points from the calculated envelope spectrum of the vibration signal, highlighting prominent frequency components and their amplitudes.
Theoretical Fault Characteristic Frequencies (FCFs): The calculated BPFO, BPFI, and BSF values relevant to the specific bearing and operational speed.
Fault Classification Network (FCN) Output: The probability distribution across different fault categories as determined by the FCN. These probabilities serve as a quantitative guide for the LLM’s diagnostic reasoning.
This comprehensive textual input provides the LLM with a detailed context of the equipment under diagnosis and the empirical evidence gathered.
Employing Fine-Tuned Smaller LLMs: While large-scale, cloud-based LLMs (e.g., models in the class of DeepSeek or Gemini series) demonstrate profound analytical capabilities on structured text, their application in real-time industrial settings can be constrained by factors such as network latency, data privacy concerns, API reliability, and operational costs. Given that bearing fault diagnosis is a specialized domain, a more resource-efficient approach is adopted. This study utilizes a smaller, pre-trained LLM that is subsequently fine-tuned using Low-Rank Adaptation (LoRA). This strategy aims to achieve diagnostic accuracy comparable to larger models but with significantly reduced computational overhead and enhanced deployment flexibility.
LLM Fine-Tuning Methodology: The development of the specialized diagnostic LLM involves a three-step fine-tuning process:
Generation of Initial Diagnostic Narratives: High-quality training data is crucial for effective fine-tuning. To generate an initial dataset of diagnostic explanations, existing bearing fault samples (each with its corresponding structured textual input as described above) are processed by advanced, general-purpose LLMs (e.g., models like DeepSeek-R1, Gemini 2.5 Pro, or similar, known for their strong reasoning and text generation capabilities). These models are prompted to produce a detailed “thought process” and a comprehensive diagnostic analysis for each sample.
Expert Review and Data Refinement: The diagnostic narratives generated by the large LLMs are then meticulously reviewed, corrected, and enhanced by human domain experts. This expert oversight ensures the factual accuracy, technical soundness, and completeness of the (prompt, response) pairs, thereby curating a high-quality dataset for fine-tuning.
Parameter-Efficient Fine-Tuning with LoRA: A pre-trained LLM of a relatively smaller scale (e.g., Qwen3-4B [43], a model from the Qwen family with approximately 4 billion parameters) is selected as the base model. This base LLM is then fine-tuned using Low-Rank Adaptation (LoRA) [44]. LoRA is a parameter-efficient fine-tuning (PEFT) [45] technique that significantly reduces the number of trainable parameters. Instead of updating all weights of the pre-trained LLM, LoRA introduces trainable low-rank matrices into specific layers of the model, typically the attention layers. If W 0 R d × k represents a pre-trained weight matrix, its update Δ W is approximated by the product of two smaller matrices, B R d × r and A R r × k , such that Δ W = B A . Here, the rank r is much smaller than d and k ( r min ( d , k ) ). During fine-tuning, the original weights W 0 are kept frozen, and only the parameters of matrices A and B are updated. This approach drastically reduces computational costs and memory requirements for training and deployment, while often achieving performance comparable to full fine-tuning on specific downstream tasks.
Interpretable Diagnostic Output: Upon receiving the structured textual input for a new bearing sample, the fine-tuned LLM generates a comprehensive diagnostic report. As exemplified in the “Assistant Analysis” panel of Figure 3, this report typically includes the following:
Summary of Received Information: A brief reiteration of the key input parameters and observations.
Detailed Analysis Process: Step-by-step reasoning of how the LLM arrived at its conclusions. This may involve correlating the observed spectral peaks with theoretical FCFs, identifying harmonics and sidebands, and discussing the implications of specific amplitude patterns.
Comprehensive Judgment: An assessment of the bearing’s health status, integrating the evidence from the envelope spectrum, statistical features, and the FCN’s probabilistic output. The LLM may elaborate on the consistency or discrepancies between different sources of evidence.
Diagnosis Conclusion: A clear statement of the diagnosed fault type (or normal condition) and its potential severity, along with the supporting rationale.
This textual output provides maintenance personnel with not just a diagnostic label but also a clear, interpretable explanation of the fault condition, facilitating informed decision-making.

4. Experimental Study

4.1. Experimental Setup

To quantitatively evaluate the effectiveness of the proposed method, this study utilized two benchmark datasets widely adopted in bearing fault diagnosis research: the Case Western Reserve University (CWRU) [39] bearing dataset and the Paderborn University (PU) [40] bearing dataset. The specifics of each dataset are detailed as follows.
The CWRU dataset was generated from a 2 HP motor test rig. For our analysis, we used the complete set of vibration signals, collected at a sampling rate of 12 kHz or 48 kHz across all four available motor load conditions (0, 1, 2, and 3 HP). This comprehensive usage ensures a thorough evaluation under varied operational states. Faults were artificially introduced to SKF deep-groove ball bearings using electro-discharge machining (EDM) at three distinct diameters—0.007, 0.014, and 0.021 inches—to represent different severity levels. These severities were applied to three fault locations: the Inner Ring (IR), Outer Ring (OR), and Ball (B). Consequently, the nine fault categories, combined with the normal condition data across all specified loads, form the ten classes for the CWRU experiments.
The PU dataset was sourced from a modular test rig at Paderborn University, and for this work, only the data from bearings with artificial damages were selected. These damages were induced on 6203 deep-groove ball bearings using methods like drilling and EDM on the Inner Ring (IR) and Outer Ring (OR). The vibration signals were captured at a high sampling rate of 64 kHz under different operating conditions. We selected fault samples with different damage sizes on the IR and OR to represent distinct severity levels. These, combined with the healthy bearing data, were organized into the required fault classification structure.
All collected samples were randomly partitioned into training, validation, and test sets following a 7:2:1 ratio. The proposed algorithm was implemented using the PyTorch 2.7 deep learning framework. The Fault Classification Network (FCN) was trained for 50 epochs employing the cross-entropy loss function and the AdamW optimization algorithm. The initial learning rate was set to 1 × 10 3 and was subsequently halved if the validation loss did not decrease for five consecutive epochs. For the large language model (LLM) component, the pre-trained Qwen3-4B [43] model served as the base. Low-Rank Adaptation (LoRA) [44] with a rank (r) of 4 was integrated using the Hugging Face PEFT (Parameter-Efficient Fine-Tuning) [45] library. The LLM underwent instruction fine-tuning using a dialogue dataset curated and refined by domain experts.

4.2. Fault Classification Results

To validate the capability of the proposed Fault Classification Network (FCN), its performance was benchmarked against several existing models from contemporary research under identical experimental conditions. The comparative models included the following: a standard convolutional neural network (CNN), a Wide First-layer Kernel CNN (WDCNN) [41], a Multi-Scale CNN (MCNN) [11], a Transferable CNN (TCNN) [34], a Quadratic CNN (QCNN) [46], and a Stochastic CNN (SCNN) [47]. The comparative experimental results are presented in Table 2.
Table 2 systematically outlines the performance of the FCN against the selected baseline models across multiple evaluation metrics, including Accuracy, Precision, F1-Score, False Positive Rate (FPR), False Negative Rate (FNR), and Mean Squared Error (MSE). Furthermore, since all benchmarked models, including our proposed FCN, are based on convolutional operations optimized for modern computing hardware, their inference times are at the millisecond level for input sequences of 1 s. Therefore, they are all suitable for real-time or online fault diagnosis scenarios, with negligible differences in time cost for practical deployments. As evidenced by the results, the proposed FCN demonstrates superior performance across all evaluated metrics.
Specifically, the FCN achieves the highest accuracy of 0.9919, indicating its exceptional capability in correctly identifying the fault categories. In terms of precision and F1-score, which are macro-averaged across all classes, the FCN also leads with values of 0.7652 and 0.7643, respectively. This suggests a balanced performance in minimizing both false positives and false negatives for individual fault types.
Furthermore, the FCN exhibits the lowest FPR (0.0009) and FNR (0.0053), significantly outperforming other models. A low FPR implies that the FCN is less likely to incorrectly classify a normal condition as a fault, while a low FNR indicates its robustness in detecting actual faults. Correspondingly, the FCN also achieves the minimum MSE of 0.0010, reflecting the smallest deviation between the predicted probabilities and the actual labels, thereby underscoring its high classification confidence and accuracy.
In contrast, while models like SCNN and QCNN show competitive results, they do not consistently surpass the FCN in all aspects. For instance, SCNN, the second-best performing model in terms of accuracy (0.9838), has a higher FNR (0.0175) and MSE (0.0028) compared to the FCN. Similarly, other traditional CNN architectures such as the standard CNN, WDCNN, and MCNN, yield considerably lower scores across all metrics, highlighting the advancements made by more sophisticated architectures like the proposed FCN.
These results collectively affirm the effectiveness of the FCN architecture, with its specialized components such as the wide convolutional layers and multi-scale modules incorporating channel attention, in extracting discriminative features from the bearing vibration signals for accurate fault classification.

4.3. Analysis of Interpretability

We selected 100 samples from the CWRU dataset (10 samples from each fault category) and used Uniform Manifold Approximation and Projection (UMAP) to visualize the sample embeddings at each stage of the FCN (see Table 1), offering insight into how the network transforms raw vibration signals into separable representations for fault classification. The results are shown in Figure 4.
At the input stage, the normalized 1D vibration signals from different fault types are highly intermixed in the feature space. There is little to no discernible clustering by fault category, indicating the raw signals are not directly separable.
After passing through the initial wide convolutional layer, the samples begin to show a slight tendency to cluster. This layer, with its large receptive field, extracts broad time-domain features and provides an initial enhancement in class-related structure, but significant overlap between categories remains.
As the data traverses the cascaded MSM blocks, the separation between fault categories becomes increasingly distinct. Each MSM block integrates multi-scale convolution (capturing features at various temporal resolutions), channel attention (emphasizing informative features), and residual connections (facilitating deeper learning).
The global pooling step further aggregates the extracted features. Here, clusters corresponding to fault categories become even more compact, as both global average and max pooling distill the most salient information from each sample’s feature map, leading to refined representations that are highly class-specific.
At the output layer, the samples are almost perfectly separated by fault category, with minimal intra-class variance and clear inter-class boundaries. This demonstrates the FCN’s capability to transform the raw vibration signals into a latent space where different fault conditions are linearly separable.
Overall, the visualization illustrates the progressive disentanglement and clustering of fault classes through the FCN layers. The wide convolutional layer provides a strong initial feature basis, while the MSM blocks’ multi-scale and attention mechanisms enable the extraction of highly discriminative fault signatures. This hierarchical feature transformation ensures that, by the time the signals reach the classifier, the representations are highly amenable to accurate, interpretable fault diagnosis.
Figure 5 demonstrates an example of interpretable bearing fault diagnosis using our proposed framework. The upper part of the figure visualizes the envelope spectrum of the vibration signal, with characteristic frequencies of different fault modes (e.g., shaft frequency, BPFO, BPFI, BSF) marked as vertical dashed lines. The lower part presents a step-by-step diagnostic report generated by the fine-tuned language model.
Our approach achieves spectral interpretable diagnosis by integrating both structured numerical evidence and explicit spectral features, resulting in human-readable and logically sound diagnostic reasoning. The diagnostic process begins with structured input: the fine-tuned LLM receives a comprehensive set of information including the bearing’s geometric parameters, operational conditions, statistical properties of the acquired signal, computed fault characteristic frequencies (BPFO, BPFI, BSF), the most prominent peaks and harmonics observed in the actual envelope spectrum, and the class probabilities inferred by FCN. This amalgamation of information ensures that the language model has a holistic view of both the theoretical and empirical aspects of the diagnosis task.
In its diagnostic output, the fine-tuned LLM employs stepwise spectral reasoning, explicitly referencing the observed spectrum (as visualized in supporting figures) and systematically matching identified spectral peaks and sidebands with calculated theoretical fault characteristic frequencies. For instance, the language model discusses the presence and amplitude of peaks at BPFO and BPFI, evaluates the significance of observed harmonics or sidebands, and interprets these spectral attributes to infer potential fault locations such as the inner ring, outer ring, or ball defects. This detailed analysis enables the model to provide a transparent and data-grounded rationale for each possible fault type.
A key facet of this approach is evidence correlation. The language model aggregates diverse sources of evidence—including the strength and harmonic content of spectral peaks, the structure of sidebands, and the probabilities output by the FCN—to draw logical and substantiated inferences about fault types and their severities. The resulting analysis is explicit about why certain faults are confirmed or excluded, consistently referencing both the presence and absence of expected spectral signatures. This multi-evidence reasoning process increases the reliability and transparency of the diagnostic outcome.
Unlike traditional interpretable fault diagnosis methods—which typically focus on feature extraction or selection, such as identifying relevant frequencies, statistical parameters, or using attention mechanisms—our framework offers explicit interpretability at the output level. While conventional methods may highlight important features, they rarely provide a clear, step-by-step rationale that is directly linked to observed data in a human-understandable way. In contrast, our fine-tuned LLM generates diagnostic reports that systematically summarize all relevant input evidence, analyze each plausible fault frequency and associated spectral phenomena, and clearly justify the diagnostic decision with direct reference to the observed spectrum. These explanations, delivered in natural language, are easily understood and trusted by non-expert users.
In conclusion, our framework bridges the gap between accurate, data-driven diagnosis and practical interpretability. By integrating deep learning-based fault classification and advanced language model reasoning, this approach enables maintenance personnel to gain not only a fault label, but also a deep understanding of the underlying spectral evidence that supports the diagnosis—providing a level of explicitness and comprehensiveness that conventional methods cannot match.

4.4. Evaluation of Diagnostic Interpretability and Reasoning

To assess the interpretability and the quality of the diagnostic reasoning provided by the proposed framework, a blind review was conducted involving domain experts. These experts evaluated the outputs from various methods across multiple qualitative and quantitative dimensions. The compared approaches and their configurations are detailed below:
  • FCN+Mapping: This baseline method utilizes the fault classification probabilities from the FCN, which are then directly mapped to predefined textual labels as the diagnostic output. This represents a common approach in automated systems where classification results are translated into simple reports without elaborate reasoning.
  • Ours (w/o FCN): An ablation of our proposed method where the FCN module is omitted. The fine-tuned LLM directly analyzes the input spectral data to generate a diagnosis. This configuration is designed to evaluate the LLM’s standalone analytical capability on spectral features without the FCN’s initial probabilistic guidance, which, as hypothesized, might lead to lower diagnostic accuracy due to the absence of focused fault categorization.
  • Ours (w/o LoRA): Another ablation of our method where the LLM (Qwen3-4B) is used without the LoRA fine-tuning. In this setup, the LLM processes both the raw spectral information and the FCN’s output probabilities to generate a diagnosis. This configuration aims to highlight the impact of domain-specific fine-tuning on the quality and relevance of the LLM’s generated explanations.
  • ChatGPT (GPT-4 class API-based LLM) [36]: Representing advanced, general-purpose large language models accessible via API. While capable of high-quality text generation and complex understanding, its application here is without specific fine-tuning for the bearing fault diagnosis task. Potential drawbacks for industrial deployment include inference costs, network latency and reliability, and data privacy concerns associated with API usage.
  • DeepSeek-R1 (Advanced Reasoning LLM) [48]: Representing a state-of-the-art LLM known for strong reasoning capabilities, also accessed as a general-purpose model without specific fine-tuning for this task. It is generally expected to provide higher-quality reasoning but may have significantly higher inference times and shares similar practical concerns with other API-based models for real-time industrial applications.
  • Ours (Full Method): The complete proposed framework, integrating the FCN for initial fault probability estimation and the LoRA fine-tuned Qwen3-4B LLM for generating an interpretable diagnostic report based on all available information.
The expert evaluations, summarized in Table 3, focused on several key aspects: inference time, fault classification accuracy, understandability of the report, logical coherence of the diagnosis, relevance of the cited evidence, practical utility, and overall trustworthiness.
The results presented in Table 3 reveal several key insights into the interpretability and practical applicability of the different diagnostic approaches. The FCN+Mapping method, while achieving high accuracy (4.9) and being extremely fast (0.1s), scored very poorly on all qualitative aspects of interpretability, such as Understandability (1.2), Diagnosis Logic (1.0), and Evidence Relevance (1.1). This is expected, as it provides only a label without any underlying reasoning, underscoring the need for more advanced interpretable methods.
The ablation study highlights the importance of each component in our proposed framework. The Ours (w/o FCN) configuration, relying solely on the fine-tuned LLM to interpret spectral data, showed a significant drop in expert-perceived Accuracy (3.2). While its interpretability scores (e.g., Understandability 3.8, Diagnosis Logic 3.1) were better than FCN + Mapping, the lack of FCN’s focused probabilistic input clearly hampered the LLM’s ability to consistently arrive at the correct diagnosis. This demonstrates the synergistic value of the FCN providing a strong initial hypothesis for the LLM.
Conversely, the Ours (w/o LoRA) setup, which used the FCN probabilities but with a non-fine-tuned LLM, achieved good Accuracy (4.8). However, its scores for Understandability (3.5), Diagnosis Logic (3.9), and Evidence Relevance (3.7) were notably lower than our full method and even the general-purpose large LLMs. This indicates that while a general LLM can process the structured input, domain-specific fine-tuning via LoRA is crucial for generating highly coherent, relevant, and trustworthy diagnostic explanations tailored to the nuances of bearing fault analysis.
Comparing our full method with advanced general-purpose LLMs, ChatGPT (GPT-4 class) and DeepSeek-R1 both demonstrated high expert-rated accuracy and strong performance on qualitative metrics. DeepSeek-R1, in particular, excelled in Diagnosis Logic (5.0) and Evidence Relevance (4.9). However, these models exhibited significantly longer inference times (8.2s for ChatGPT, 28.2s for DeepSeek-R1) and considerable variability (large std dev). Beyond performance metrics, our approach offers significant advantages in deployment costs and data security, as it is designed for on-premise deployment, eliminating the need for costly API calls and mitigating risks associated with network latency and data privacy concerns inherent in general-purpose LLMs.
The Ours (Full Method) achieved an excellent balance of high expert-rated Accuracy (4.9) and outstanding scores across all interpretability dimensions: Understandability (4.9), Diagnosis Logic (4.9), Evidence Relevance (4.9), Utility (5.0), and Trustworthiness (5.0). Crucially, it accomplished this with a significantly faster and more consistent inference time (3.0 s ± 0.5) compared to the general-purpose API-based LLMs. This makes it highly suitable for practical applications where both accurate and interpretable diagnostics and timely responses are critical. The top scores in Utility and Trustworthiness particularly emphasize the practical value and reliability perceived by the experts for our proposed system. The overall rating of 4.9 for our method underscores its superiority when considering both performance and practical deployment characteristics.
This comprehensive expert evaluation strongly supports the assertion that our proposed framework, by synergistically combining a robust FCN with a domain-specifically fine-tuned LLM, provides not only highly accurate but also exceptionally interpretable, logical, and trustworthy bearing fault diagnoses, outperforming ablated versions and offering significant practical advantages over general-purpose large language models for this specialized task.

5. Conclusions and Future Work

This paper introduced a novel spectral interpretable bearing fault diagnosis framework that synergistically integrates advanced signal processing, a deep learning-based Fault Classification Network (FCN), and a fine-tuned large language model (LLM) to address the critical challenge of limited interpretability in conventional diagnostic systems. By transforming vibration signals into rich spectral representations and leveraging an attention-augmented FCN for accurate initial fault categorization, our framework provides a solid foundation for subsequent analysis. The core innovation lies in the utilization of a domain-specifically fine-tuned LLM, which processes structured information—comprising operational parameters, spectral features, and FCN outputs—to generate not only precise diagnostic conclusions but also transparent, step-by-step reasoning in natural language.
Experimental results obtained from benchmark datasets (CWRU and PU) demonstrated the superior diagnostic accuracy of our proposed FCN compared to several existing methods. More importantly, a comprehensive expert blind review highlighted the exceptional interpretability of our full framework. It significantly outperformed baseline methods and ablated versions in terms of understandability, diagnostic logic, evidence relevance, utility, and trustworthiness, while maintaining high diagnostic accuracy. The ablation studies confirmed the crucial roles of both the FCN’s guidance and the LLM’s domain-specific fine-tuning (via LoRA) in achieving these results. Our approach provides a more practical and deployable solution with faster inference times compared to general-purpose large LLMs, making it well-suited for industrial applications. By bridging the gap between high performance and clear interpretability, this work offers a significant step towards more transparent, reliable, and user-centric intelligent fault diagnosis systems.
While the proposed framework has demonstrated considerable promise, several avenues for future research and development can be explored: Generalization to Diverse Machinery and Faults: Future efforts will focus on extending the framework’s applicability to other types of rotating machinery (e.g., gears, motors, pumps) and a broader range of fault types and severities. Multi-Modal Data Fusion: Incorporating data from additional sensor modalities (e.g., acoustic emissions, temperature, motor current signature analysis) into the LLM’s input could provide a more holistic view of machine health and further enhance diagnostic accuracy and the richness of explanations. Quantitative Evaluation of Interpretability: Developing more objective and standardized quantitative metrics for evaluating the quality, completeness, and factual correctness of the generated explanations remains an important research direction, moving beyond subjective expert ratings. Task-specific LLM Adaptation: The development or fine-tuning of LLMs specifically tailored for fault diagnosis tasks. This may involve incorporating domain-specific knowledge during pre-training, designing task-oriented prompt strategies, or developing lightweight, efficient LLM architectures suitable for industrial deployment. By pursuing these future directions, we aim to further enhance the capabilities and practical utility of interpretable AI in predictive maintenance and intelligent manufacturing.

Author Contributions

Conceptualization, P.B. and W.Y.; methodology, P.B. and H.P.; investigation, Y.Z. and Y.S.; writing—original draft preparation, P.B.; writing—review and editing, H.P.; supervision, H.P. and W.Y.; funding acquisition, W.Y.; project administration, W.Y.; data curation, Y.Z.; validation, Y.Z.; software, Y.S.; visualization, Y.S. All authors have read and agreed to the published version of the manuscript.

Funding

This research was funded by Hunan Provincial Department of Education Excellent Youth Project under grant number 23B1104. The APC was funded by Hunan Provincial Department of Education.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

Data are contained within the article.

Acknowledgments

During the preparation of this manuscript, the authors used Deepseek-R1, ChatGPT-4.1, Qwen3, and Gemini 2.5 Pro for data generation and experimental comparison. ChatGPT-4.1 was additionally used for language correction and manuscript polishing. The authors have reviewed and edited the output and take full responsibility for the content of this publication.

Conflicts of Interest

The authors declare no conflicts of interest.

References

  1. Smith, W.A.; Randall, R.B. Rolling Element Bearing Diagnostics Using the Case Western Reserve University Data: A Benchmark Study. Mech. Syst. Signal Process. 2015, 64–65, 100–131. [Google Scholar] [CrossRef]
  2. Li, S.; Peng, Y.; Shen, Y.; Zhao, S.; Shao, H.; Bin, G.; Guo, Y.; Yang, X.; Fan, C. Rolling Bearing Fault Diagnosis Under Data Imbalance and Variable Speed Based on Adaptive Clustering Weighted Oversampling. Reliab. Eng. Syst. Saf. 2024, 244, 109938. [Google Scholar] [CrossRef]
  3. Dong, Y.; Li, Y.; Zheng, H.; Wang, R.; Xu, M. A New Dynamic Model and Transfer Learning Based Intelligent Fault Diagnosis Framework for Rolling Element Bearings Race Faults: Solving the Small Sample Problem. ISA Trans. 2022, 121, 327–348. [Google Scholar] [CrossRef]
  4. 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]
  5. Kong, X.; Cai, B.; Yu, Y.; Yang, J.; Wang, B.; Liu, Z.; Shao, X.; Yang, C. Intelligent Diagnosis Method for Early Faults of Electric-Hydraulic Control System Based on Residual Analysis. Reliab. Eng. Syst. Saf. 2025, 261, 111142. [Google Scholar] [CrossRef]
  6. Shao, X.; Cai, B.; Zou, Z.; Shao, H.; Yang, C.; Liu, Y. Artificial Intelligence Enhanced Fault Prediction with Industrial Incomplete Information. Mech. Syst. Signal Process. 2025, 224, 112063. [Google Scholar] [CrossRef]
  7. Wang, Z.; Xuan, J.; Shi, T.; Li, Y.F. Multi-Label Domain Adversarial Reinforcement Learning for Unsupervised Compound Fault Recognition. Reliab. Eng. Syst. Saf. 2025, 254, 110638. [Google Scholar] [CrossRef]
  8. Wang, Z.; Xuan, J.; Shi, T. Domain Reinforcement Feature Adaptation Methodology with Correlation Alignment for Compound Fault Diagnosis of Rolling Bearing. Expert Syst. Appl. 2025, 262, 125594. [Google Scholar] [CrossRef]
  9. Wang, Z.; Li, S.; Xuan, J.; Shi, T. Biologically Inspired Compound Defect Detection Using a Spiking Neural Network with Continuous Time–Frequency Gradients. Adv. Eng. Inform. 2025, 65, 103132. [Google Scholar] [CrossRef]
  10. Wang, Z.; Xuan, J.; Shi, T. An Autonomous Recognition Framework Based on Reinforced Adversarial Open Set Algorithm for Compound Fault of Mechanical Equipment. Mech. Syst. Signal Process. 2024, 219, 111596. [Google Scholar] [CrossRef]
  11. Chen, X.; Zhang, B.; Gao, D. Bearing Fault Diagnosis Base on Multi-Scale CNN and LSTM Model. J. Intell. Manuf. 2021, 32, 971–987. [Google Scholar] [CrossRef]
  12. Smith, W.A.; Borghesani, P.; Ni, Q.; Wang, K.; Peng, Z. Optimal Demodulation-Band Selection for Envelope-Based Diagnostics: A Comparative Study of Traditional and Novel Tools. Mech. Syst. Signal Process. 2019, 134, 106303. [Google Scholar] [CrossRef]
  13. Chen, B.; Cheng, Y.; Cao, H.; Song, S.; Mei, G.; Gu, F.; Zhang, W.; Ball, A.D. Generalized Statistical Indicators-Guided Signal Blind Deconvolution for Fault Diagnosis of Railway Vehicle Axle-Box Bearings. IEEE Trans. Veh. Technol. 2025, 74, 2458–2469. [Google Scholar] [CrossRef]
  14. Antoni, J. Cyclic Spectral Analysis of Rolling-Element Bearing Signals: Facts and Fictions. J. Sound Vib. 2007, 304, 497–529. [Google Scholar] [CrossRef]
  15. Tao, L.; Liu, H.; Ning, G.; Cao, W.; Huang, B.; Lu, C. LLM-based Framework for Bearing Fault Diagnosis. Mech. Syst. Signal Process. 2025, 224, 112127. [Google Scholar] [CrossRef]
  16. Wang, Z.; Xu, Z.; Cai, C.; Wang, X.; Xu, J.; Shi, K.; Zhong, X.; Liao, Z.; Li, Q.A. Rolling Bearing Fault Diagnosis Method Using Time-Frequency Information Integration and Multi-Scale TransFusion Network. Knowl.-Based Syst. 2024, 284, 111344. [Google Scholar] [CrossRef]
  17. He, M.; He, D. Deep Learning Based Approach for Bearing Fault Diagnosis. IEEE Trans. Ind. Appl. 2017, 53, 3057–3065. [Google Scholar] [CrossRef]
  18. Bao, Z.; Du, J.; Zhang, W.; Wang, J.; Qiu, T.; Cao, Y. A Transformer Model-Based Approach to Bearing Fault Diagnosis. In Data Science: 7th International Conference of Pioneering Computer Scientists, Engineers and Educators, ICPCSEE 2021, Taiyuan, China, 17–20 September 2021, Proceedings, Part I 7; Communications in Computer and Information, Science; Zeng, J., Qin, P., Jing, W., Song, X., Lu, Z., Eds.; Springer: Singapore, 2021; pp. 65–79. [Google Scholar] [CrossRef]
  19. Yan, J.; Cheng, Y.; Zhang, F.; Zhou, N.; Wang, H.; Jin, B.; Wang, M.; Zhang, W. Multimodal Imitation Learning for Arc Detection in Complex Railway Environments. IEEE Trans. Instrum. Meas. 2025, 74, 1–13. [Google Scholar] [CrossRef]
  20. Wang, X.; Jiang, H.; Mu, M.; Dong, Y. A Dynamic Collaborative Adversarial Domain Adaptation Network for Unsupervised Rotating Machinery Fault Diagnosis. Reliab. Eng. Syst. Saf. 2025, 255, 110662. [Google Scholar] [CrossRef]
  21. Cheng, Y.; Yan, J.; Zhang, F.; Li, M.; Zhou, N.; Shi, C.; Jin, B.; Zhang, W. Surrogate Modeling of Pantograph-Catenary System Interactions. Mech. Syst. Signal Process. 2025, 224, 112134. [Google Scholar] [CrossRef]
  22. Jiang, F.; Kuang, Y.; Li, T.; Zhang, S.; Wu, Z.; Feng, K.; Li, W. Towards Enhanced Interpretability: A Mechanism-Driven Domain Adaptation Model for Bearing Fault Diagnosis across Operating Conditions. Mech. Syst. Signal Process. 2025, 225, 112244. [Google Scholar] [CrossRef]
  23. An, Z.; Li, S.; Wang, J.; Jiang, X. A Novel Bearing Intelligent Fault Diagnosis Framework under Time-Varying Working Conditions Using Recurrent Neural Network. ISA Trans. 2020, 100, 155–170. [Google Scholar] [CrossRef] [PubMed]
  24. Rai, V.; Mohanty, A. Bearing Fault Diagnosis Using FFT of Intrinsic Mode Functions in Hilbert–Huang Transform. Mech. Syst. Signal Process. 2007, 21, 2607–2615. [Google Scholar] [CrossRef]
  25. Silva, A.; González-Guillén, C.; Ruiz-García, M.; Domínguez-Jiménez, M.E. Improving the Sensitivity of Early Rub Detection in Rotating Machines with an Adaptive Orthogonal Filter. Mech. Syst. Signal Process. 2022, 171, 108900. [Google Scholar] [CrossRef]
  26. Wang, Z.; Lu, C.; Wang, Z.; Liu, H.; Fan, H. Fault Diagnosis and Health Assessment for Bearings Using the Mahalanobis–Taguchi System Based on EMD-SVD. Trans. Inst. Meas. Control 2013, 35, 798–807. [Google Scholar] [CrossRef]
  27. Fernández-Francos, D.; Martínez-Rego, D.; Fontenla-Romero, O.; Alonso-Betanzos, A. Automatic Bearing Fault Diagnosis Based on One-Class ν-SVM. Comput. Ind. Eng. 2013, 64, 357–365. [Google Scholar] [CrossRef]
  28. Xu, J.; Liang, S.; Ding, X.; Yan, R. A Zero-Shot Fault Semantics Learning Model for Compound Fault Diagnosis. Expert Syst. Appl. 2023, 221, 119642. [Google Scholar] [CrossRef]
  29. Shao, X.; Kim, C.S. Adaptive Multi-Scale Attention Convolution Neural Network for Cross-Domain Fault Diagnosis. Expert Syst. Appl. 2024, 236, 121216. [Google Scholar] [CrossRef]
  30. Wei, Q.; Tian, X.; Cui, L.; Zheng, F.; Liu, L. WSAFormer-DFFN: A Model for Rotating Machinery Fault Diagnosis Using 1D Window-Based Multi-Head Self-Attention and Deep Feature Fusion Network. Eng. Appl. Artif. Intell. 2023, 124, 106633. [Google Scholar] [CrossRef]
  31. Zafar, M.R.; Khan, N. Deterministic Local Interpretable Model-Agnostic Explanations for Stable Explainability. Mach. Learn. Knowl. Extr. 2021, 3, 525–541. [Google Scholar] [CrossRef]
  32. Wang, H.; Liu, Z.; Peng, D.; Zuo, M.J. Interpretable Convolutional Neural Network with Multilayer Wavelet for Noise-Robust Machinery Fault Diagnosis. Mech. Syst. Signal Process. 2023, 195, 110314. [Google Scholar] [CrossRef]
  33. Han, Y.; Lv, S.; Huang, Q.; Zhang, Y. AMCW-DFFNSA: An Interpretable Deep Feature Fusion Network for Noise-Robust Machinery Fault Diagnosis. Knowl.-Based Syst. 2024, 301, 112361. [Google Scholar] [CrossRef]
  34. Chen, Z.; Gryllias, K.; Li, W. Intelligent Fault Diagnosis for Rotary Machinery Using Transferable Convolutional Neural Network. IEEE Trans. Ind. Inform. 2020, 16, 339–349. [Google Scholar] [CrossRef]
  35. Gu, Z.; Zhu, B.; Zhu, G.; Chen, Y.; Tang, M.; Wang, J. AnomalyGPT: Detecting Industrial Anomalies Using Large Vision-Language Models. Proc. AAAI Conf. Artif. Intell. 2024, 38, 1932–1940. [Google Scholar] [CrossRef]
  36. OpenAI. GPT-4 Technical Report. arXiv 2024, arXiv:2303.08774. [Google Scholar] [CrossRef]
  37. Li, Y.F.; Wang, H.; Sun, M. ChatGPT-like Large-Scale Foundation Models for Prognostics and Health Management: A Survey and Roadmaps. Reliab. Eng. Syst. Saf. 2024, 243, 109850. [Google Scholar] [CrossRef]
  38. Peng, H.; Liu, J.; Du, J.; Gao, J.; Wang, W. BearLLM: A Prior Knowledge-Enhanced Bearing Health Management Framework with Unified Vibration Signal Representation. Proc. AAAI Conf. Artif. Intell. 2025, 39, 19866–19874. [Google Scholar] [CrossRef]
  39. Case Western Reserve University. 2019. Available online: https://engineering.case.edu/bearingdatacenter/download-data-file (accessed on 16 June 2025).
  40. Lessmeier, C.; Kimotho, J.K.; Zimmer, D.; Sextro, W. Condition Monitoring of Bearing Damage in Electromechanical Drive Systems by Using Motor Current Signals of Electric Motors: A Benchmark Data Set for Data-Driven Classification. PHM Soc. Eur. Conf. 2016, 3. [Google Scholar] [CrossRef]
  41. Zhang, W.; Peng, G.; Li, C.; Chen, Y.; Zhang, Z. A New Deep Learning Model for Fault Diagnosis with Good Anti-Noise and Domain Adaptation Ability on Raw Vibration Signals. Sensors 2017, 17, 425. [Google Scholar] [CrossRef]
  42. He, K.; Zhang, X.; Ren, S.; Sun, J. Deep Residual Learning for Image Recognition. In Proceedings of the 2016 IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Las Vegas, NV, USA, 27–30 June 2016; pp. 770–778. [Google Scholar] [CrossRef]
  43. Qwen Team. Qwen3 Technical Report. arXiv 2025, arXiv:2505.09388. [Google Scholar]
  44. Hu, E.J.; Shen, Y.; Wallis, P.; Allen-Zhu, Z.; Li, Y.; Wang, S.; Wang, L.; Chen, W. LoRA: Low-Rank Adaptation of Large Language Models. arXiv 2021, arXiv:2106.09685. [Google Scholar] [CrossRef]
  45. Mangrulkar, S.; Gugger, S.; Debut, L.; Belkada, Y.; Paul, S.; Bossan, B. PEFT: State-of-the-art Parameter-Efficient Fine-Tuning Methods. 2022. Available online: https://github.com/huggingface/peft (accessed on 16 June 2025).
  46. Liao, J.X.; Dong, H.C.; Sun, Z.Q.; Sun, J.; Zhang, S.; Fan, F.L. Attention-Embedded Quadratic Network (Qttention) for Effective and Interpretable Bearing Fault Diagnosis. IEEE Trans. Instrum. Meas. 2023, 72, 1–13. [Google Scholar] [CrossRef]
  47. He, Z.; Shao, H.; Zhong, X.; Zhao, X. Ensemble Transfer CNNs Driven by Multi-Channel Signals for Fault Diagnosis of Rotating Machinery Cross Working Conditions. Knowl.-Based Syst. 2020, 207, 106396. [Google Scholar] [CrossRef]
  48. DeepSeek-AI. DeepSeek-R1: Incentivizing Reasoning Capability in LLMs via Reinforcement Learning. arXiv 2025, arXiv:cs.CL/2501.12948.
Figure 1. Overview of the proposed interpretable bearing fault diagnosis framework. The vibration signals and bearing information are processed to extract spectral and statistical features, which are analyzed by a multi-scale neural network and LLM to provide fault categories and interpretable diagnostic results.
Figure 1. Overview of the proposed interpretable bearing fault diagnosis framework. The vibration signals and bearing information are processed to extract spectral and statistical features, which are analyzed by a multi-scale neural network and LLM to provide fault categories and interpretable diagnostic results.
Sensors 25 03822 g001
Figure 2. Architecture of the proposed Multi-Scale Module (MSM). The MSM integrates parallel multi-scale convolutions, a channel attention mechanism (squeeze-and-excite), and residual connections to adaptively extract and fuse discriminative features across different temporal scales.
Figure 2. Architecture of the proposed Multi-Scale Module (MSM). The MSM integrates parallel multi-scale convolutions, a channel attention mechanism (squeeze-and-excite), and residual connections to adaptively extract and fuse discriminative features across different temporal scales.
Sensors 25 03822 g002
Figure 3. An example of interpretable bearing fault diagnosis using the fine-tuned LLM. (Left) The structured textual input (‘User Instruction’) compiles bearing data, operational conditions, spectral features, and FCN probabilities. (Right) The LLM’s textual output (‘Assistant Analysis’) delivers a step-by-step analysis, evidence-based judgment, and a conclusive diagnosis.
Figure 3. An example of interpretable bearing fault diagnosis using the fine-tuned LLM. (Left) The structured textual input (‘User Instruction’) compiles bearing data, operational conditions, spectral features, and FCN probabilities. (Right) The LLM’s textual output (‘Assistant Analysis’) delivers a step-by-step analysis, evidence-based judgment, and a conclusive diagnosis.
Sensors 25 03822 g003
Figure 4. UMAP visualizations of feature representations at each layer of the FCN, illustrating the progressive separation of different fault categories from input to output.
Figure 4. UMAP visualizations of feature representations at each layer of the FCN, illustrating the progressive separation of different fault categories from input to output.
Sensors 25 03822 g004
Figure 5. An example of spectral interpretable bearing fault diagnosis with our framework, showing (top) envelope spectrum annotated with characteristic fault frequencies and (bottom) a step-by-step diagnostic analysis generated by the LLM.
Figure 5. An example of spectral interpretable bearing fault diagnosis with our framework, showing (top) envelope spectrum annotated with characteristic fault frequencies and (bottom) a step-by-step diagnostic analysis generated by the LLM.
Sensors 25 03822 g005
Table 1. Architecture of the Fault Classification Network (FCN).
Table 1. Architecture of the Fault Classification Network (FCN).
Layer NameInput ChannelsOutput ChannelsKernel Size/Stride/PaddingActivationOther Operations
Input1---Normalized (1 × 12,000)
Wide Layer13632/4/15LeakyReLUBatchNorm1D
MSM Block 136108Multi-Scale (3,5,7)/2, Shortcut (1)/1ReLUAttention, BatchNorm, Residual
MSM Block 2108216Multi-Scale (3,5,7)/2, Shortcut (1)/1ReLUAttention, BatchNorm, Residual
MSM Block 3216216Multi-Scale (3,5,7)/2, Shortcut (1)/1ReLUAttention, BatchNorm, Residual
Global Pooling216432--AdaAvgPool, AdaMaxPool, Concatenate
FC Layer 1432128-ReLULinear
FC Layer 2 (Output)12810-SoftmaxLinear
Note: For MSM blocks, “Multi-Scale” refers to the parallel convolutional branches with kernel sizes 3, 5, and 7, all with stride 2 and appropriate padding. “Shortcut” refers to the Conv1D in the residual path after an AvgPool.
Table 2. Performance comparison of different models for fault diagnosis.
Table 2. Performance comparison of different models for fault diagnosis.
ModelAccuracyPrecisionF1-ScoreFPRFNRMSE
CNN0.86530.63590.63250.01390.13470.0178
WDCNN0.85650.59710.58660.01610.17380.0178
MCNN0.86340.65400.64310.01650.13870.0216
TCNN0.93170.71170.70510.00800.07560.0097
QCNN0.94910.70000.69740.00580.09490.0068
SCNN0.98380.76510.76370.00190.01750.0028
FCN0.99190.76520.76430.00090.00530.0010
Note: FPR = False Positive Rate; FNR = False Negative Rate; MSE = Mean Squared Error. Precision and F1-score are calculated for each class and then averaged using the macro-average method. Bold values indicate the best performance among all models.
Table 3. Expert evaluation of interpretability and diagnostic quality for different methods.
Table 3. Expert evaluation of interpretability and diagnostic quality for different methods.
MethodTime (s) ± StdAccuracyUnderstandDiagnosis LogicEvidence RelevanceUtilityTrustworthOverall Rating
FCN + Mapping0.1 ± 0.04.91.21.01.11.31.41.6
w/o FCN2.9 ± 0.53.23.83.13.33.53.43.1
w/o LoRA2.9 ± 0.54.83.53.93.74.04.14.0
ChatGPT 4.18.2 ± 4.34.94.84.74.54.64.74.5
Deepseek R128.2 ± 11.24.94.95.04.94.84.94.1
Ours3.0 ± 0.54.94.94.94.95.05.04.9
Note: Expert ratings are on a scale of 1 (worst) to 5 (best). Time indicates the average inference time per sample with standard deviation. The qualitative evaluation metrics are defined as follows: Accuracy: Expert-perceived correctness of the final diagnosis. Understand: Clarity and comprehensibility of the generated explanation. Diagnosis Logic: Logical coherence and soundness of the reasoning process. Evidence Relevance: Relevance of the cited evidence to the diagnostic conclusion. Utility: Practical value and applicability of the diagnostic report for real-world tasks. Trustworth: The expert’s level of trust in the model’s conclusion and explanation. Overall Rating: A holistic evaluation considering all performance and qualitative factors.
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

Bao, P.; Yi, W.; Zhu, Y.; Shen, Y.; Peng, H. A Spectral Interpretable Bearing Fault Diagnosis Framework Powered by Large Language Models. Sensors 2025, 25, 3822. https://doi.org/10.3390/s25123822

AMA Style

Bao P, Yi W, Zhu Y, Shen Y, Peng H. A Spectral Interpretable Bearing Fault Diagnosis Framework Powered by Large Language Models. Sensors. 2025; 25(12):3822. https://doi.org/10.3390/s25123822

Chicago/Turabian Style

Bao, Panfeng, Wenjun Yi, Yue Zhu, Yufeng Shen, and Haotian Peng. 2025. "A Spectral Interpretable Bearing Fault Diagnosis Framework Powered by Large Language Models" Sensors 25, no. 12: 3822. https://doi.org/10.3390/s25123822

APA Style

Bao, P., Yi, W., Zhu, Y., Shen, Y., & Peng, H. (2025). A Spectral Interpretable Bearing Fault Diagnosis Framework Powered by Large Language Models. Sensors, 25(12), 3822. https://doi.org/10.3390/s25123822

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