Next Article in Journal
Causality-Driven Feature Selection for Calibrating Low-Cost Airborne Particulate Sensors Using Machine Learning
Previous Article in Journal
Location Method of Buried Polyethylene Gas Pipeline Based on Acoustic Signal Ellipse Method
Previous Article in Special Issue
Multilayer Fused Correntropy Reprsenstation for Fault Diagnosis of Mechanical Equipment
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Advanced Bearing-Fault Diagnosis and Classification Using Mel-Scalograms and FOX-Optimized ANN

1
Department of Electrical, Electronics and Computer Engineering, University of Ulsan, Ulsan 44610, Republic of Korea
2
Electronics and Telecommunications Research Institute (ETRI), Daejeon 34129, Republic of Korea
*
Author to whom correspondence should be addressed.
Sensors 2024, 24(22), 7303; https://doi.org/10.3390/s24227303
Submission received: 24 October 2024 / Revised: 5 November 2024 / Accepted: 13 November 2024 / Published: 15 November 2024
(This article belongs to the Special Issue Feature Papers in Fault Diagnosis & Sensors 2024)

Abstract

:
Accurate and reliable bearing-fault diagnosis is important for ensuring the efficiency and safety of industrial machinery. This paper presents a novel method for bearing-fault diagnosis using Mel-transformed scalograms obtained from vibrational signals (VS). The signals are windowed and pass through a Mel filter bank, converting them into a Mel spectrum. These scalograms are subsequently fed into an autoencoder comprising convolutional and pooling layers to extract robust features. The classification is performed using an artificial neural network (ANN) optimized with the FOX optimizer, which replaces traditional backpropagation. The FOX optimizer enhances synaptic weight adjustments, leading to superior classification accuracy, minimal loss, improved generalization, and increased interpretability. The proposed model was validated on a laboratory dataset obtained from a bearing testbed with multiple fault conditions. Experimental results demonstrate that the model achieves perfect precision, recall, F1-scores, and an AUC of 1.00 across all fault categories, significantly outperforming comparison models. The t-SNE plots illustrate clear separability between different fault classes, confirming the model’s robustness and reliability. This approach offers an efficient and highly accurate solution for real-time predictive maintenance in industrial applications.

1. Introduction

With the rapid advancement of modern industrial systems, rotating machinery has become essential to intelligent equipment, drawing considerable attention from both academia and industry [1]. Critical transmission components in rotating machinery, such as bearings and gears, are exposed to wear, corrosion, deformation, cracking, and other types of failure in demanding operating conditions, including heavy loads and high speeds [2]. Faults in these components directly impact the operational reliability of rotating machinery and can lead to severe accidents, causing substantial economic losses and even posing risks to human safety [3]. Consequently, fault diagnosis and predictive maintenance of rotating machinery hold significant research importance [4,5].
Researchers have explored various aspects of condition monitoring, including fault detection and its classification [6], severity diagnosis, and prognosis [7,8]. These methods require expertise, are time-consuming, expensive, and often lack high accuracy [9]. Fault diagnosis methods include reactive, preventive, and predictive maintenance, with reactive being the costliest. Approaches rely on quantitative models, qualitative models, or data-driven methods. Due to advances in technology, data-driven methods, which involve data acquisition, preprocessing, feature extraction–selection, and classification, have become preferred [10]. The diagnosis of induction motor faults is primarily conducted using various signals acquired from motors, including VS, acoustic emission (AE) signals, motor currents, temperature, and thermal images. In vibration-signal-based methods, vibration sensors collect the signal, which is then analyzed for fault investigation. Sensors are placed around the bearings under investigation, requiring constant access for data recording. Although vibration data contain extensive information on mechanical faults, accurately extracting fault characteristic signals is essential due to the noisy environment surrounding the components [11]. The vibration signal is an indicator of the operational status of a rotating mechanical structure, making state recognition a matter of classifying these signals. The process includes data preprocessing, feature extraction, pattern recognition, and model application, with feature extraction and algorithm identification being the main steps [12]. Features can be derived from time, frequency, time–frequency, or other transformed domains. In the time domain, common indicators include peak value and variance, while the frequency domain uses techniques like Fourier transform [13]. Time–frequency analysis provides simultaneous insights, employing methods such as short-time Fourier transform (STFT) and wavelet transform [14]. Since both domains reflect faulty information, real-time changes are important. The STFT converts signals into a time–frequency spectrum, with low frequencies being particularly informative. Compared to traditional diagrams, the Mel spectrum offers higher resolution in the low-frequency band, improving classification model performance [15]. The Mel spectrum, originally used in audio processing, is highly effective for mechanical fault diagnosis due to its focus on lower frequencies, which often reveal critical fault-related information [16]. This emphasis aligns with human auditory perception, where lower frequencies are more prominent, making it advantageous for bearing-fault diagnosis, as many fault-induced vibrations occur within this range. The Mel transformation applies a non-linear scaling via a Mel filter bank, enhancing lower frequencies while compressing higher ones, resulting in a time–frequency representation that captures subtle diagnostic features efficiently. To calculate the Mel spectrum, the signal is divided into frames, windowed, transformed with a Fourier transform, filtered through a Mel filter bank, and subjected to a logarithmic transformation [17]. This process creates a Mel scalogram that is compact and low-dimensional, retaining essential fault information while minimizing noise and computational demands, making it ideal for real-time monitoring. Unlike wavelet transforms, which provide adaptable, multi-resolution analysis but require more computational resources, the Mel spectrum offers a fixed, computationally efficient low-frequency emphasis that is particularly useful for applications focused on low-frequency fault detection [18]. This study, therefore, employs the Mel spectrum for feature extraction in bearing diagnostics.
In the era of intelligent fault diagnosis, data-driven methods have gained significant attention due to their high level of automation. Han et al. [19] proposed a method with strong generalization capabilities, ensuring it works under unseen conditions by regularizing both intrinsic and extrinsic generalization objectives. Recently, the advent of deep learning has further advanced fault diagnosis as an extension of data-driven approaches. Convolutional neural networks (CNNs) have been widely used for their ability to accurately and automatically extract features [20,21]. For instance, Cao et al. [22] developed an unsupervised domain-share CNN to extract domain-invariant features for fault diagnosis under varying rotational speeds. Zhou et al. [23] introduced a fault diagnosis framework based on Bayesian deep learning to make fault data more comprehensible and address domain shift issues. Shao et al. [24] proposed a method combining parameter transfer and infrared thermal images for fault diagnosis at variable rotating speeds. Janssens et al. [25] applied CNNs to one-dimensional time-domain signals, automatically extracting features of various bearing-fault types and lubrication degradation patterns. Zhang et al. [26] introduced a novel CNN-based framework incorporating dropout and ensemble learning techniques to enhance noise resistance and domain adaptation. Other approaches have leveraged CNNs’ image-processing capabilities by combining them with 2D signal representations. Ding and He [27] proposed an energy-fluctuating multiscale feature-mining approach using wavelet packet energy images and CNNs for spindle bearings. Wen et al. [28] introduced a CNN method based on Lenet-5, tested on various datasets from a bearing self-priming centrifugal pump and an axial piston hydraulic pump. Using 1D input data, Abdeljaber et al. [29] proposed a CNN-based method that integrates feature extraction and classification into a single block for real-time diagnosis. As computational resources have advanced, deep learning has gained prominence in prognostics due to its effectiveness in modelling complex systems. ANNs are the most used deep-learning methods for prognostics, thanks to their excellent performance in handling complex, non-linear, multi-dimensional systems [30]. Their robustness against noise and ability to process non-linear information make them particularly effective. Various ANN architectures, including Feed-forward, Single and Multilayer Perceptron [31], Recurrent Neural Networks (RNNs) [32], Long Short-Term Memory (LSTM) [33], Modular Neural Networks (MNNs) [34], and CNNs [35], are utilized for condition-based maintenance (CBM) and prognostics in industrial and renewable energy systems. For diagnosing bearing faults, a large memory storage retrieval (LAMSTAR) neural network based on an optimized deep-learning structure has been proposed [36]. Additionally, a Bayesian deep-learning model is used to characterize the latent structure between remaining useful life (RUL) and degradation features, describing prognostic uncertainties [37].
The traditional techniques often struggle with achieving high accuracy and generalizability due to the complexity and variability of VS. Many models rely on backpropagation-based methods that can be prone to overfitting and may lack robustness, particularly when working with limited datasets or when extracting meaningful features from complex signal data [38]. Additionally, the non-linear nature of VS. can result in the loss of critical fault characteristics during feature extraction, further limiting the effectiveness of traditional models. Furthermore, signal-processing methods may not capture essential characteristics needed for accurate fault classification, leading to suboptimal model performance. To address these challenges, this study introduces a novel approach leveraging Mel-transformed scalograms, which preserve both time- and frequency-domain information, to enhance the feature extraction and classification of bearing faults. By integrating a specialized autoencoder and a FOX optimizer for classification, the proposed model aims to overcome the limitations of conventional methods, providing improved robustness and generalizability.
The novelty and main contributions of the current study are as follows:
(1)
A new type of Mel-transformed scalogram derived from vibration signals. This process involves windowing the signals and applying a Mel filter bank, transforming them into Mel-spectra that highlight essential fault-related features, often missed by traditional signal-processing methods.
(2)
The generated Mel scalograms are then input into an autoencoder’s convolutional and pooling layers, enabling efficient extraction of meaningful features specific to fault detection directly from the Mel spectrum.
(3)
For classification, an ANN is employed, utilizing the FOX optimizer in place of traditional backpropagation. This approach improves accuracy, reduces loss, enhances generalization, and offers better interpretability, addressing limitations present in previous optimization methods.
(4)
The model’s effectiveness is rigorously validated on a bearing-testbed dataset featuring diverse fault conditions, demonstrating its robustness and generalizability across multiple fault types, highlighting the model’s potential for real-world fault diagnosis applications.
(5)
Experimental results showcase the proposed model’s robustness and generalizability, making it a promising solution for complex fault detection tasks in bearing systems.
The structure of this paper is organized as follows: Section 2 describes the proposed methodology of the study, followed by findings presented in Section 3. Finally, Section 4 offers the study conclusion.

