Next Article in Journal
Presenting the COGNIFOG Framework: Architecture, Building Blocks and Road toward Cognitive Connectivity
Next Article in Special Issue
DAEiS-Net: Deep Aggregation Network with Edge Information Supplement for Tunnel Water Stain Segmentation
Previous Article in Journal
A Bayesian Tensor Decomposition Method for Joint Estimation of Channel and Interference Parameters
Previous Article in Special Issue
Inversion Method for Transformer Winding Hot Spot Temperature Based on Gated Recurrent Unit and Self-Attention and Temperature Lag
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

A Novel Intelligent Fault Diagnosis Method for Bearings with Multi-Source Data and Improved GASA

1
School of Mechanical and Electrical Engineering, Qiqihar University, Qiqihar 161006, China
2
The Engineering Technology Research Center for Precision Manufacturing Equipment and Industrial Perception of Heilongjiang Province, Qiqihar University, Qiqihar 161006, China
3
The Collaborative Innovation Center for Intelligent Manufacturing Equipment Industrialization, Qiqihar University, Qiqihar 161006, China
*
Author to whom correspondence should be addressed.
Sensors 2024, 24(16), 5285; https://doi.org/10.3390/s24165285
Submission received: 22 July 2024 / Revised: 8 August 2024 / Accepted: 13 August 2024 / Published: 15 August 2024
(This article belongs to the Special Issue AI-Assisted Condition Monitoring and Fault Diagnosis)

Abstract

:
In recent years, single-source-data-based deep learning methods have made considerable strides in the field of fault diagnosis. Nevertheless, the extraction of useful information from multi-source data remains a challenge. In this paper, we propose a novel approach called the Genetic Simulated Annealing Optimization (GASA) method with a multi-source data convolutional neural network (MSCNN) for the fault diagnosis of rolling bearing. This method aims to identify bearing faults more accurately and make full use of multi-source data. Initially, the bearing vibration signal is transformed into a time–frequency graph using the continuous wavelet transform (CWT) and the signal is integrated with the motor current signal and fed into the network model. Then, a GASA-MSCNN fault diagnosis method is established to better capture the crucial information within the signal and identify various bearing health conditions. Finally, a rolling bearing dataset under different noisy environments is employed to validate the robustness of the proposed model. The experimental results demonstrate that the proposed method is capable of accurately identifying various types of rolling bearing faults, with an accuracy rate reaching up to 98% or higher even in variable noise environments. The experiments reveal that the new method significantly improves fault detection accuracy.

1. Introduction

With the increasing demands for the complexity and precision of modern machinery, its normal operation and safety become important assessment factors [1]. Rolling bearings, as integral components of rotating machinery [2], are extensively utilized in numerous significant industrial sectors, including wind power generation, aircraft engines, high-speed train wheels, and other crucial fields. Consequently, machine fault detection and diagnosis have received significant attention in the realm of industry [3].
In recent years, the fault diagnosis techniques have made significant progress [4]. A considerable number of academics have developed a multitude of effective fault diagnosis methodologies. For example, Gao et al. [5] proposed a fault diagnosis method for rolling bearings based on least squares support vector machine (LS-SVM). They utilized particle swarm optimization and 10-fold cross-validation to optimize the model parameters, achieving accurate classification and fast diagnosis of compound faults. Pu et al. [6] introduced restricted sparse networks (RSNs) with a high-power feature extraction module for efficiently extracting radial basis function features (RBFFs), demonstrating fault diagnosis accuracy comparable to the state-of-the-art methods. Combining the HHL algorithm in quantum computing with LS-SVM, Li et al. [7] proposed a quantum least squares support vector machine (QSVM) for fault diagnosis. Lei et al. [8] combined the Markov transition field (MTF) with a multi-scale feature aggregation convolutional neural network (MFACNN) to tackle issues of excessive parameters, slow training speed, and insufficient generalization in the traditional CNNs.
While the aforementioned methodologies have achieved considerable advancements, the diagnostic reliability is constrained by the inability of single-source data to provide sufficient fault information [9]. It is shown that the vibration signals collected by a single sensor can no longer meet the diagnostic requirements of complex systems [10]. Additionally, the data from a single sensor are often incomplete, leading to low diagnostic accuracy in complex scenarios. Multi-source data fusion is an effective method for fault diagnosis since the signals are usually complementary [11]. Full utilization of the sensors installed at various locations can enhance the completeness and performance of diagnosis models [12]. Thus, integrating data from different sources can improve the accuracy and reliability of fault diagnosis compared to using a single sensor. Wu et al. [13] collected homologous information from numerous sensors and fused the data in the spatial and time domains, validating the correctness and effectiveness of their method using the fault test signals of planetary gearboxes. Tong et al. [14] proposed a multi-sensor information fusion framework with coordinated attention mechanisms to achieve the fault diagnosis of rolling bearings. Liu et al. [15] introduced a novel multi-sensor information fusion framework and a multi-sensor-based frequency information fusion method to classify multi-frequency features. Wang et al. [16] adopted a temporal–spatial graph neural network with an attention-aware module to achieve multi-source information fusion, demonstrating effectiveness and robustness in bearing fault diagnosis.
Despite the fact that deep learning techniques are emerging as a promising solution, practical engineering applications still face challenges in determining reliable and effective hyperparameters. Inappropriate hyperparameter settings can significantly impair the CNN fault diagnosis capabilities. To address this, some scholars have combined intelligent optimization algorithms (e.g., particle swarm optimization [17] (PSO), the genetic algorithm [18] (GA), or simulated annealing [19] (SA)) with CNNs for improved results. Liu et al. [20] proposed a bearing fault model based on a PSO-fused CNN, which adaptively adjusts the hyperparameters of the model through PSO. Chen et al. [21] applied Quantum Particle Swarm Optimization to increase the richness of the particles and make it easier to find the global optimal solution of an adaptive CNN. Rajagopalan [22] focused on diagnosing multi-class mass imbalance faults using a genetically optimized 1D-CNN, achieving a fault prediction accuracy of 97.47%. He et al. [23] proposed a bearing fault diagnosis method that combines wavelet packet transform with a CNN optimized by simulated annealing. Bai et al. [24] utilized the global optimization capability of a genetic algorithm to enable the autonomous evolution of the CNN. The method was validated using the measured signals from a planetary gearbox, resulting in higher fault diagnosis accuracy.
Meanwhile, due to the inherent limitations of the GA, it is susceptible to premature convergence [25]. This study integrates the local search capability of the SA into the GA optimization process to enhance the CNN performance and improve the diagnostic accuracy.
Firstly, multi-source data are collected and preprocessed. The datasets are then divided into training, validation, and test sets with a ratio of 0.5, 0.25, and 0.25, respectively.
Secondly, the GASA-MSCNN fault diagnosis method is proposed. This method utilizes GASA to determine the hyperparameters of an MSCNN for rolling bearing fault diagnosis.
Finally, the method’s validity and practicality are verified using actual data from Paderborn University.
The rest of this paper is structured as follows: Section 2 elucidates the theoretical basis. Section 3 provides a comprehensive introduction to the proposed method and the detailed implementation process of fault diagnosis. Section 4 presents the experimental verification and analysis. Section 5 summarizes the article.