2. Proposed Method for Fault Diagnosis in Bearings

The proposed method leverages Mel-transformed scalograms to optimize the feature extraction process in bearing-fault diagnosis. By focusing on low-frequency characteristics via the Mel transformation, the model achieves an efficient and accurate fault detection system across various fault types. These Mel scalograms are further processed through an autoencoder, which refines high-level features, followed by classification through an ANN optimized with the FOX algorithm. This novel combination enhances the diagnostic accuracy, robustness, and generalization of the model, making it a promising solution for complex fault detection tasks in industrial settings. Figure 1 depicts the complete workflow of the proposed model. The proposed method can be explained as follows:
(1)
Data Acquisition and Signal Preprocessing: VSs from a bearing testbed are collected and preprocessed by windowing the signals and applying a wavelet transform. These windowed signals are then passed through a Mel filter bank to generate Mel-transformed scalograms, representing the time–frequency characteristics of the signals.
(2)
Feature Extraction using Autoencoder: The generated Mel scalograms are fed into an autoencoder with two convolutional and two pooling layers for feature extraction. The autoencoder effectively captures significant high-level features from the scalograms while reducing dimensionality, ensuring that essential fault-relevant patterns are retained.
(3)
Classification with FOX Optimizer and ANN: The extracted features are passed to an ANN, where the classification is optimized using the FOX optimizer. This optimizer replaces traditional backpropagation, improving accuracy, minimizing loss, and enhancing generalization. The model categorizes faults into four classes: Inner Race Fault (IRF), Outer Race Fault (ORF), Roller Fault (RF), and Normal Condition (NC).
(4)
Model Evaluation and Validation: The proposed model is validated using experimental data from the bearing testbed. The results demonstrate the robustness and generalization ability of the model, achieving accurate fault detection across various fault conditions. Visualizations, including confusion matrices and accuracy curves, showcase the model’s effectiveness in fault classification.

2.1. Mel Transformation

There are numerous methods for signal feature extraction, including those based on the time domain, frequency domain, and time–frequency domain. Figure 2 demonstrates that the vibration signal contains distinctive information in both the time and frequency domains. Consequently, a time–frequency domain feature extraction method is used. The Mel spectrum is a powerful tool for classifying signals such as speech, music, and VS. To calculate the Mel spectrum, several steps are required: frame division, windowing, Fourier transform, Mel filter bank, and logarithmic transformation. First, the signal is divided into several frames of a specified length. Each frame is then processed with a window function. The windowed frame signal is converted to the frequency domain using the Fourier transform. This frequency domain signal is then filtered through the Mel filter bank, converting it into the Mel frequency domain. Finally, the logarithm of the output from each Mel filter is computed to obtain the Mel spectrum. The Mel spectrum is like the scalogram produced by the short-time Fourier transform, with the key difference being the conversion of the ordinary frequency scale into the Mel-frequency scale. The following steps illustrate the whole transformation process.
(1)
Vibration data are loaded from the dataset and extract relevant parameters, such as the signal data (s) and sampling frequency fs.
(2)
The p-spectrum function computes the time–frequency representation (spectrogram) of the signal (s). This can be represented mathematically as follows:
S ( t , f ) = S T F T ( s ( t ) ) 2
where
    • S (t, f) is the spectrogram, representing energy distribution over time t and frequency f, and s(t) is the time-domain signal to be transformed.
    • Frequency limits in p-spectrum define the range [0, fs/2], limiting the analysis to frequencies within the Nyquist limit.
(3)
The Mel transformation is implied in the choice of plotting the frequency spectrum with emphasis on lower-frequency bands, even though the exact formula is not directly used in your code. The formula for mapping frequency to the Mel scale is as follows:
m = 2595 l o g 10 ( 1 + 700 f )
(4)
While the Mel filter bank is not directly implemented, p-spectrum helps achieve a similar effect by emphasizing certain frequency ranges. The frequency resolution parameter essentially dictates the resolution of the time–frequency representation, allowing the low-frequency bands (where bearing fault characteristics are more likely to be found) to be more pronounced.
(5)
A visual representation of the Mel-transformed scalogram for each class is generated with all labels as attached in Figure 2.
External interference primarily affects the low-frequency band of VS. The Mel spectrum enhances the resolution of these signals in the low-frequency band by applying the Mel filter bank and logarithmic transformation. This enhanced resolution aids in more effective feature extraction and improves the effectiveness of neural network models in fault diagnosis.

2.2. Convolutional Autoencoders (CAEs)

CAEs have become increasingly prominent in recent years due to their ability to learn complex, hierarchical representations of data, particularly in image-processing tasks. First introduced by Theis et al. [39] and Balle et al. [40], CAEs are a specialized type of neural network specifically designed to handle spatially structured inputs, such as images. Unlike traditional autoencoders that rely on fully connected layers, CAEs use convolutional layers to exploit the spatial relationships within the data, making them highly effective for various image-related applications like noise reduction, feature extraction, and compression. The primary objective of a CAE is to reconstruct the input as accurately as possible but under certain constraints, such as a limited number of neurons in the hidden layers. This limitation forces the model to focus on learning essential features and filtering out redundant information, thereby leading to more efficient representations. The CAE architecture comprises an encoder and a decoder; the encoder compresses the input, x ϵ R n , into a smaller latent space, capturing critical information in a condensed form. Here, the input consists of n feature maps of size l × l pixels, derived from the initial convolutional layer, where each map highlights different aspects of the image. The decoder then reconstructs the original input from this latent representation, aiming to replicate it as closely as possible. During this process, the output layer generates m feature maps through convolutional kernels with dimensions d × d, where d is less than or equal to 1. By applying these kernels, the CAE learns to identify spatial hierarchies and intricate patterns within the input data, which makes it particularly useful for tasks such as classification, anomaly detection, and as a pre-processing step for more complex models in computer vision. The capability of CAEs to perform dimensionality reduction and learn features in an unsupervised manner has led to their widespread adoption in deep learning and image processing, where their effectiveness in extracting meaningful representations continues to make them a valuable tool.
The process starts by encoding the input image, which is divided into d × d pixel patches, denoted as x i , where (i = 1, 2, 3, …, p). For each of these patches, features from the input image are extracted, and convolution operations are performed using the weight w j of j t h the convolutional kernel. This operation produces neuron values O i j for j = 1, 2, 3, …. m in the output layer.
O i j = f x i = σ ( w j + b )
The non-linear activation function is denoted by the symbol σ. In this study, the rectified linear unit (ReLU) activation function is employed, which is defined as follows:
R e L U x = x   i f   x 0 0   i f   x < 0
This function introduces nonlinearity into the model, allowing it to learn complex patterns by activating neurons only when the input is positive.
After the convolutional decoder produces the output O i j during the encoding process, the reconstruction of the original input x i is achieved using O i j . This process results in the reconstructed output x i , which aims to closely approximate the original input patch.
x i = f O i j = ( w j · x i + b ^ )
The CAE layer is optimized through the iterative refinement of weights and errors using stochastic gradient descent. During this process, the model’s parameters are adjusted to minimize the reconstruction error, resulting in optimized feature maps. For each instance, the reconstructed output x i ^ is generated after the input undergoes both convolutional encoding and decoding. The reconstruction process involves dividing the image into patches ρ , each of size d × d, and computing the mean squared error (MSE) between the reconstructed patch x i ^ and the original input patch x i , for i = 1, 2, 3, …, ρ . Equation (5) outlines the cost function, while Equation (6) provides a detailed formulation of the reconstruction error, as discussed in [41].
J C θ = 1 ρ i = 1 ρ L ( x i , x i ^ )
L C x i , x i ^ = x i x i ^ 2 = x i φ ( σ ( x i ) ) 2
In the current study, an autoencoder using unsupervised learning is employed to extract fault-specific features from Mel scalograms of vibration signals, enhancing fault detection by emphasizing relevant time–frequency patterns. The Mel scalograms capture critical low-frequency information where mechanical faults are prominent, enabling the autoencoder to focus on fault-related aspects while filtering out noise. After feature extraction, a FOX-optimized ANN classifies the features, effectively distinguishing among different classes of the bearings.

2.3. ANN

The ANN is composed of three primary layers: the input, hidden, and output layers, each containing multiple neurons. The input layer receives data and sends it to the hidden layer, while the output layer produces the result [42]. This flow of data from input to output is known as a feed-forward neural network. ANNs are versatile and can perform tasks such as classification, clustering, and pattern recognition. The input data are multiplied by weights and passed to the hidden-layer neurons, where an activation function computes each neuron’s output, as shown in Equation (7) and Figure 3 [30].
a j = f i = 1 n m i · m · n i j + b j  
f = 1 1 + e x
In this context, x i represents the input data, n i j is the weight between the i t h input neuron and the j t h hidden neuron, b is the bias for the j t h hidden neuron, and a j is the output of the j t h neuron in the hidden layer. The neuron’s output ( a j ) is then processed by an activation function, such as the sigmoid function (Equation (8)). Various activation functions, including sigmoid, tanh, ReLU, and softmax, can be used depending on the problem. For instance, the sigmoid function is suitable when the output range is between 0 and 1, whereas the tanh function is used when the output lies between −1 and 1 [42].
For optimal performance, the input data to an ANN must be standardized to reduce data variance. If the output data are in text form, it must be converted to a numerical format to be compatible with the neural network functions. Standardization and this conversion process allow the network to effectively process and analyze the data [43].
E = 1 2 i = 1 n ( o i o i ) 2
j = o j o j · f ( a j )
n i j = n i j + γ · m i · δ j
In these equations, E represents the error between the expected o i and actual o i outputs, δ j is the error gradient for unit o j , f ( a j ) is the derivative of the activation function, and n i j is the weight connecting unit i to j , which is updated using the learning rate γ and input m i [44,45].
Backpropagation is the key algorithm in an ANN, where the output is fed back into the network to adjust the weights. It comprises four main steps: First, the error between the expected and actual output is calculated using error functions like mean squared error (MSE) (Equation (9)). Second, the error gradient is derived from the outputs to update the weights in the network’s final layer (Equation (10)). Third, the error is propagated back through other layers (error backpropagation). Lastly, the weights are updated based on the derived error and learning rate (Equation (11)) [46].

2.4. FOX Optimizer

FOX is an optimization method inspired by the hunting behaviour of red foxes. It identifies the optimal solution using both static exploration and exploitation. During exploration, FOX employs a random walk strategy, leveraging its ultrasound detection ability to locate prey. Once the prey is detected, the agent enters the exploitation phase, evaluating the time to catch the prey based on the travel time of the ultrasound, then makes its move [47]. The FOX algorithm requires two inputs: an objective function, which calculates the fitness value, and bounds, which define the range of values for each variable in the optimization problem.

2.5. FOX–ANN