2. Theoretical Background

2.1. Convolutional Neural Networks

As a type of machine learning, convolutional neural networks (CNNs) are inspired by the neurons in the visual nervous system [26]. They play a pivotal role in the domain of deep learning algorithms. As feedforward neural networks, CNNs can extract features efficiently and reduce the computational load of the network model through local weight sharing and sparse connectivity [27]. A typical CNN structure is composed of a convolution layer, a pooling layer, and a fully connected layer. Among them, the convolution and pooling layer are typically connected in an alternating manner, and the fully connected layer is composed of several multi-layer perceptrons [28]. During the operation of the convolution kernels, they scan the input features and sum them by multiplying the matrix elements and adding the bias within the receptive field. The operation of the convolution layer is illustrated in Figure 1, and the mathematical description is provided as follows:
y n l = f ( c = 1 C x c l 1 × a n , c l + b )
where y n l is the n th feature map of the l th convolutional layer, x c l 1 denotes the input feature, a n , c l represents the n th convolution kernel, f(·) is the activation function, and C stands for the number of input channels.
As a variant of CNN, depth-wise separable convolutions (DWSCs) include depth convolution and point convolution [29], which can reduce the computational complexity and space complexity of each convolutional layer. The workflow of DWSC is shown in Figure 2, and the output can be calculated as follows:
y c l = f ( x c l 1 × a c l + b )
z n l = f ( c = 1 C p n × y c l + b )
In the formula, y c l and z n l are the depth convolution and the point convolution, respectively.
For a one-dimensional input, the signals are convolved by sliding a filter, performing element-wise multiplication, and then summing all elements to obtain the value at the corresponding position in the output feature map. The specific representation process is illustrated in Figure 3.

2.2. Genetic Algorithm

Genetic algorithms (GAs) are computational models inspired by natural evolutionary systems, proposed in the 1870s by John Henry. As a type of bio-inspired algorithm, their primary objective is to optimize complex parameter selection tasks [30]. These models employ theories of biological evolution and Darwin’s survival of the fittest. The algorithm starts by initializing the population, setting its scale, and generating an initial population. Subsequently, continuous selection, crossover, and mutation processes evolve the population, forming new generations.
During the selection process, the GA needs to determine the probability of each individual being selected. Roulette wheel selection [31] is a strategy that selects individuals based on their fitness ratio. The probability of selection is expressed as
I n = k F i
P n = I n n = 1 N I n , n = 1 , 2 , , N ,
where In denotes the reciprocal of individual fitness, Fi is the fitness value of the i th individual, k represents the coefficient, and N stands for the population scale.
The cross operation is a common method of gene manipulation. It involves transferring the superior genes of the previous generation to the next, followed by a random cross to create a new optimization space. Mutation manipulation is a common method of genetic manipulation employed to introduce novel genetic alterations, thereby expanding the diversity of the search space. Meanwhile, it is necessary to replace unsuitable candidates based on the fitness function. The process persists until a predefined stopping condition is met. The equation for the fitness function can be illustrated as follows:
F = k [ i = 1 n a b s ( t i y i ) ]
In which n indicates the number of output nodes, ti represents the actual value of the i th node, yi denotes the i th node predicted value, and k is the coefficient.
The specific procedures of the GA are summarized in Figure 4.

2.3. Simulated Annealing Algorithm

The simulated annealing (SA) algorithm was proposed by Metropolis et al. in the 1950s. The fundamental principle of SA is based on the metallurgical annealing process in physics [32]. Initially, the metal material is heated to a specific temperature to melt it. Afterward, the material is cooled into a solid, forming a regular microstructure to minimize internal energy. When heated, the particles inside the solid continuously accelerate and move non-uniformly due to the increase in temperature, resulting in an increased internal energy. As the temperature decreases, they decelerate and tend to become ordered, reaching equilibrium at a specific temperature. Once ambient temperature is reached, the particles attain their lowest internal energy state and achieve thermal equilibrium. The fundamental principle of the SA algorithm is that it can accept a solution inferior to the current one with a certain probability P, in accordance with the Metropolis sampling rule [33]. This enables it to escape from a local optimal solution and to identify the optimal solution amongst all possible solutions. The cooling equation can be expressed as follows:
T ( t ) = T 0 lg ( 1 + t )
where T(t) is the temperature value at time t, and T0 denotes the high temperature.
Figure 5 shows the schematic diagram of the simulated annealing algorithm.
One advantage of SA is its capacity to escape local optima, thereby demonstrating high efficacy and global search capabilities for complex optimization problems. According to Figure 5, as the number of iterations increases, the SA algorithm initially identifies the local optimum at point A. It then continues to calculate, discovering that point B has a lower energy value and updating the optimal solution to point B. Iteratively, the algorithm finds that point C has even lower energy than point B. With no lower energy found in subsequent iterations, point C is identified as the global optimum.

3. The Proposed Method

3.1. GASA

Extensive research has revealed certain disadvantages of GA, such as lower efficiency compared to other optimization algorithms and susceptibility to premature convergence [18]. SA also has some disadvantages, such as taking a long time to reach the optimization result [33]. Additionally, SA parameters are difficult to adjust for specific problems. To address these shortcomings, we propose a novel method that combines GA and SA to optimize convolutional neural networks (CNNs). GASA is a comprehensive method that combines the advantages of both GA and SA while mitigating their disadvantages. It not only has the global search ability of GA but also the local optimization ability of SA. In this paper, we use it to optimize the hyperparameters of CNNs. The first aspect is to initialize the population and calculate the fitness of each operator. Then, the crossover and mutation operators are set, and the fitness of all operators in the subgroup is ordered from largest to smallest. After that, the GA performs a global search to generate new populations. It then calculates the fitness value of the new population and replaces the old population by using SA. Finally, the result is output according to whether the convergence condition is achieved. Figure 6 shows the flow of the proposed method. In this study, the initial temperature of the annealing algorithm is 100, the decline rate is 0.95, the population size of the genetic algorithm is 10, the maximum genetic generation is 50, and the crossover and mutation probabilities are 0.5 and 0.2, respectively.

3.2. The Structure of the Model

All experiments are performed on a PC with Windows 10 operating system, Intel Core(TM) i7-10700F CPU @ 2.90 GHz, and 64 GB RAM, NVIDIA GeForce RTX 2070 SUPER as the graphics card. Of particular note, we use MATLAB 2022a to obtain CWT time–frequency images, and all the models are implemented by Python 3.8 environment in Keras framework using TensorFlow as a backend. The fault diagnosis model proposed in this paper employs time–frequency images and original motor current signals as inputs to realize different types of fault diagnosis. In the MSCNN model, low-level fault features are extracted by the low-level convolution layer, while the abstract feature of the fault type is extracted by the high-level convolution layer. Taking Conv2D (64, 3, 1, ReLU) in the model as an example, Conv2D represents a two-dimensional convolution, where (64, 3, 1, ReLU) specifies the convolution kernel parameters and activation functions. The channel of the convolution kernels, the sizes of the convolution kernels, and strides in the convolutional layer are 32, 3 × 3, and 1, respectively. During the MSCNN model’s pretraining, the Adam optimizer is used for network training. This process allows the cross-entropy loss function and backpropagation to continuously optimize and adjust the model’s weight parameters, ultimately obtaining the optimal parameters for data feature extraction. The detailed structure of the proposed multi-source data convolutional neural network (MSCNN) is shown in Figure 7.
The network branch that extracts features from two-dimensional time–frequency graphs consists of 4 convolutional layers, 3 depth-wise separable convolutional layers, 3 inception layers, and 1 fully connected layer. The network branch that employs one-dimensional current signals for feature extraction comprises 3 convolutional layers and 1 fully connected layer. The data from these two fully connected layers are then combined into a new fully connected layer for classification. Figure 8 indicates Inception structure in this study, which has been slightly improved.
In this structure, both depth-separable convolution and standard convolution are used. The sizes of the kernels in the four channels are three consecutive 3 × 3 kernels, two consecutive 5 × 5 and 3 × 3 kernels, and one 7 × 7 kernel. The softmax function is connected in the model output layer to achieve classification.