The proposed FOX–ANN method draws inspiration from FOX’s ability to automatically tune hyperparameters in Q-learning [48] and its superior performance in solving optimization problems. This section introduces an ANN enhanced with FOX to handle classification tasks in standard datasets, aiming to improve the network’s problem-solving capabilities. In FOX–ANN, the ANN structure remains unchanged; the key enhancement lies in replacing the backpropagation algorithm with FOX, which optimizes the weights by minimizing the MSE as per Equation (9).
The model’s architecture is straightforward, as depicted in Figure 4. After data processing, it is directly fed into the ANN, where a feed-forward process occurs. FOX iteratively optimizes the synaptic weights to achieve minimum loss before passing them back to the ANN, which then uses these optimized weights and the activation function to compute the final output based on Equation (7).
The proposed model is structured using several layers, each serving a specific function within the overall architecture for bearing-fault classification, as shown in Table 1. It begins with an input layer, which accepts images of size (256, 256, 3). The following layers are convolutional layers (Conv2D), which apply filters to the input image to detect important features such as edges, patterns, and textures. The convolutional layers are accompanied by pooling layers (MaxPooling2D) that reduce the spatial size of the feature maps, keeping the essential information while making the processing more efficient. After extracting and refining the features through these layers, the data are passed into the decoder part of the model, which includes up sampling layers (UpSampling2D). These layers gradually increase the size of the feature maps to reconstruct the image and restore it to its original dimensions.
After the feature extraction and reconstruction are completed, the model uses a fully connected FOX–ANN for classification. The weights of this network are optimized using the FOX optimization algorithm, which adjusts weights iteratively to improve accuracy by mimicking the adaptive foraging behaviour of foxes. The flattened output from the convolutional layers is passed through several dense layers. These layers consist of multiple neurons and use activation functions like ReLU to introduce non-linearity, helping the model learn complex patterns in the data. The final dense layer, which uses the SoftMax activation function, outputs the classification results, assigning the input image to one of four bearing-fault categories.

3. Results and Performance Evaluation

The effectiveness of the proposed method is assessed using VS data obtained from an actual bearing testbed. Since the primary aim of this method is to detect and diagnose faults in bearings, this Section begins by comparing the fault detection capability of the proposed method.

3.1. Experimental Setup and Data Acquisition

Figure 5 illustrates the structure of the bearing testbed designed by the Ulsan Industrial Artificial Intelligence (UIAI) Laboratory at Ulsan University, Ulsan, South Korea, which was used in this analysis. The data collected from the bearings can be classified into four different conditions: normal, outer race fault, inner race fault, and bearings with roller fault. During the experiment, a three-phase motor drove the testbed at a fixed speed of 1800 rpm. The motion was transmitted from the rotor shaft to the main shaft by a belt installed on both sides of the testing bearings. The maximum signal was recorded from the left side of the target bearing using a vibration and AE accelerometer. The schematic diagram as shown in Figure 6 illustrates the whole experimental setup in detail.
The data acquisition system, detailed in Table 2, utilizes a FAG NJ206-3-TVP2 bearing, a cylindrical roller type. For capturing VS, an accelerometer (model PCB-622B01) was employed, while AE signals were detected using R15I-AST AE sensors. Both sensors were interfaced with an NI-9234 Data Acquisition (DAQ) device to ensure precise data collection from the Integrated Electronics Piezo-Electric (IEPE) sensors.
Vibration data were acquired at a sampling rate of 25 kHz, with five minutes of continuous data collection conducted for all bearing conditions. Subsequently, the data were divided into 1 s segments, with each 1 s segment containing 309–390 data samples for different fault types. The test procedure can be repeated for different fault types by replacing the test bearing in the same testbed setup. Figure 7 represents the time domain signals of the bearing in the four conditions where as Figure 8 shows the bearings used for collection of the data set clearly showing the defects.

3.2. Performance Metrics for Comparisons

In this study, the proposed model demonstrates robust performance using Mel-transformed scalograms generated from VS of bearings. The process begins with truncating signals using windowing techniques, followed by applying a Mel filter bank to convert the signals into a Mel spectrum. These Mel scalograms are then processed through the convolutional and pooling layers of an autoencoder, enabling effective feature extraction from the transformed spectrum. The extracted features are classified using a FOX optimizer with an ANN which optimizes synaptic weights more efficiently than traditional backpropagation. The FOX optimizer enhances model accuracy, reduces loss, and improves both generalization and interpretability. To validate the proposed approach, a laboratory dataset collected from a bearing testbed with multiple fault conditions was used. The experimental results illustrate the model’s robustness and generalizability, showing its effectiveness in fault diagnosis tasks across various bearing faults. These findings confirm that the integration of Mel-transformed scalograms and the FOX optimizer contributes significantly to the model’s high-performance capabilities.
The evaluation of the proposed method is conducted using key performance metrics, including accuracy, precision, recall, and F1-score, as outlined in Equations (12)–(15). These metrics are essential for measuring the model’s ability to accurately classify different fault conditions in the milling machine. By leveraging this comprehensive evaluation approach, the proposed model is thoroughly assessed for its capability in real-world fault detection and diagnosis, ensuring its suitability for industrial applications. This thorough evaluation confirms the model’s reliability and effectiveness in practical fault classification tasks.
A c c u r a c y = ( T N + T P ) ( T P + T N + F P + F N ) × 100 %
P r e c i s i o n = T P T P + F P × 100 %
R e c a l l = T P T P + F N × 100 %
F 1 S c o r e = 2 T P 2 T P + F P + F N = 2 × ( P r e c i s i o n × R e c a l l ) P r e c i s i o n + R e c a l l
Here, true positives (TPs) represent instances where the model correctly classifies faulty conditions, while true negatives (TNs) refer to cases accurately identified as non-faulty. false positives (FPs) occur when the model mistakenly identifies non-faulty instances as faulty, and false negatives (FNs) represent faulty instances incorrectly classified as non-faulty. These metrics offer a comprehensive assessment of the model’s classification performance, ensuring its robustness and accuracy in detecting and diagnosing bearing faults. The integration of FOX–ANN for classification enhances the model’s ability to effectively differentiate between various fault types, resulting in improved diagnostic precision and reliability.

3.3. Comparative Analysis of Fault Diagnosis Methods

To evaluate the effectiveness of the proposed fault detection method, we compare it with two other recent methods: Zhang et al. [49] and Guanghua Fu et al. [50]. The performance of each method is assessed based on the matrices provided in Equations (8)–(11). The results obtained from the proposed and reference methods are presented in Table 3, while the per-class true-positive rate is presented in Table 4.
The proposed bearing-fault diagnosis model incorporates several advanced techniques to enhance fault detection and classification. It begins by capturing VS from the bearing system, which are processed and converted into Mel-transformed scalograms. This transformation leverages a Mel filter bank to convert the signals into a Mel spectrum, providing a time–frequency representation that captures essential fault-related features. These scalograms are then fed into the convolutional and pooling layers of an autoencoder, which extracts meaningful features from the Mel spectrum. The extracted features are then classified using an ANN, where a FOX optimizer is employed instead of traditional backpropagation. This optimizer fine-tunes synaptic weights, leading to high accuracy, minimal loss, improved generalization, and enhanced interpretability of the model. The approach is validated using a bearing dataset collected from a laboratory testbed with multiple bearing fault conditions, including IRF, ORF, RF, and NCs. The accuracy vs. epochs graph for the proposed model as depicted in Figure 9 shows that both training and validation accuracy quickly converge near 1.0 within the first few epochs, indicating rapid learning and consistent performance across the dataset. Meanwhile, the loss vs. epochs graph demonstrates a sharp drop in both training and validation loss early on, stabilizing near zero, signifying effective minimization of errors. These graphs reflect the model’s high performance and stability, with no signs of overfitting as both training and validation curves align closely.
The proposed method demonstrates outstanding performance across several key metrics. As shown in Table 4, the classification report presents perfect precision, recall, and F1-scores of 1.00 for each fault class, including IRF, NC, ORF, and RF, as summarized in Table 5. Figure 10 shows the performance scores of the proposed and comparison models on a bar plot. This is further validated by the confusion matrix in Figure 11, which shows no misclassifications, with all true labels accurately predicted. Specifically, the confusion matrix reflects 74/74 correct predictions for IRF, 69/69 for NC, 70/70 for ORF, and 62/62 for RF, confirming the model’s precision and recall of 1.00 across all classes. Figure 12 represents the t-SNE plots. The ROC curve in Figure 13 supports these results, displaying an AUC of 1.00 for each fault class, highlighting the model’s excellent capability in distinguishing between different fault conditions with no false positives or negatives. Additionally, the performance metrics bar chart confirms consistently high values for precision, recall, F1-score, and accuracy across all classes, underscoring the model’s robustness and reliability. These results showcase the effectiveness of the proposed method in accurately detecting and classifying various bearing faults. By leveraging Mel-transformed scalograms and the FOX optimizer integrated with an ANN, the model not only enhances classification accuracy but also improves generalization and interpretability. The classification performance across all metrics underscores the model’s suitability for real-world applications, particularly in predictive maintenance and fault diagnosis for industrial bearing systems. The t-SNE plot further illustrates the model’s ability to clearly differentiate between fault classes, with distinct and well-separated clusters for IRF, NC, ORF, and RF as shown in Figure 12. This strong class separability reinforces the model’s high classification performance and robustness.
In comparison, the model proposed by Zhang et al. [49] which employs a combination of STFT and a CNN for bearing fault detection, converts raw 1D VS into 2D time–frequency scalograms for classification. When applied to our dataset, Zhang et al.’s model demonstrated a strong overall performance, achieving an accuracy of 91.2% across the four fault categories, as shown in Table 4 and Figure 10. However, in confusion matrices, some misclassifications are present. The model correctly classified 64 out of 73 IRF samples, but 9 were misclassified as RF, leading to a precision of 0.89 and recall of 0.94. The NC class saw 58 out of 68 samples correctly classified, though 7 were misclassified as ORF and 1 as RF, resulting in a precision of 0.90 and recall of 0.85. The ORF class correctly identified 62 out of 70 samples, but 8 were misclassified as NC, yielding a precision of 0.89 and recall of 0.89. Lastly, the RF class was correctly classified in 62 out of 70 instances, but 8 samples were misclassified as IRF. While the model shows strong diagnostic capability, the confusion between IRF and RF categories suggests the need for improved feature extraction techniques to better distinguish between these closely related fault types as illustrated in Figure 11. The t-SNE plot for Zhang et al.’s model indicates a similar trend, with noticeable overlap between these two classes, implying potential refinements are necessary for better separability as shown in Figure 12. The ROC curves further reflect these challenges, showing AUC values of 0.96 for IRF, 0.97 for NC, 0.98 for ORF, and 0.94 for RF, as shown in Figure 13, indicating solid performance overall but room for improvement in fault differentiation between closely related categories.
Similarly, the model by Guanghua Fu et al. [50] integrates CNN and Bi-LSTM with a residual module to address bearing-fault diagnosis challenges. This model employs a dual-path feature extraction mechanism where Bi-LSTM extracts temporal features from VS, and CNN processes spatial features from time–frequency images. These features are then fused, and a residual module enhances feature extraction, particularly improving performance in noisy environments. When compared to the baseline model and applied to our dataset, Fu et al.’s model achieved an overall accuracy of 91.02%, with precision, recall, and F1-scores of 91.50%, as summarized in Table 4 and Figure 10. However, there were notable misclassifications. The confusion matrix, as shown in Figure 11, reveals that the model correctly classified 65 IRF samples, but misclassified 8 as RF. For the NC class, it correctly classified 60 out of 68 samples, while 8 were misclassified as ORF. Similarly, the ORF class saw 62 correct classifications, but 8 were misclassified as NC. Lastly, the RF class showed 62 correct classifications, but 7 samples were confused with IRF. Comparatively, the proposed model significantly outperforms Fu et al.’s model in terms of accuracy, particularly in differentiating closely related faults like inner race and RFs. The t-SNE visualization, as shown in Figure 12 for Fu et al.’s model, shows clearer separations between fault categories than Zhang et al.’s model but still struggles with overlap between inner race and RFs, a challenge that the proposed model successfully overcomes. Finally, the ROC curves, as illustrated in Figure 13, further highlight the superior diagnostic ability of the proposed model. The AUC values for all fault classes in the proposed model exceeded 0.93, compared to Fu et al.’s model, which showed lower AUCs, particularly for more challenging fault types such as inner race and RFs.
Finally, the proposed method demonstrates better performance across all classes as shown in Table 5, achieving a true positive rate (TPR) of 100% for IRC, NC, ORC, and RF, indicating classification for all fault types. In comparison, Zhang et al.’s model shows slightly lower performance, with TPRs of 87.67% for IRC, 85.29% for NC, 88.57% for ORC, and 100% for RF. Fu et al.’s method performs better than Zhang et al.’s in IRC and NC classification with TPRs of 89.04% and 88.24% but matches Zhang et al.’s TPR for ORC (88.57%) and is slightly lower for RF at 88.57%.
Overall, the proposed method outperforms both Zhang et al. and Fu et al. in terms of fault classification, particularly excelling in NC and RF where the other models show limitations. Overall, the proposed model’s improved performance across all metrics underscores its effectiveness in feature extraction, handling noise, and accurately classifying faults, making it a more reliable and robust solution for bearing-fault diagnosis compared to the models by Zhang et al. and Fu et al. This research makes the way for improved predictive maintenance and operational efficiency in industrial settings.

4. Conclusions

The proposed Mel-transformed scalogram-based model for bearing-fault diagnosis demonstrates exceptional performance, achieving perfect classification metrics such as precision, recall, and F1-scores across all fault categories. The integration of the FOX optimizer with an ANN replaces traditional backpropagation, optimizing synaptic weights effectively to enhance both accuracy and generalization. Comparative analysis with models by Zhang et al. and Fu et al. reveals that the proposed approach significantly outperforms them, particularly in distinguishing closely related fault types, such as inner race and roller faults. The model’s robustness in noisy environments and its ability to clearly separate fault classes in t-SNE plots further emphasize its practical utility. Moreover, the use of Mel-transformed scalograms provides richer feature extraction from VS, contributing to improved diagnostic accuracy. Overall, the method proves to be a reliable and scalable solution for real-world predictive maintenance in industrial applications, offering both robustness and high generalizability across diverse fault conditions.
Future works could focus on expanding the proposed approach to more complex industrial datasets with additional fault types and varying operational conditions. Furthermore, analyzing how specific defects influence signal features within Mel-scaled representations is essential to deepen the understanding of fault characteristics—such as the harmonic patterns of inner race faults and the high-amplitude bursts of roller faults. A hybrid approach using both Mel filter banks and wavelet transforms could also be explored, as Mel filters are effective for capturing low-frequency components, while wavelet transforms can identify high-frequency transients and non-stationary characteristics, providing a more comprehensive signal analysis. One limitation of this study is the reliance on a simplified envelope analysis model for benchmarking, which may not capture the full range of potential in envelope-based fault detection. Incorporating real-time data streaming and integrating the model with edge computing systems for on-site predictive maintenance could enhance its practical application in industrial settings.

Author Contributions