3.3. The Fault Diagnosis Process Using GASA-MSCNN

To fuse multi-source data for fault diagnosis of rolling bearings, this paper proposes a novel intelligent fault diagnosis method for bearings with multi-source data and improved GASA. When the time–frequency graph of the vibration signal is used as input, the two-dimensional convolution is used to extract features. It is noted that we combine the multi-scale feature extraction and DWSC for better fault diagnosis, which can not only maintain feature extraction capability but also reduce the number of parameters. When the motor current signal is used as input, one-dimensional convolution is used for feature extraction to achieve better fault diagnosis results [34]. The flowchart of bearing fault diagnosis with multi-source data and improved GASA is present in Figure 9. The process is divided into the following steps.
Step 1: Collect vibration and current signals under various conditions through a data acquisition system.
Step 2: Multi-source data are preprocessed, and the datasets are partitioned into training, validation, and test sets.
Step 3: GASA is utilized to optimize the hyperparameters of the model, and the optimization results are applied to the model for fault diagnosis.
Step 4: Diagnose the test dataset by previously saved model and evaluate the precision of the fault diagnosis.

4. Experimental Validation

4.1. Dataset Description

The experiment is based on the Paderborn University (PU) bearing dataset provided by the Paderborn Bearing Data Center [35]. The PU dataset includes both human-made bearing damage and actual damage from accelerated life experiments. A piezoelectric accelerometer is used to measure the vibration signals with a sampling frequency of 64 kHz, and the motor current signals are digitized and saved synchronously. The test rig of the PU datasets is displayed in Figure 10.
In the PU dataset, four distinct operational scenarios are presented, each achieved by modifying the velocity of the drive system, the radial force exerted on the test bearing, and the load torque on the drive system. This allows the test bearing to function under varied operational conditions. The parameters are shown in Table 1. To explore whether the model has satisfactory diagnostic capacity in the case of real damage, different fault types of bearings were selected. The details are shown in Table 2.
In this paper, the CWT time–frequency images and motor current signal are used as the inputs to the model. CWT is a widely used time–frequency analysis method that provides detailed information about a signal at various frequencies and times. Compared to the other methods, CWT offers better discrimination power and resolution. Meanwhile, it is suitable for nonstationary signals, such as the impact signal and seismic signals Therefore, it is used to analyze the bearing vibration signal. However, current spectrum analysis is affected by inherent harmonics, resulting in the incomplete time–frequency analysis of the motor current signal. Therefore, the motor current signal is used directly. Each fault sample contains 1024 sampling points, with 300 samples generated for each fault type, totaling 3000 fault samples. Meanwhile, a 200-point interval is employed to increase the sample diversity. The input signals are shown in Figure 11 and Figure 12, respectively.

4.2. Performance Analysis of the Proposed Method

The method presented in this study was analyzed according to the flowchart shown in Figure 9. During the pretraining and fine-tuning of the model, the loss function of the training was configured as cross-entropy, and the Adam optimization algorithm was employed for all the approaches. The initial learning rate was set to 0.001. Above all, the time–frequency graphs of the vibration and motor current signals are input into the MSCNN. Subsequently, GASA is utilized to optimize the two hyperparameters, learning rate and batch size, in the MSCNN model. The fitness curve of sample entropy during this optimization process is shown in Figure 13.
It can be seen from Figure 13 that the minimum sample entropy of 0.1 appears after 48 iterations, and the optimal parameter combination is (0.0006, 24). The optimized parameters are then used to train the network model, and the training results are recorded. The training results of the proposed method are shown in Figure 14. It can be seen from Figure 14 that the GASA-MSCNN converges very quickly. After about 10 training sessions, the fault diagnosis accuracy curve gradually reaches 1, but the training and verification loss are still decreasing. Around training session 40, the accuracy and loss of the model training and verification reach a steady state, with the loss value of the model gradually tending to 0.
The diagnostic results of the validation data are shown in Figure 15. As shown in the confusion matrix in Figure 15, the overall accuracy is relatively high. For some fault types, the recognition rate reaches 100%, but there are also some errors. For example, label 7 is misclassified as label 2, identifying the inner ring electric engraving machine level 2 fault as the outer ring electric engraving machine level 1 fault. The reason for this phenomenon may be that the weight distribution in the GASA-MSCNN cannot sufficiently distinguish their features, leading to classification errors. To further demonstrate the effectiveness of the GASA-MSCNN, Figure 16 shows the T-SNE visualization of the final output results. The results show that the data points of the same type gradually cluster in the final classification. Except for some overlapping regions, the remaining fault types are completely separated, achieving good classification results. These results are consistent with the confusion matrix and establish accurate mapping relationships between the defect types and features. This demonstrates that the method performs well after training and proves that the GASA-MSCNN can achieve a strong diagnostic performance regarding rolling bearings.
To further verify the superiority of the GASA algorithm in parameter optimization, the diagnostic results of the selection process without GASA are compared. Only two variables were considered: a fixed learning rate and batch size. We selected experimental results with learning rates ranging from 0.001 to 0.0001 and batch sizes ranging from 8 to 128. The experimental results are shown in Table 3.
The table shows that the GASA algorithm greatly improves the diagnosis accuracy of the model. When the batch size is 8 and the learning rate is 0.0001, the maximum diagnostic accuracy of the model is 96.18%. When the batch size is 16 and the learning rate is 0.0006, the maximum diagnostic accuracy of the model is 95.1%. The other diagnostic results are also lower than these accuracies. Compared with the GASA-MSCNN, the accuracy of these models is reduced and the hyperparameters need to be determined empirically and through a large number of experiments. Therefore, we can conclude that the proposed method can achieve effective diagnostic accuracy.

4.3. Diagnosis Results under Different Noise Levels

To verify the model’s fault diagnosis superiority in variable noise circumstances, this section compares the diagnostic accuracy of the GASA-MSCNN proposed in this paper under different noise environments. The original signal is combined with Gaussian white noise to create composite signals with different signal-to-noise ratios (SNRs). The expression of the simulated signal is defined as follows:
S N R d b = 10 log 10 ( P n P s )
In the formula, Ps and Pn represent the original signal and the noise signal, respectively. The noise signal includes −4db, −2db, 0db, 2db, and 4db.
The experimental results under variable noise environments are depicted in Figure 17. Apparently, the diagnostic performance of the proposed method is above 98% under different SNRs. Specifically, the fault diagnosis accuracy is 99.87% and 99.92% in strong noise environments with SNRs of −4 dB and −2 dB, respectively. This indicates that the proposed method maintains high fault diagnosis capability even in strong noise environments. For example, in the −2 dB noise environment, the lowest diagnostic accuracy is 98.2% when −4 dB noise is the target domain, and the highest diagnostic accuracy is 99.92% when −2 dB noise is the target domain. The accuracy difference between the two diagnostic results is 1.72%, and the average diagnostic accuracy is 98.92%, indicating that the proposed method still has the ability to identify fault conditions even under noise.
In order to further illustrate the effectiveness and the feature learning capability of the method under various SNRs, the confusion matrices are generated utilizing the diagnosis results for −4 dB, −2 dB, 2 dB, and 4 dB. The results are depicted in Figure 18. Here, the horizontal axis represents the predicted label, and the vertical axis represents the actual label. For instance, in a −2 dB noise environment, the diagnostic accuracy exceeds 98% for all the categories except 3 and 4. Specifically, the accuracy for category 3 is 97.4%, for category 4 is 96%, for category 7 is 98.7%, and for the other categories is 100%. In summary, the confusion matrix visualization further demonstrates the high diagnostic accuracy of the GASA-MSCNN model across various categories and provides more reliable results.

4.4. Comparative Experiments among Different Methods

To further verify the performance of the proposed method, it was compared with several widely used methods (VGG, LeNet, AlexNet, etc.) under the same conditions as GASA-MSCNN. These methods include those that use CWT time–frequency images alone, those that rely solely on vibration signals, and those that combine both vibration and current signals. The accuracy and training time of the experiments are summarized in Figure 19 and Figure 20, respectively. In terms of the diagnostic results, LeNet had the lowest accuracy at 68.6%, followed by 2-1DCNN at 74.92%. The diagnostic accuracies of AlexNet and VGG were 87.54% and 89.16%, respectively. However, compared to the GASA-MSCNN model, the diagnostic accuracies of these methods are still lower than 99.87%. Among the comparison models, VGG achieved the highest diagnostic accuracy but also had the longest diagnostic time, approximately 773.69 s. Moreover, 2-1DCNN had the shortest diagnostic time, 46.58 s, but its accuracy was only 74.92%. Although the proposed method has a relatively long training time, it achieves high diagnostic accuracy. This demonstrates that the proposed method offers the highest detection accuracy and is clearly superior to the other diagnostic methods.

5. Conclusions

In order to make full use of the correlation and complementarity between multi-source data and avoid the problem of manually setting the network model hyperparameters, this paper proposes a novel intelligent fault diagnosis method for bearings with multi-source data and improved GASA. This method not only fuses the multi-source data but also utilizes the GASA optimization algorithm to optimize the model hyperparameters, circumventing the need for numerous experiments and manual adjustments. Concurrently, multi-scale convolution is employed to extract multi-dimensional spatial correlation information, preventing the inaccurate or incomplete localization of the impact features due to the limitations of a single-size convolution kernel. The experimental results demonstrate that the proposed method can efficaciously diagnose faults in rolling bearings and significantly reduce fault misdiagnosis. Furthermore, the superiority and robustness of the model are validated by contrasting it under different noise environments. Compared with the existing classical models, this method shows higher fault diagnosis accuracy. This indicates that the GASA-MSCNN model possesses theoretical and practical engineering significance. However, it also identifies some shortcomings. While the fault diagnosis accuracy of the proposed model is high, this also increases the training time of the model, necessitating more sophisticated hardware to achieve the desired diagnostic results in practical applications. Consequently, future research will concentrate on reducing the response time of the model in order to facilitate more rapid and precise fault diagnosis.

Author Contributions