Conceptualization, M.F.S., W.Z., S.U., M.U., F.S., M.U., D.S., T.H.Y., D.-S.Y. and J.-M.K.; methodology, M.F.S., W.Z., S.U., M.U., F.S. and J.-M.K.; validation, M.F.S., W.Z., S.U., D.S., T.H.Y., D.-S.Y. and J.-M.K.; formal analysis, M.F.S., W.Z., D.S., T.H.Y., D.-S.Y. and J.-M.K.; resources, J.-M.K.; writing—original draft preparation, M.F.S., W.Z., S.U., M.U. and F.S.; writing—review and editing, J.-M.K.; visualization, M.F.S., M.U., F.S. and J.-M.K.; project administration, J.-M.K.; funding acquisition, J.-M.K. All authors have read and agreed to the published version of the manuscript.

Funding

This work was supported by the Ulsan City & Electronics and Telecommunications Research Institute (ETRI) grant funded by the Ulsan City [24AB1600, the development of intelligentization technology for the main industry for manufacturing innovation and Human-mobile-space autonomous collaboration intelligence technology development in industrial sites]. This results was also supported by “Regional Innovation Strategy (RIS)” through the National Research Foundation of Korea (NRF) funded by the Ministry of Education(MOE) (2021RIS-003).

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

Data will be provided upon request.

Conflicts of Interest

The authors declare no conflict of interest.

Nomenclature

STFT Short-Time Fourier Transform
CWTContinuous Wavelet Transform
IRFInner Race Fault
ORFOuter Race Fault
RFRoller Fault
NCNormal Condition
CNNConvolutional Neural network
Bi-LSTM Bidirectional Long Short Time Memory
ReLURectified Linear Unit
TPRTrue Positive Rate
ANNArtificial Neural Network