Conceptualization, X.F. and Q.W.; validation, X.F., Y.G., and Q.H.; formal analysis, Y.G.; investigation, Q.H.; writing—original draft preparation, Q.H.; writing—review and editing, Q.W. and S.L.; supervision, Y.G.; project administration, X.F. All authors have read and agreed to the published version of the manuscript.

Funding

This work was funded by the Heilongjiang Natural Science Foundation Project under Grant LH2022E116, and in part by the Basic scientific research operating expenses project of Heilongjiang Province under Grant 145209402.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

All data that support the findings of this study are included within the article.

Conflicts of Interest

The authors declare no conflicts of interest.

References

  1. Zhao, D.; Li, J.; Cheng, W.; Wen, W. Bearing multi-fault diagnosis with iterative generalized demodulation guided by enhanced rotational frequency matching under time-varying speed conditions. ISA Trans. 2023, 133, 518–528. [Google Scholar] [CrossRef]
  2. Weng, C.; Lu, B.; Gu, Q.; Zhao, X. A novel hierarchical transferable network for rolling bearing fault diagnosis under variable working conditions. Nonlinear Dyn. 2023, 111, 11315–11334. [Google Scholar] [CrossRef]
  3. 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]
  4. Jiao, J.; Zhao, M.; Lin, J.; Liang, K. A comprehensive review on convolutional neural network in machine fault diagnosis. Neurocomputing 2020, 417, 36–63. [Google Scholar] [CrossRef]
  5. Gao, X.; Wei, H.; Li, T.; Yang, G. A rolling bearing fault diagnosis method based on LSSVM. Adv. Mech. Eng. 2020, 12, 1687814019899561. [Google Scholar] [CrossRef]
  6. Pu, H.; Zhang, K.; An, Y. Restricted Sparse Networks for Rolling Bearing Fault Diagnosis. IEEE Trans. Ind. Inform. 2023, 19, 11139–11149. [Google Scholar] [CrossRef]
  7. Li, Y.; Song, L.; Sun, Q.; Xu, H.; Li, X.; Fang, Z.; Yao, W. Rolling bearing fault diagnosis based on quantum LS-SVM. EPJ Quantum Technol. 2022, 9, 18. [Google Scholar] [CrossRef]
  8. Lei, C.; Miao, C.; Wan, H.; Zhou, J.; Hao, D.; Feng, R. Rolling bearing fault diagnosis method based on MTF-MFACNN. Meas. Sci. Technol. 2023, 35, 035007. [Google Scholar] [CrossRef]
  9. Ma, S.; Yuan, Y.; Wu, J.; Jiang, Y.; Jia, B.; Li, W. Multisensor Decision Approach for HVCB Fault Detection Based on the Vibration Information. IEEE Sens. J. 2021, 21, 985–994. [Google Scholar] [CrossRef]
  10. Kou, L.; Qin, Y.; Zhao, X.; Chen, X.A. A Multi-Dimension End-to-End CNN Model for Rotating Devices Fault Diagnosis on High-Speed Train Bogie. IEEE Trans. Veh. Technol. 2020, 69, 2513–2524. [Google Scholar] [CrossRef]
  11. Zhou, K.; Lu, N.; Jiang, B. Information Fusion-Based Fault Diagnosis Method Using Synthetic Indicator. IEEE Sens. J. 2023, 23, 5124–5133. [Google Scholar] [CrossRef]
  12. Praveen Kumar, T.; Saimurugan, M.; Hari Haran, R.B.; Siddharth, S.; Ramachandran, K.I. A multi-sensor information fusion for fault diagnosis of a gearbox utilizing discrete wavelet features. Meas. Sci. Technol. 2019, 30, 085101. [Google Scholar] [CrossRef]
  13. Wu, Z.; Zhang, Q.; Cheng, L.; Tan, S. A New Method of Two-stage Planetary Gearbox Fault Detection Based on Multi-Sensor Information Fusion. Appl. Sci. 2019, 9, 5443. [Google Scholar] [CrossRef]
  14. Tong, J.; Liu, C.; Zheng, J.; Pan, H. Multi-sensor information fusion and coordinate attention-based fault diagnosis method and its interpretability research. Eng. Appl. Artif. Intell. 2023, 124, 106614. [Google Scholar] [CrossRef]
  15. Liu, C.; Tong, J.; Zheng, J.; Pan, H.; Bao, J. Rolling bearing fault diagnosis method based on multi-sensor two-stage fusion. Meas. Sci. Technol. 2022, 33, 125105. [Google Scholar] [CrossRef]
  16. Wang, Z.; Wu, Z.; Li, X.; Shao, H.; Han, T.; Xie, M. Attention-aware temporal–spatial graph neural network with multi-sensor information fusion for fault diagnosis. Knowl.-Based Syst. 2023, 278, 110891. [Google Scholar] [CrossRef]
  17. Yu, K.; Lin, T.R.; Tan, J.; Ma, H. An adaptive sensitive frequency band selection method for empirical wavelet transform and its application in bearing fault diagnosis. Measurement 2019, 134, 375–384. [Google Scholar] [CrossRef]
  18. Kannan, V.; Li, H.; Dao, D.V. Demodulation Band Optimization in Envelope Analysis for Fault Diagnosis of Rolling Element Bearings Using a Real-Coded Genetic Algorithm. IEEE Access 2019, 7, 168828–168838. [Google Scholar] [CrossRef]
  19. Martin-Diaz, I.; Morinigo-Sotelo, D.; Duque-Perez, O.; Osornio-Rios, R.A.; Romero-Troncoso, R.J. Hybrid algorithmic approach oriented to incipient rotor fault diagnosis on induction motors. ISA Trans. 2018, 80, 427–438. [Google Scholar] [CrossRef]
  20. Liu, X.; Wu, R.; Wang, R.; Zhou, F.; Chen, Z.; Guo, N. Bearing fault diagnosis based on particle swarm optimization fusion convolutional neural network. Front. Neurorobot. 2022, 16, 1044965. [Google Scholar] [CrossRef]
  21. Chen, J.; Xu, Q.; Xue, X.; Guo, Y.; Chen, R. Quantum-behaved particle swarm optimization of convolutional neural network for fault diagnosis. J. Exp. Theor. Artif. Intell. 2022, 1–17. [Google Scholar] [CrossRef]
  22. Rajagopalan, S.; Singh, J.; Purohit, A. Performance analysis of genetically optimized 1D-convolutional neural network architecture for rotor system fault detection and diagnosis. Proc. Inst. Mech. Eng. Part E J. Process Mech. Eng. 2024. [Google Scholar] [CrossRef]
  23. He, F.; Ye, Q. A Bearing Fault Diagnosis Method Based on Wavelet Packet Transform and Convolutional Neural Network Optimized by Simulated Annealing Algorithm. Sensors 2022, 22, 1410. [Google Scholar] [CrossRef]
  24. Bai, R.; Xu, Q.; Meng, Z.; Cao, L.; Xing, K.; Fan, F. Rolling bearing fault diagnosis based on multi-channel convolution neural network and multi-scale clipping fusion data augmentation. Measurement 2021, 184, 109885. [Google Scholar] [CrossRef]
  25. Cerrada, M.; Zurita, G.; Cabrera, D.; Sánchez, R.-V.; Artés, M.; Li, C. Fault diagnosis in spur gears based on genetic algorithm and random forest. Mech. Syst. Signal Process. 2016, 70–71, 87–103. [Google Scholar] [CrossRef]
  26. Boudiaf, R.; Abdelkarim, B.; Issam, H. Bearing fault diagnosis in induction motor using continuous wavelet transform and convolutional neural networks. Int. J. Power Electron. Drive Syst. (IJPEDS) 2024, 15, 591–602. [Google Scholar] [CrossRef]
  27. Dong, Z.; Zhao, D.; Cui, L. An Intelligent Bearing Fault Diagnosis Framework: One Dimensional Improved Self Attention-enhanced CNN and Empirical Wavelet Transform. Nonlinear Dyn. 2024, 112, 6439–6459. [Google Scholar] [CrossRef]
  28. Fu, W.; Jiang, X.; Li, B.; Tan, C.; Chen, B.; Chen, X. Rolling bearing fault diagnosis based on 2D time-frequency images and data augmentation technique. Meas. Sci. Technol. 2023, 34, 045005. [Google Scholar] [CrossRef]
  29. Huang, G.; Zhang, Y.; Ou, J. Transfer remaining useful life estimation of bearing using depth-wise separable convolution recurrent network. Measurement 2021, 176, 109090. [Google Scholar] [CrossRef]
  30. Alyasseri, Z.A.A.; Khader, A.T.; Al-Betar, M.A.; Abasi, A.K.; Makhadmeh, S.N. EEG Signals Denoising Using Optimal Wavelet Transform Hybridized with Efficient Metaheuristic Methods. IEEE Access 2020, 8, 10584–10605. [Google Scholar] [CrossRef]
  31. Yao, D.; Yang, J.; Li, X.; Zhao, C. A Hybrid Approach for Fault Diagnosis of Railway Rolling Bearings Using STWD-EMD-GA-LSSVM. Math. Probl. Eng. 2016, 2016, 1–7. [Google Scholar] [CrossRef]
  32. Wang, D.; Guo, W.; Wang, X. A joint sparse wavelet coefficient extraction and adaptive noise reduction method in recovery of weak bearing fault features from a multi-component signal mixture. Appl. Soft Comput. 2013, 13, 4097–4104. [Google Scholar] [CrossRef]
  33. Xiong, J.; Liu, X.; Zhu, X.; Zhu, H.; Li, H.; Zhang, Q. Semi-Supervised Fuzzy C-Means Clustering Optimized by Simulated Annealing and Genetic Algorithm for Fault Diagnosis of Bearings. IEEE Access 2020, 8, 181976–181987. [Google Scholar] [CrossRef]
  34. Wang, B.; Lei, Y.; Li, N.; Yan, T. Deep separable convolutional network for remaining useful life prediction of machinery. Mech. Syst. Signal Process. 2019, 134, 106330. [Google Scholar] [CrossRef]
  35. Jamil, M.A.; Khanam, S. Influence of One-Way ANOVA and Kruskal–Wallis Based Feature Ranking on the Performance of ML Classifiers for Bearing Fault Diagnosis. J. Vib. Eng. Technol. 2023, 12, 3101–3132. [Google Scholar] [CrossRef]