References

  1. Sun, Y.; Wang, J.; Wang, X. Fault diagnosis of mechanical equipment in high energy consumption industries in China: A review. Mech. Syst. Signal Process. 2023, 186, 109833. [Google Scholar] [CrossRef]
  2. Sahu, A.R.; Palei, S.K.; Mishra, A. Data-driven fault diagnosis approaches for industrial equipment: A review. Expert. Syst. 2024, 41, e13360. [Google Scholar] [CrossRef]
  3. Bi, S.; Wang, C.; Wu, B.; Hu, S.; Huang, W.; Ni, W.; Gong, Y.; Wang, X. A comprehensive survey on applications of AI technologies to failure analysis of industrial systems. Eng. Fail. Anal. 2023, 148, 107172. [Google Scholar] [CrossRef]
  4. Kibrete, F.; Woldemichael, D.E. Applications of Artificial Intelligence for Fault Diagnosis of Rotating Machines: A Review. In International Conference on Advances of Science and Technology; Springer: Cham, Switzerland, 2023; pp. 41–62. [Google Scholar] [CrossRef]
  5. Lei, Y.; Lin, J.; Zuo, M.J.; He, Z. Condition monitoring and fault diagnosis of planetary gearboxes: A review. Measurement 2014, 48, 292–305. [Google Scholar] [CrossRef]
  6. Wang, H.; Li, S.; Song, L.; Cui, L.; Wang, P. An Enhanced Intelligent Diagnosis Method Based on Multi-Sensor Image Fusion via Improved Deep Learning Network. IEEE Trans. Instrum. Meas. 2020, 69, 2648–2657. [Google Scholar] [CrossRef]
  7. Xu, X.; Cao, D.; Zhou, Y.; Gao, J. Application of neural network algorithm in fault diagnosis of mechanical intelligence. Mech. Syst. Signal Process. 2020, 141, 106625. [Google Scholar] [CrossRef]
  8. Lei, Y.; Yang, B.; Jiang, X.; Jia, F.; Li, N.; Nandi, A.K. Applications of machine learning to machine fault diagnosis: A review and roadmap. Mech. Syst. Signal Process. 2020, 138, 106587. [Google Scholar] [CrossRef]
  9. Wang, J.; Liang, Y.; Zheng, Y.; Gao, R.X.; Zhang, F. An integrated fault diagnosis and prognosis approach for predictive maintenance of wind turbine bearing with limited samples. Renew. Energy 2020, 145, 642–650. [Google Scholar] [CrossRef]
  10. Nguyen, C.D.; Ahmad, Z.; Kim, J.-M. Gearbox fault identification framework based on novel localized adaptive denoising technique, wavelet-based vibration imaging, and deep convolutional neural network. Appl. Sci. 2021, 11, 7575. [Google Scholar] [CrossRef]
  11. Ahmad, S.; Ahmad, Z.; Kim, J.-M. A Centrifugal Pump Fault Diagnosis Framework Based on Supervised Contrastive Learning. Sensors 2022, 22, 6448. [Google Scholar] [CrossRef]
  12. Samanta, B.; Al-Balushi, K.R. Artificial neural network based fault diagnostics of rolling element bearings using time-domain features. Mech. Syst. Signal Process. 2003, 17, 317–328. [Google Scholar] [CrossRef]
  13. Kang, M.; Kim, J.; Wills, L.M.; Kim, J.-M. Time-varying and multiresolution envelope analysis and discriminative feature analysis for bearing fault diagnosis. IEEE Trans. Ind. Electron. 2015, 62, 7749–7761. [Google Scholar] [CrossRef]
  14. Liu, R.; Yang, B.; Zhang, X.; Wang, S.; Chen, X. Time-frequency atoms-driven support vector machine method for bearings incipient fault diagnosis. Mech. Syst. Signal Process. 2016, 75, 345–370. [Google Scholar] [CrossRef]
  15. Yao, P.; Wang, J.; Zhang, F.; Li, W.; Lv, S.; Jiang, M.; Jia, L. Intelligent rolling bearing imbalanced fault diagnosis based on Mel-Frequency Cepstrum Coefficient and Convolutional Neural Networks. Measurement 2022, 205, 112143. [Google Scholar] [CrossRef]
  16. Zhao, M.; Tang, B.; Tan, Q. Bearing remaining useful life estimation based on time–frequency representation and supervised dimensionality reduction. Measurement 2016, 86, 41–55. [Google Scholar] [CrossRef]
  17. Widodo, A.; Yang, B.-S. Support vector machine in machine condition monitoring and fault diagnosis. Mech. Syst. Signal Processing 2007, 21, 2560–2574. [Google Scholar] [CrossRef]
  18. Peng, Z.; Chu, F.; He, Y. Vibration signal analysis and feature extraction based on reassigned wavelet scalogram. J. Sound Vib. 2002, 253, 1087–1100. [Google Scholar] [CrossRef]
  19. Han, T.; Li, Y.-F.; Qian, M. A Hybrid Generalization Network for Intelligent Fault Diagnosis of Rotating Machinery Under Unseen Working Conditions. IEEE Trans. Instrum. Meas. 2021, 70, 3520011. [Google Scholar] [CrossRef]
  20. Zaman, W.; Ahmad, Z.; Siddique, M.F.; Ullah, N.; Kim, J.-M. Centrifugal Pump Fault Diagnosis Based on a Novel SobelEdge Scalogram and CNN. Sensors 2023, 23, 5255. [Google Scholar] [CrossRef]
  21. Zhang, S.; Zhang, S.; Wang, B.; Habetler, T.G. Deep Learning Algorithms for Bearing Fault Diagnostics—A Comprehensive Review. IEEE Access 2020, 8, 29857–29881. [Google Scholar] [CrossRef]
  22. Cao, S.; Hu, Z.; Luo, X.; Wang, H. Research on fault diagnosis technology of centrifugal pump blade crack based on PCA and GMM. Measurement 2021, 173, 108558. [Google Scholar] [CrossRef]
  23. Zhou, T.; Han, T.; Droguett, E.L. Towards trustworthy machine fault diagnosis: A probabilistic Bayesian deep learning framework. Reliab. Eng. Syst. Saf. 2022, 224, 108525. [Google Scholar] [CrossRef]
  24. Zhiyi, H.; Haidong, S.; Xiang, Z.; Yu, Y.; Junsheng, C. An intelligent fault diagnosis method for rotor-bearing system using small labeled infrared thermal images and enhanced CNN transferred from CAE. Adv. Eng. Informatics 2020, 46, 101150. [Google Scholar] [CrossRef]
  25. Janssens, O.; Slavkovikj, V.; Vervisch, B.; Stockman, K.; Loccufier, M.; Verstockt, S.; Van de Walle, R.; Van Hoecke, S. Convolutional Neural Network Based Fault Detection for Rotating Machinery. J. Sound Vib. 2016, 377, 331–345. [Google Scholar] [CrossRef]
  26. Zhang, W.; Zhang, T.; Cui, G.; Pan, Y. Intelligent Machine Fault Diagnosis Using Convolutional Neural Networks and Transfer Learning. IEEE Access 2022, 10, 50959–50973. [Google Scholar] [CrossRef]
  27. Ding, X.; He, Q. Energy-Fluctuated Multiscale Feature Learning with Deep ConvNet for Intelligent Spindle Bearing Fault Diagnosis. IEEE Trans. Instrum. Meas. 2017, 66, 1926–1935. [Google Scholar] [CrossRef]
  28. Wen, L.; Li, X.; Gao, L.; Zhang, Y. A New Convolutional Neural Network-Based Data-Driven Fault Diagnosis Method. IEEE Trans. Ind. Electron. 2018, 65, 5990–5998. [Google Scholar] [CrossRef]
  29. Ezzat, D.; Hassanien, A.E.; Darwish, A.; Yahia, M.; Ahmed, A.; Abdelghafar, S. Multi-Objective Hybrid Artificial Intelligence Approach for Fault Diagnosis of Aerospace Systems. IEEE Access 2021, 9, 41717–41730. [Google Scholar] [CrossRef]
  30. Wu, Y.-C.; Feng, J.-W. Development and Application of Artificial Neural Network. Wirel. Pers. Commun. 2018, 102, 1645–1656. [Google Scholar] [CrossRef]
  31. Toma, R.N.; Prosvirin, A.E.; Kim, J.-M. Bearing Fault Diagnosis of Induction Motors Using a Genetic Algorithm and Machine Learning Classifiers. Sensors 2020, 20, 1884. [Google Scholar] [CrossRef]
  32. Zhang, Y.; Zhou, T.; Huang, X.; Cao, L.; Zhou, Q. Fault diagnosis of rotating machinery based on recurrent neural networks. Measurement 2020, 171, 108774. [Google Scholar] [CrossRef]
  33. Ullah, N.; Siddique, M.F.; Ullah, S.; Ahmad, Z.; Kim, J.-M. Pipeline Leak Detection System for a Smart City: Leveraging Acoustic Emission Sensing and Sequential Deep Learning. Smart Cities 2024, 7, 2318–2338. [Google Scholar] [CrossRef]
  34. Zhao, Z.-Q. A novel modular neural network for imbalanced classification problems. Pattern Recognit. Lett. 2009, 30, 783–788. [Google Scholar] [CrossRef]
  35. Siddique, M.F.; Ahmad, Z.; Kim, J.-M. Pipeline leak diagnosis based on leak-augmented scalograms and deep learning. Eng. Appl. Comput. Fluid Mech. 2023, 17, 2225577. [Google Scholar] [CrossRef]
  36. He, M.; He, D. Deep Learning Based Approach for Bearing Fault Diagnosis. IEEE Trans. Ind. Appl. 2017, 53, 3057–3065. [Google Scholar] [CrossRef]
  37. Wong, A.; Wang, X.Y. A Bayesian Residual Transform for Signal Processing. IEEE Access 2015, 3, 709–717. [Google Scholar] [CrossRef]
  38. Ullah, S.; Ahmad, Z.; Kim, J.-M. Fault Diagnosis of a Multistage Centrifugal Pump Using Explanatory Ratio Linear Discriminant Analysis. Sensors 2024, 24, 1830. [Google Scholar] [CrossRef]
  39. Theis, L.; Shi, W.; Cunningham, A.; Huszár, F. Lossy Image Compression with Compressive Autoencoders. arXiv 2017, arXiv:1703.00395. [Google Scholar]
  40. Ballé, J.; Laparra, V.; Simoncelli, E.P. End-to-end Optimized Image Compression. arXiv 2016, arXiv:1611.01704. [Google Scholar]
  41. Abiodun, O.I.; Jantan, A.; Omolara, A.E.; Dada, K.V.; Mohamed, N.A.; Arshad, H. State-of-the-art in artificial neural network applications: A survey. Heliyon 2018, 4, e00938. [Google Scholar] [CrossRef]
  42. Rasamoelina, A.D.; Adjailia, F.; Sincak, P. A Review of Activation Function for Artificial Neural Network. In Proceedings of the 2020 IEEE 18th World Symposium on Applied Machine Intelligence and Informatics (SAMI), Herlany, Slovakia, 23–25 January 2020; pp. 281–286. [Google Scholar]
  43. Carré, A.; Klausner, G.; Edjlali, M.; Lerousseau, M.; Briend-Diop, J.; Sun, R.; Ammari, S.; Reuzé, S.; Andres, E.A.; Estienne, T.; et al. Standardization of brain MR images across machines and protocols: Bridging the gap for MRI-based radiomics. Sci. Rep. 2020, 10, 12340. [Google Scholar] [CrossRef]
  44. Hodson, T.O. Root-mean-square error (RMSE) or mean absolute error (MAE): When to use them or not. Geosci. Model Dev. 2022, 15, 5481–5487. [Google Scholar] [CrossRef]
  45. Jumaah, M.A.; Shihab, A.I.; Farhan, A.A. Epileptic Seizures Detection Using DCT-II and KNN Classifier in Long-Term EEG Signals. Iraqi J. Sci. 2020, 61, 2687–2694. [Google Scholar] [CrossRef]
  46. Mohammed, N.A.; Al-Bazi, A. An adaptive backpropagation algorithm for long-term electricity load forecasting. Neural Comput. Appl. 2022, 34, 477–491. [Google Scholar] [CrossRef] [PubMed]
  47. Połap, D.; Woźniak, M. Red fox optimization algorithm. Expert Syst. Appl. 2021, 166, 114107. [Google Scholar] [CrossRef]
  48. Jumaah, M.A.; Ali, Y.H.; Rashid, T.A.; Vimal, S. FOXANN: A Method for Boosting Neural Network Performance. J. Soft Comput. Comput. Appl. 2024, 1, 2. [Google Scholar] [CrossRef]
  49. Zhang, Q.; Deng, L. An Intelligent Fault Diagnosis Method of Rolling Bearings Based on Short-Time Fourier Transform and Convolutional Neural Network. J. Fail. Anal. Prev. 2023, 23, 795–811. [Google Scholar] [CrossRef]
  50. Fu, G.; Wei, Q.; Yang, Y.; Li, C. Bearing fault diagnosis based on CNN-BiLSTM and residual module. Meas. Sci. Technol. 2023, 34, 125050. [Google Scholar] [CrossRef]
Figure 1. The complete workflow of the proposed model for bearing-fault detection.
Figure 1. The complete workflow of the proposed model for bearing-fault detection.
Sensors 24 07303 g001
Figure 2. Mel-transformed scalograms of bearing faults: (a) IRF (b) NC (c) ORF (d) RF.
Figure 2. Mel-transformed scalograms of bearing faults: (a) IRF (b) NC (c) ORF (d) RF.
Sensors 24 07303 g002
Figure 3. Architecture of ANN.
Figure 3. Architecture of ANN.
Sensors 24 07303 g003
Figure 4. Working of FOX–ANN.
Figure 4. Working of FOX–ANN.
Sensors 24 07303 g004
Figure 5. Experimental setup for bearing dataset.
Figure 5. Experimental setup for bearing dataset.
Sensors 24 07303 g005
Figure 6. Schematic diagram of experimental setup for bearing-fault diagnosis.
Figure 6. Schematic diagram of experimental setup for bearing-fault diagnosis.
Sensors 24 07303 g006
Figure 7. Vibration time-domain signals for different bearing-fault conditions: (a) IRF, (b) NC, (c) ORF, (d) RF.
Figure 7. Vibration time-domain signals for different bearing-fault conditions: (a) IRF, (b) NC, (c) ORF, (d) RF.
Sensors 24 07303 g007aSensors 24 07303 g007b
Figure 8. Fault components used during the experiment: (a) IRF, (b) ORF, (c) RF.
Figure 8. Fault components used during the experiment: (a) IRF, (b) ORF, (c) RF.
Sensors 24 07303 g008
Figure 9. Proposed model: (a) accuracy vs. number of epochs and (b) losses vs. number of epochs.
Figure 9. Proposed model: (a) accuracy vs. number of epochs and (b) losses vs. number of epochs.
Sensors 24 07303 g009
Figure 10. Performance metrics comparison of the (a) proposed model, (b) Zhang et al., and (c) Fu et al.
Figure 10. Performance metrics comparison of the (a) proposed model, (b) Zhang et al., and (c) Fu et al.
Sensors 24 07303 g010
Figure 11. Confusion matrices comparison of the (a) proposed model with (b) Zhang et al. and (c) Fu et al.
Figure 11. Confusion matrices comparison of the (a) proposed model with (b) Zhang et al. and (c) Fu et al.
Sensors 24 07303 g011
Figure 12. t-SNE comparison of the (a) proposed model with (b) Zhang et al. and (c) Fu et al.
Figure 12. t-SNE comparison of the (a) proposed model with (b) Zhang et al. and (c) Fu et al.
Sensors 24 07303 g012
Figure 13. ROC curves comparison of the (a) proposed model with (b) Zhang et al. and (c) Fu et al.
Figure 13. ROC curves comparison of the (a) proposed model with (b) Zhang et al. and (c) Fu et al.
Sensors 24 07303 g013
Table 1. Proposed-model summary.
Table 1. Proposed-model summary.
Type of LayerNo. of Filters/NeuronsKernel SizeOutput ShapeActivation Function
0Input Layer--(None, 256, 256, 3)-
1Conv2D32(3, 3)(None, 256, 256, 32)ReLU
2MaxPooling2D--(None, 128, 128, 32)-
3Conv2D64(3, 3)(None, 128, 128, 64)ReLU
4MaxPooling2D--(None, 64, 64, 64)-
5Conv2D128(3, 3)(None, 64, 64, 128)ReLU
6MaxPooling2D--(None, 32, 32, 128)-
7InputLayer--(None, 32, 32, 128)-
8Conv2D128(3, 3)(None, 32, 32, 128)ReLU
9UpSampling2D--(None, 64, 64, 128)-
10Conv2D64(3, 3)(None, 64, 64, 64)ReLU
11UpSampling2D--(None, 128, 128, 64)-
12Conv2D32(3, 3)(None, 128, 128, 32)ReLU
13UpSampling2D--(None, 256, 256, 32)-
14Conv2D3(3, 3)(None, 256, 256, 3)softmax
15Flatten--(None, 131072)-
16Dense512-(None, 512)ReLU
17Dense256-(None, 256)ReLU
18Dense128-(None, 128)ReLU
19Dense4-(None, 4)softmax
Table 2. Specifications of the data-acquisition system.
Table 2. Specifications of the data-acquisition system.
DeviceSpecificationValue
Vibration sensor (PCB-622B01)Measurement range±490 m/s2
Frequency0.2–15,000 Hz
Sensitivity100 mV/g
AE sensor (R151-AST)Operating range50–400 kHz
Resonant frequency150 kHz
Peak sensitivity−22 dB
DAQ (NI 9234)Dynamic range102 dB
Resolution24-bit
Operating temperature−40 °C–70 °C
Table 3. Data acquisition summary.
Table 3. Data acquisition summary.
Testing ConditionSamples CountSampling Rate (KHz)Time (min)
IRF37025 5
NC39025 5
ORF34725 5
RF30925 5
Table 4. Performance comparison of comparative methods with the proposed method.
Table 4. Performance comparison of comparative methods with the proposed method.
Performance MetricsProposedZhang et al. [49]Fu et al. [50]
Accuracy (%)99.9392.0391.02
Precision (%)10092.2591.50
F1 Score (%)10092.5091.50
Recall (%)10092.0091.25
Table 5. TPR comparison of comparative methods with the proposed method.
Table 5. TPR comparison of comparative methods with the proposed method.
ModelsIRFNCORFRF
Proposed100100100100
Zhang et al. [49]87.6785.2988.57100
Fu et al. [50]89.0488.2488.5788.57
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

Siddique, M.F.; Zaman, W.; Ullah, S.; Umar, M.; Saleem, F.; Shon, D.; Yoon, T.H.; Yoo, D.-S.; Kim, J.-M. Advanced Bearing-Fault Diagnosis and Classification Using Mel-Scalograms and FOX-Optimized ANN. Sensors 2024, 24, 7303. https://doi.org/10.3390/s24227303

AMA Style

Siddique MF, Zaman W, Ullah S, Umar M, Saleem F, Shon D, Yoon TH, Yoo D-S, Kim J-M. Advanced Bearing-Fault Diagnosis and Classification Using Mel-Scalograms and FOX-Optimized ANN. Sensors. 2024; 24(22):7303. https://doi.org/10.3390/s24227303

Chicago/Turabian Style

Siddique, Muhammad Farooq, Wasim Zaman, Saif Ullah, Muhammad Umar, Faisal Saleem, Dongkoo Shon, Tae Hyun Yoon, Dae-Seung Yoo, and Jong-Myon Kim. 2024. "Advanced Bearing-Fault Diagnosis and Classification Using Mel-Scalograms and FOX-Optimized ANN" Sensors 24, no. 22: 7303. https://doi.org/10.3390/s24227303

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