Figure 1. Schematic of CNN.
Figure 1. Schematic of CNN.
Sensors 24 05285 g001
Figure 2. Schematic of DWSC.
Figure 2. Schematic of DWSC.
Sensors 24 05285 g002
Figure 3. Schematic of 1D − CNN.
Figure 3. Schematic of 1D − CNN.
Sensors 24 05285 g003
Figure 4. Flowchart of genetic algorithm.
Figure 4. Flowchart of genetic algorithm.
Sensors 24 05285 g004
Figure 5. Schematic diagram of simulated annealing algorithm.
Figure 5. Schematic diagram of simulated annealing algorithm.
Sensors 24 05285 g005
Figure 6. Flowchart of the proposed optimization algorithm based on GASA.
Figure 6. Flowchart of the proposed optimization algorithm based on GASA.
Sensors 24 05285 g006
Figure 7. The structure of the model.
Figure 7. The structure of the model.
Sensors 24 05285 g007
Figure 8. Schematic diagram of improved Inception layer.
Figure 8. Schematic diagram of improved Inception layer.
Sensors 24 05285 g008
Figure 9. Overall framework of the proposed method.
Figure 9. Overall framework of the proposed method.
Sensors 24 05285 g009
Figure 10. The experimental test rig of PU dataset test rig.
Figure 10. The experimental test rig of PU dataset test rig.
Sensors 24 05285 g010
Figure 11. The motor current signals.
Figure 11. The motor current signals.
Sensors 24 05285 g011
Figure 12. The time–frequency images by CWT.
Figure 12. The time–frequency images by CWT.
Sensors 24 05285 g012
Figure 13. Optimized MSCNN curve with GASA.
Figure 13. Optimized MSCNN curve with GASA.
Sensors 24 05285 g013
Figure 14. (a) The accuracy of the training set and validation set; (b) the loss values of the training set and validation set.
Figure 14. (a) The accuracy of the training set and validation set; (b) the loss values of the training set and validation set.
Sensors 24 05285 g014
Figure 15. Confusion matrix of test results.
Figure 15. Confusion matrix of test results.
Sensors 24 05285 g015
Figure 16. Visual clustering diagram of test results.
Figure 16. Visual clustering diagram of test results.
Sensors 24 05285 g016
Figure 17. Identification results of different SNRs.
Figure 17. Identification results of different SNRs.
Sensors 24 05285 g017
Figure 18. Visualization results of confusion matrices.
Figure 18. Visualization results of confusion matrices.
Sensors 24 05285 g018aSensors 24 05285 g018b
Figure 19. Comparison of recognition accuracy between the different models.
Figure 19. Comparison of recognition accuracy between the different models.
Sensors 24 05285 g019
Figure 20. Comparison of recognition times between the different models.
Figure 20. Comparison of recognition times between the different models.
Sensors 24 05285 g020
Table 1. Working condition information of PU dataset.
Table 1. Working condition information of PU dataset.
NumberRotation Speed (rpm)Radial Force (N)Load Torque (N/m)Working
Condition
0150010000.7N_15_M07_F10
190010000.7N_09_M07_F10
2150010000.1N_15_M01_F10
315004000.7N_15_M07_F14
Table 2. PU dataset working status information.
Table 2. PU dataset working status information.
Bearing NumberDamageLocationDamage LevelLabel
KA01EDMOR10
KA04Fatigue: pittingOR11
KA05Electric EngraverOR12
KA06Electric EngraverOR23
KA09DrilledOR24
KI01EDMIR15
KI03Electric EngraverIR16
KI07Electric EngraverIR27
KI18Fatigue: pittingIR28
KI21Fatigue: pittingIR19
Table 3. Identification results of the proposed model without GASA.
Table 3. Identification results of the proposed model without GASA.
Batch_SizeLearning Rate
0.0010.00010.00020.00040.00060.0008
893.71%96.18%91.59%94.99%95.08%95.72%
1693.73%90.69%95.09%93.62%95.1%92.8%
3289.63%86.18%90.85%92.26%91.52%90.7%
6486.95%75.37%83.38%84.15%83.62%87.22%
12872.53%56.01%64.85%66.77%70.48%72.38%
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

Hu, Q.; Fu, X.; Guan, Y.; Wu, Q.; Liu, S. A Novel Intelligent Fault Diagnosis Method for Bearings with Multi-Source Data and Improved GASA. Sensors 2024, 24, 5285. https://doi.org/10.3390/s24165285

AMA Style

Hu Q, Fu X, Guan Y, Wu Q, Liu S. A Novel Intelligent Fault Diagnosis Method for Bearings with Multi-Source Data and Improved GASA. Sensors. 2024; 24(16):5285. https://doi.org/10.3390/s24165285

Chicago/Turabian Style

Hu, Qingming, Xinjie Fu, Yanqi Guan, Qingtao Wu, and Shang Liu. 2024. "A Novel Intelligent Fault Diagnosis Method for Bearings with Multi-Source Data and Improved GASA" Sensors 24, no. 16: 5285. https://doi.org/10.3390/s24165285

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