Next Article in Journal
Structural Health Monitoring Design and Performance Evaluation of a Middle-Span Bridge
Previous Article in Journal
Enhancing IoT Network Security: Unveiling the Power of Self-Supervised Learning against DDoS Attacks
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Enhanced Feature Extraction Network Based on Acoustic Signal Feature Learning for Bearing Fault Diagnosis

1
School of Environmental and Chemical Engineering, Shenyang University of Technology, Shenyang 110870, China
2
School of Mechanical and Control Engineering, Baicheng Normal University, Baicheng 137000, China
3
School of Mechanical Engineering, Shenyang University of Technology, Shenyang 110870, China
*
Author to whom correspondence should be addressed.
Sensors 2023, 23(21), 8703; https://doi.org/10.3390/s23218703
Submission received: 26 September 2023 / Revised: 18 October 2023 / Accepted: 23 October 2023 / Published: 25 October 2023
(This article belongs to the Section Fault Diagnosis & Sensors)

Abstract

:
The method of acoustic radiation signal detection not only enables contactless measurement but also provides comprehensive state information during equipment operation. This paper proposes an enhanced feature extraction network (EFEN) for fault diagnosis of rolling bearings based on acoustic signal feature learning. The EFEN network comprises four main components: the data preprocessing module, the information feature selection module (IFSM), the channel attention mechanism module (CAMM), and the convolutional neural network module (CNNM). Firstly, the one-dimensional acoustic signal is transformed into a two-dimensional grayscale image. Then, IFSM utilizes three different-sized convolution filters to process input image data and fuse and assign weights to feature information that can attenuate noise while highlighting effective fault information. Next, a channel attention mechanism module is introduced to assign weights to each channel. Finally, the convolutional neural network (CNN) fault diagnosis module is employed for accurate classification of rolling bearing faults. Experimental results demonstrate that the EFEN network achieves high accuracy in fault diagnosis and effectively detects rolling bearing faults based on acoustic signals. The proposed method achieves an accuracy of 98.52%, surpassing other methods in terms of performance. In comparative analysis of antinoise experiments, the average accuracy remains remarkably high at 96.62%, accompanied by a significantly reduced average iteration time of only 0.25 s. Furthermore, comparative analysis confirms that the proposed algorithm exhibits excellent accuracy and resistance against noise.

1. Introduction

The operation of mechanical equipment heavily relies on the performance of rolling bearings, which highlights their crucial role. Ensuring the safe functioning of bearings not only minimizes economic losses for enterprises but also prevents potential casualties [1,2]. The vibration signal emitted by rolling bearings typically carries valuable information regarding their operational faults, thereby offering a promising avenue for accurate fault diagnosis in mechanical research on fault diagnosis, which has extensively explored this area based on vibration signals.
In fault diagnosis based on vibration signals, He et al. [3] installed vibration sensors on mechanical equipment for detection and proposed a research method for fault diagnosis of rotating machinery. Chen et al. [4] used vibration sensors to detect the long-term health status of wind turbines and established a quantitative index of the damage degree of wind turbine bearing failure. Teng et al. [5] tested the bearing fault of a 2 MW wind turbine and demodulated the collected vibration signals, successfully proving that the cyclic spectrum correlation method can effectively identify the fault characteristics of rolling bearings. Qiao et al. [6] made a fault diagnosis of rotating machinery based on vibration signals and successfully extracted early weak fault characteristics of rolling bearings by using a stochastic resonance method. Miao et al. [7] proposed an improved adaptive variational mode decomposition method and used vibration signals to realize composite fault diagnosis of rotating machinery bearings.
Although the above methods can successfully identify the fault characteristics of bearings, they are all based on vibration signals. The fault diagnosis of vibration signals belongs to contact measurement, and the reasonable installation of a vibration sensor has certain requirements regarding its location. For some complex and precise equipment or for instances when the field sensor installation is limited, higher requirements for the sensor layout are put forward; in these cases, acoustic sensors can be used in a noncontact way to collect the acoustic radiation signal of the equipment [8,9]. Additionally, the irregular geometry of certain equipment often hinders direct sensor installation.
Acoustic radiation signals contain rich operating-status information of rolling bearings. In fault diagnosis research based on acoustic signals, some scholars have undertaken the following work: fault classification [10], fault prediction [11], and condition monitoring [12] of rotating machinery based on sound signals. And the integration of deep learning techniques [13,14,15,16] with acoustic radiation signals is specifically emphasized.
For example, Josu’e Pacheco-Ch’errez [17] used three different supervised machine learning methods for comparative analysis to improve the fault prediction accuracy of rotating machinery. Wang et al. [18] proposed a multimodal sensor signal fusion method for acceleration signal and sound signal acquisition, which extracts features from the original vibration signal and acoustic signal, uses a CNN network to fuse them, and finally realizes the fault classification of rolling bearings. In order to solve the bearing fault problem of CNC machine tools, Mohmad lqbal [19] proposed a fault diagnosis method based on the acoustic signal of a convolutional neural network, and the research shows that this method can realize the classification of bearing faults. Eugenio Brusa [20] applied the transfer learning strategy to the fault diagnosis of rolling bearings and verified that the deep learning architecture based on sound signals can realize the fault diagnosis of machines. Bai et al. [21] fused sound and vibration signals to improve the detection accuracy of rolling bearing fault characteristics, which is conducive to the condition monitoring of bearing systems. Zhang et al. [22] focused on the fault diagnosis of offshore wind power equipment using acoustic emission signals and vibration signals. The advantages of acoustic emission sensors include their high sensitivity, precision, and ability to acquire large amounts of data. However, they are limited in their application to specific fields for nondestructive testing and lack wide-ranging applicability.
Although the aforementioned studies made certain advancements in deep learning, their utilization of convolution kernel size is overly simplistic and predominantly relies on single-channel diagnosis, thereby limiting the effective extraction of more comprehensive fault feature information. Moreover, the sound signal is seriously disturbed by background noise, so the question of how to filter the collected sound signal is very important. For complex equipment in the process of operation, the collected signal contains a lot of interference information and shows strong nonstationarity. If the collected original signal is directly input into the neural network, the network will learn many invalid features, resulting in a reduction in classification accuracy. Therefore, the question of how to effectively use sound signal and a deep learning algorithm to achieve fault diagnosis of rolling bearings is very important.
Based on the above research, this paper presents a new method of rolling bearing fault diagnosis based on a multichannel acoustic array signal and multinetwork module combination. The main work of this paper is as follows:
(1)
An IFSM is developed, which utilizes three convolutional filters of varying sizes to process input image data.
(2)
The CAMM is constructed, and it is utilized to assign weights to all branch channels, thereby achieving the refinement of fault information.
(3)
The research on fault diagnosis method for rolling bearings based on sound signals is accomplished by constructing a deep learning network framework that integrates the IFSM, CAMM, and CNNM.
The rest of this article is described below. In Section 2, the proposed theoretical method is introduced in detail. In Section 3, experiments are used to verify the effectiveness of the proposed method. Finally, the conclusion of this paper is introduced.

2. Enhanced Feature Extraction Network

2.1. Multichannel Acoustic Array Data

Compared with the single microphone sensor, the microphone array adopts multiple acoustic sensors to collect data on the running state of the rolling bearing. The ring array can collect the characteristics of the bearing’s circumferential and radial running state. The schematic diagram of the acoustic array measurement points is shown in Figure 1. The fault characteristic information of different bearing types can be collected from multiple angles by installing multiple acoustic sensors on the ring disc to improve the fault diagnosis and identification accuracy of rolling bearings.
Multiple ring array sensors were used for data acquisition, and each data acquisition channel was arranged in parallel to construct a two-dimensional spatial data matrix, and each independent channel also contained rich fault feature information of rolling bearings. In order to extract effective fault feature information at a deeper level, this paper proposed an information feature selection module. And because each channel is both independent and interrelated, it is therefore very important to assign weight to the fault information contained in each channel. This paper uses the channel attention mechanism module to achieve this function.

2.2. Data Preprocessing

Since the two-dimensional image signal contains higher-dimensional fault feature information, this paper converts the collected one-dimensional sound signal into a two-dimensional gray image for feature input. Two-dimensional images provide more abundant fault feature information, which can improve the sample quality of model training.
Firstly, the collected sound signals are normalized. The value range of the normalized data is 1 to 0, corresponding to the change in brightness and darkness of the gray value in the grayscale image, and its mathematical expression is as follows:
x = x x m i n x m a x x m i n
where x represents the input signal, and xmin and xmax represent the minimum and maximum values of signal x, respectively. The output of an RGB image does not generate redundant features; thus, gray images convert the three channels into one channel without any additional operations, resulting in a significant reduction in computational requirements. Then, the collected one-dimensional data signal is reconstructed to form a gray image. In order to optimize the efficiency of network training, it is advisable to limit the size of the fully connected layer structure. This study employs a sampling point length of 1024 for the intercepted one-dimensional signal. Additionally, for computational convenience, the input gray image is designed with equal length and height. Consequently, the one-dimensional signal is evenly divided into 32 segments on average, each segment having a length of 32. Every 32 data points form a column of the grayscale map, and 32 segments of data are stacked with 32 columns and finally reconstructed into 32 × 32 two-dimensional grayscale images. The detailed operation is shown in Figure 2.

2.3. IFSM

The utilization of smaller convolution kernels enables the extraction of more localized features, whereas larger convolution kernels facilitate the extraction of more global features. Generally, incorporating multiple convolution cores of varying sizes can enhance network performance [23,24]. To enhance fault information feature extraction capability, three distinct convolution kernels are selected. The IFSM is shown in Figure 3. Three convolution kernels of different scales are used to carry out convolution operations, and the results of the operations are spliced to obtain signals:
x c c o n v = c o n c a t ( c o n v 1 ( x c ) + c o n v 2 ( x c ) + c o n v 3 ( x c ) )
where xc indicates the L × L dimension number x of c channels. conv1, conv2, and conv3 represent convolution operations with convolution kernel sizes of 3 × 3, 5 × 5, and 7 × 7, respectively. And concat represents the feature concatenation operation. Then, x c c o n v is then fused by a convolution kernel of size 1 × 1 to obtain x c o n v . Finally, the feature weight of input signal x is obtained by sigmoid activation function:
ω c = σ c o n v 4 ( x c o n v )
where σ ( x ) = 1 / ( 1 + e x ) represents sigmoid activation function, and conv4 stands for convolution. Finally, after processing by IFSM module, output signal x c I F S M is obtained:
x c I F S M = x c × ω c

2.4. CAMM

Considering that different channels contain different contribution degrees of fault-characteristic information, the channel attention mechanism is used to assign different weight values to each channel [25,26]. The specific operation process is shown in Figure 4. Firstly, the input signals x c I F S M are processed by global average pooling and global maximum pooling, respectively. The acoustic signals of each channel are compressed and the fault features of each channel are compressed into a global feature. Then, the generated two feature maps are fed into the multilayer perceptron (MLP) with shared weights for interchannel learning, and the dimensionality between the two neural layers is reduced by compression ratio. Finally, the MLP output features are added and activated by sigmoid function to generate channel weight ωc and calculate the output features according to element multiplication. The expression is defined as follows:
ω c ( x c I F S M ) = σ M L P A v g P o o l ( x c I F S M ) + M L P ( M a x P o o l ( x c I F S M ) )
x c C A M M = ω c × x c I F S M
where σ · represents sigmoid activation function, and x c I F S M indicates the signal processed by IFSM. x c C A M M is the output signal after CAMM. AvgPool and MaxPool represent average and maximum pooling operations, respectively.

2.5. CNNM

The fault diagnosis of rolling bearings is achieved through the CNNM network after successfully completing IFSM and CAMM. The classical structure of CNN is shown in Figure 5, which is mainly composed of input layer, convolution layer, pooling layer, activation function layer, and full connection layer.
(1)
Convolutional layer.
The 2D convolution operation is defined as follows:
g 2 ( l ) = ω i , j l i = 1 m j = 1 n x i , j l + b l , l = 1 , 2 , , L .
where g 2 ( l ) represents the features extracted from the lth convolution kernel; ω i , j l represents the weight coefficient; bl stands for the deviation coefficient; and m and n indicate the size of the input information.
(2)
Pooling layer.
After the convolution operation, the linear rectification function (ReLU) is used to carry out nonlinear transformation of the obtained data results. The formula is as follows:
x i , j l + 1 = f ( g 2 ( l ) ) = max { 0 , g 2 ( l ) } , l = 1 , 2 , , L .
The pooling layer is equivalent to downsampling, which compresses the input information features, thus speeding up the operation speed of the neural network. This paper adopts the maximum pooling algorithm, which is defined as follows:
p i , j ( l ) = max { x i , j ( l N , ( l + 1 ) N ) } , l = 1 , 2 , , L .
where N represents the size of the convolution kernel and l represents the lth pooling kernel.
(3)
Fully connected layer.
The fully connected layer integrates the features extracted by the previous layer network and maps these features to the sample label space. The fully connected layer weights and sums the output features of the previous layer and inputs the results into the activation function to complete the classification of the target.
y i p r e = f ReLU ω f c x i , j + b
where w f c is the weight of the fully connected layer and f is the softmax activation function.
(4)
Parameter configuration.
In this study, EFENet is an end-to-end model that relies on a backpropagation algorithm to update parameters during training. The loss function of EFENet is the cross-entropy loss function:
L o s s = i y i log ( y i p r e )
where y i is the actual label and y i p r e is the predicted label.
The present study proposes a feature-enhanced deep learning network and utilizes acoustic array signals for the purpose of fault diagnosis in rolling bearings, based on the aforementioned research foundation. The overall logic block diagram is illustrated in Figure 6, with the specific steps outlined as follows:
Step 1:
acquire multichannel data of rolling bearings using an acoustic array sensor;
Step 2:
convert one-dimensional data into a two-dimensional grayscale image;
Step 3:
feed the 2D grayscale images generated by each channel into the IFSM module for deep learning;
Step 4:
apply the channel attention mechanism module to weight all channels;
Step 5:
input the fused data into the CNNM module for fault feature extraction;
Step 6:
obtain classification results as output.

3. Case Studies

3.1. Experiment Introduction

In this study, in order to verify the feasibility of the proposed method, experimental data were obtained from the rolling bearing test bench. The general technical route is shown in Figure 6. The experimental test system included the motor, controller, rotating shaft, experimental bearing, acoustic array sensor, and data collector, as shown in Figure 7. Sixteen acoustic sensors are mounted on a circular disk in the form of a ring array. The sensor model number is BSWA MPA416, and the sensor sensitivity is 50 mV/Pa; according to the sampling theorem, the sampling frequency of each channel is set to 16,384 Hz. the attenuation of the signal becomes more pronounced when it is positioned 500 mm away from the transmitting source. To facilitate the acquisition of the acoustic array signal, the acoustic array sensor is installed on the plane 200 mm away from the bearing under test; the center point of the sensor is in a straight line with the center of the bearing under test. The status information of the bearing during operation is collected by the acoustic array sensor, and the collected acoustic signals are transmitted to the data acquisition system. The acoustic array sensor is shown in Figure 8a. The model of the data collector is PAK MKII-SC42, as shown in Figure 8b.
The running state of rolling bearings mainly includes the following: normal, inner ring failure, outer ring failure, rolling element failure, and cage failure. Bearing assemblies with different faults were tested on the experimental bench. The geometric parameters of the experimental bearings are shown in Table 1.
The different failure components are shown in Figure 9.
In the process of dataset processing, the failures can be categorized into seven types, which include inner failure, outer failure, rolling element failure, cage failure, and coupling failure. Each fault type contains 500 samples, of which 80% of the dataset is used for network training, while the remaining 20% of the dataset is used for testing and verification. The details of the dataset are shown in Table 2. The fault types are categorized with numerical labels ranging from C0 to C6. In addition, the tenfold crossover method was used for comparative analysis in the experiments. The length of the data sample is 1024. The motor speed is 1200 rpm. The judicious selection of batch size and learning rate not only yields a relatively robust model but also significantly reduces computational overhead. The model optimizer utilizes the Adam algorithm with a learning rate of 0.001 and epochs set to 100. Both training and testing sample batch sizes are set to 36, while model parameters are updated automatically through backpropagation. Taking measuring point 1 as an example, the time-domain signals of seven different fault types are shown in Figure 10.
In the process of neural network training, in order to improve the generalization ability of the network, we use batch normalization (BN) technology. BN is usually placed between the convolutional layer and the pooling layer. In order to prevent overfitting during training, the dropout layer is introduced, and the value of dropout in this paper is set to 0.5. The computer is configured as follows: 11th Gen Intel(R) Core(TM) i7-11700K @ 3.60 GHz, RAM 48 G, NVIDIA GeForce GTX 3070 GPU and made in Texas, USA. EFENet is built under Torch-gpu 1.11.0 based on Python 3.10 [27]. Table 3 shows the detailed information of the proposed algorithm framework.

3.2. Analysis Results

The training and testing process and loss value of the proposed algorithm are shown in Figure 11. It can be seen from Figure 11 that the training accuracy of the proposed algorithm reaches convergence when it iterates about 18 times. The final accuracy of the test set is maintained at about 98%. The loss value of the model decreases rapidly with the increase in the number of iterations and finally remains stable. From the analysis results, it can be concluded that the method proposed in this paper can effectively propose the fault characteristics of rolling bearings from the acoustic array signal. In order to further analyze the difficulty of feature extraction of each type of sound fault signal, the confusion matrix of the test set is shown in Figure 12. The classification accuracy of C0 and C6 fault data is poor, but it is also maintained at 95%. The diagnostic accuracy of other categories is above 98%, which indicates that the proposed method can effectively diagnose the running state of rolling bearings under different fault conditions.
Figure 13 describes the weight proportion of seven types of faults under different channels. It can be clearly seen from Figure 10 that different acoustic array channels have different weight contribution values. Channel 3 and channel 14 have the largest weight contribution values, with a weight coefficient of 0.8, while the weight contribution values of other channels are relatively low. It is further proved that it is necessary to apply the channel attention mechanism module.
In order to understand the details of data processing in each process of the model, a t-distributed stochastic neighbor embedding algorithm (t-SNE) is used to process the initial input stage, information feature selection, channel attention mechanism, and convolutional neural network of various fault data. The results are shown in Figure 14. It can be seen from Figure 14a that when the data first entered the model, the distribution was irregular and random. In Figure 14b, the feature distribution gradually became regular, and data of different categories began to gather within the class. In Figure 14c, the spacing within the class gradually increased to achieve effective classification results. The classification effects of various faults are clearly discernible in Figure 14d, ultimately.

3.3. Comparison of Results with Other Methods

In order to verify the fault diagnosis performance of the proposed algorithm, the proposed method is compared with a residual convolutional autoencoder (RCAE) [23], sparse autoencoders (SAE), CNN, DenseNet, and ResNet. Detailed parameters of the other five methods are shown in Table 4. The classifier structure is the same as the EFENet network structure “2048-1024-256-7”. The RCAE architecture comprises two conv-pool layers and one deconv layer. The CNN network is composed of three conv-pool layers. The ResNet and DenseNet networks consist of a residual module and a dense connection block module (den), respectively. The convolutional kernel has a size of 3 and a stride of 1, while the pooling operation utilizes maximum pooling with a stride of 2. The batch size is set to 36 and the learning rate to 0.005. The comparison of the results of five different methods’ operations are shown in Figure 15. It is evident from the figure that each method exhibits an average classification accuracy of 98.52%, 97.36%, 93.58%, 82.36%, and 96.42%, respectively, with the SAE method demonstrating the lowest diagnostic accuracy. Notably, our proposed method surpasses CNN by a margin of 7% and ResNet by a margin of 4%. These comparative findings highlight the superior fault diagnosis performance achieved by our proposed approach, further validating the effectiveness of the information feature selection module and channel attention mechanism module in extracting bearing fault features from acoustic array signals.
The proposed method was further validated by employing sensitivity, specificity, precision recall, and F1-score to analyze the specificity results in comparison with other methods. The formula for each indicator is defined as follows:
Sensitivity = TP/(TP + FP)
Specificity = TN/(TN + FN)
Precision = TP/(TP + FP)
Recall = TP/(TP + FN)
F1-Score = 2 × (Precision × Recall)/(Precision + Recall)
where TP represents true positive, which refers to the number of correctly predicted positive samples. FP represents false positive, indicating the number of incorrectly predicted positive samples. TN stands for true negative, denoting the number of accurately predicted negative samples. FN signifies false negative, representing the number of erroneously predicted negative samples. The comparison results of the five methods are shown in Table 5. The values of each index of the proposed method, as shown in Table 5, surpass those of other methods, thereby further substantiating the accuracy of the proposed method.

3.4. Antinoise Experimental Analysis

In order to further evaluate the noise absorption capability of the algorithm proposed in this paper, 2 dB white Gaussian noise was added to the collected acoustic array signal sample, and the SNR formula is defined as follows:
SNR = 10lg(Psignal/Pnoise)
The three methods, namely, RCAE, DenseNet, and ResNet, which exhibited relatively good diagnostic performance in the previous section were selected and compared with the approaches proposed in this paper. The comparative results are presented in Table 6. These findings demonstrate that EFENet achieves a fault diagnosis accuracy as high as 96.62%, greater than the other three methods and indicating its excellent antinoise capability and superior robustness. Furthermore, the average iteration time of the EFENet model is recorded at 0.25 s, highlighting its computational efficiency suitable for acoustic-signal-based rolling bearing fault diagnosis applications.
The t-SNE clustering results of the four methods are presented in Figure 16. It is evident from the figure that the fault clustering performance of the ResNet method is subpar, as all seven types of fault data appear to be intertwined without effective separation. While both the DenseNet and RCAE methods exhibit a relatively satisfactory ability to separate most of the fault data, there still exist instances of misclassification and indistinct boundaries. In contrast, our proposed method demonstrates superior classification effectiveness with distinct boundaries and substantial interclass spacing, further substantiating its superiority.
The accuracy curve during the training process of the four test sets is depicted in Figure 17. It can be observed from the figure that the RCAE method exhibits the most rapid convergence speed. However, this method’s accuracy is unstable, averaging 95%. The ResNet and DenseNet methods demonstrate relatively lower accuracies, reaching approximately 94% and 91%, respectively. In comparison to these approaches, our proposed method showcases a relatively fast convergence speed with a peak accuracy rate of 97%. Furthermore, our proposed method demonstrates stable convergence accuracy, providing further evidence for its ability to suppress noise and achieve high robustness under noisy conditions.
The Equations (12)–(16) indicators were retained for the analysis of all methods, and the resulting findings are presented in Table 7. As can be seen from Table 7, the values of each index of the proposed method are greater than those of the other methods, which once again proves that the proposed method has good antinoise ability.

4. Conclusions

The installation of vibration sensors may not be feasible under certain special conditions, leading to serious problems with susceptibility to background noise interference in sound signals. To address this issue, a research method for rolling bearings is proposed that includes data preprocessing, information feature selection, a channel attention mechanism, and a convolutional neural network. The following conclusions are drawn:
(1)
The EFENet network effectively proposes fault characteristics of rolling bearings from acoustic array signals. Furthermore, this method exhibits fast convergence speed and maintains a test set accuracy of 98%.
(2)
Compared with RCAE, CNN, SAE, DenseNet, and ResNet, it can be observed that the fault classification accuracy of the EFENet network reaches as high as 98.52%, which is 7% higher than CNN and 4% higher than ResNet. The proposed method in this paper achieves superior fault diagnosis performance. It further demonstrates that the information feature selection module and channel attention mechanism module proposed in this study effectively extract bearing fault feature information from acoustic array signals.
(3)
During the antinoise experiment process, t-SNE results of the EFENet network exhibited clear boundaries and significant spacing between classes. This indicates that EFENet accuracy and stability hold even under noisy background conditions. The algorithm proposed in this paper holds certain engineering application value for rolling bearing fault diagnosis.
The method proposed in this paper offers the advantages of convenient sensor installation, high algorithm accuracy, and fast calculation speed. It holds significant practical value for engineering applications. Aiming at the computational efficiency and overfitting problems of the model, we will take into consideration novel models for lightweight pretrained deep learning models in future endeavors. The future research endeavors of our team will focus on the development and refinement of fault life prediction methods for rolling bearings, specifically utilizing acoustic radiation signals.

Author Contributions

Conceptualization, Y.L. and S.K.; methodology, Y.L.; software, Y.L. and S.K.; validation, Y.L. and W.L.; formal analysis, Y.L.; investigation, Y.L.; resources, X.T. and X.K.; data curation, Y.L. and X.K.; writing—original draft preparation, Y.L.; writing—review and editing, Y.L. and S.K.; visualization, Y.L.; supervision, F.S.; project administration, F.S. and X.T.; funding acquisition, X.T. All authors have read and agreed to the published version of the manuscript.

Funding

This work is supported by the National Natural Science Foundation of China (No. 51675350), “Jie Bang Gua Shuai” Key Technologies R&D Program of Liaoning Province, project No. 2021JH1/10400031, and Liaoning Province Research Center for Wastewater Treatment and Reuse.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

The detailed data supporting the results of this study are available from the corresponding authors upon request.

Acknowledgments

Thanks to Xiaotian Bai of Shenyang Jianzhu University for providing the experimental bench.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Wahengbam, K.; Singh, M.P.; Nongmeikapam, K.; Singh, A.D. A Group Decision Optimization Analogy-Based Deep Learning Architecture for Multiclass Pathology Classification in a Voice Signal. IEEE Sens. J. 2021, 21, 8100–8116. [Google Scholar] [CrossRef]
  2. Xu, Z.; Li, C.; Yang, Y. Fault diagnosis of rolling bearings using an Improved Multi-Scale Convolutional Neural Network with Feature Attention mechanism. ISA Trans. 2021, 110, 379–393. [Google Scholar] [CrossRef]
  3. He, W.; Guo, B.; Chen, B.; Ye, J.; Bechhoefer, E. A data-driven group-sparse feature extraction method for fault detection of wind turbine transmission system. Meas. Sci. Technol. 2020, 31, 74008. [Google Scholar] [CrossRef]
  4. Chen, P.; Li, Y.; Wang, K.; Zuo, M.J.; Heyns, P.S.; Baggeröhr, S. A threshold self-setting condition monitoring scheme for wind turbine generator bearings based on deep convolutional generative adversarial networks. Measurement 2021, 167, 108234. [Google Scholar] [CrossRef]
  5. Teng, W.; Ding, X.; Zhang, Y.; Liu, Y.; Ma, Z.; Kusiak, A. Application of cyclic coherence function to bearing fault detection in a wind turbine generator under electromagnetic vibration. Mech. Syst. Signal Process. 2017, 87, 279–293. [Google Scholar] [CrossRef]
  6. Qiao, Z.; Lei, Y.; Lin, J.; Jia, F. An adaptive unsaturated bistable stochastic resonance method and its application in mechanical fault diagnosis. Mech. Syst. Signal Process. 2017, 84, 731–746. [Google Scholar] [CrossRef]
  7. Miao, Y.; Zhao, M.; Lin, J. Identification of mechanical compound-fault based on the improved parameter-adaptive variational mode decomposition. ISA Trans. 2019, 84, 82–95. [Google Scholar] [CrossRef]
  8. Adam, G. Fault diagnosis of single-phase induction motor based on acoustic signals. Mech. Syst. Sig. Process 2019, 117, 65–80. [Google Scholar]
  9. Glowacz, A.; Tadeusiewicz, R.; Legutko, S.; Caesarendra, W.; Irfan, M.; Liu, H.; Xiang, J. Fault diagnosis of angle grinders and electric impact drills using acoustic signals. Appl. Acoust. 2021, 179, 108070. [Google Scholar] [CrossRef]
  10. Ye, Z.; Yu, J. AKRNet: A novel convolutional neural network with attentive kernel residual learning for feature learning of gearbox vibration signals. Neurocomputing 2021, 447, 23–37. [Google Scholar] [CrossRef]
  11. Zhang, X.; Han, P.; Xu, L.; Zhang, F.; Wang, Y.; Gao, L. Research on Bearing Fault Diagnosis of Wind Turbine Gearbox Based on 1DCNN-PSO-SVM. IEEE Access 2020, 8, 192248–192258. [Google Scholar] [CrossRef]
  12. Zhu, X.; Wang, R.; Fan, Z.; Xia, D.; Liu, Z.; Li, Z. Gearbox fault identification based on lightweight multivariate multidirectional induction network. Meas. J. Int. Meas. Confed. 2022, 193, 110977. [Google Scholar] [CrossRef]
  13. Yan, R.; Shen, F.; Sun, C.; Chen, X. Knowledge Transfer for Rotary Machine Fault Diagnosis. IEEE Sens. J. 2020, 20, 8374–8393. [Google Scholar] [CrossRef]
  14. Li, Y.; Jiang, W.; Zhang, G.; Shu, L. Wind turbine fault diagnosis based on transfer learning and convolutional autoencoder with small-scale data. Renew. Energy 2021, 171, 103–115. [Google Scholar] [CrossRef]
  15. Xu, Y.; Li, Z.; Wang, S.; Li, W.; Sarkodie-Gyan, T.; Feng, S. A hybrid deep-learning model for fault diagnosis of rolling bearings. Measurement 2021, 169, 108502. [Google Scholar] [CrossRef]
  16. 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]
  17. Pacheco-Chérrez, J.; Fortoul-Díaz, J.A.; Cortés-Santacruz, F.; Aloso-Valerdi, L.M.; Ibarra-Zarate, D.I. Bearing fault detection with vibration and acoustic signals: Comparison among different machine leaning classification methods. Eng. Fail. Anal. 2022, 139, 106515. [Google Scholar] [CrossRef]
  18. Wang, X.; Mao, D.; Li, X. Bearing fault diagnosis based on vibro-acoustic data fusion and 1D-CNN network. Measurement 2021, 173, 108518. [Google Scholar] [CrossRef]
  19. Iqbal, M.; Madan, A.K. CNC Machine-Bearing Fault Detection Based on Convolutional Neural Network Using Vibration and Acoustic Signal. J. Vib. Eng. Technol. 2022, 10, 1613–1621. [Google Scholar] [CrossRef]
  20. Brusa, E.; Delprete, C.; Di Maggio, L.G. Deep Transfer Learning for Machine Diagnosis: From Sound and Music Recognition to Bearing Fault Detection. Appl. Sci. 2021, 11, 11663. [Google Scholar] [CrossRef]
  21. Shi, H.; Li, Y.; Bai, X.; Zhang, K.; Sun, X. A two-stage sound-vibration signal fusion method for weak fault detection in rolling bearing systems. Mech. Syst. Signal Process. 2022, 172, 109012. [Google Scholar] [CrossRef]
  22. Zhang, Y.; Yu, K.; Lei, Z.; Ge, J.; Xu, Y.; Li, Z.; Ren, Z.; Feng, K. Integrated intelligent fault diagnosis approach of offshore wind turbine bearing based on information stream fusion and semi-supervised learning. Expert Syst. Appl. 2023, 232, 120854. [Google Scholar] [CrossRef]
  23. Yu, J.; Zhou, X. One-dimensional residual convolutional autoencoder based feature learning for gearbox fault diagnosis. IEEE Trans. Ind. Inform. 2020, 16, 6347–6358. [Google Scholar] [CrossRef]
  24. Che, C.; Wang, H.; Ni, X.; Lin, R. Hybrid multimodal fusion with deep learning for rolling bearing fault diagnosis. Meas. J. Int. Meas. Confed. 2021, 173, 108655. [Google Scholar] [CrossRef]
  25. Li, J.; Liu, Y.; Li, Q. Intelligent fault diagnosis of rolling bearings under imbalanced data conditions using attention-based deep learning method. Meas. J. Int. Meas. Confed. 2022, 189, 110500. [Google Scholar] [CrossRef]
  26. Huang, Y.; Liao, A.; Hu, D.; Shi, W.; Zheng, S. Multi-scale convolutional network with channel attention mechanism for rolling bearing fault diagnosis. Meas. J. Int. Meas. Confed. 2022, 203, 111935. [Google Scholar] [CrossRef]
  27. Rózsa, B.; Antal, G.; Ferenc, R. Don’t DIY: Automatically transform legacy Python code to support structural pattern matching. In Proceedings of the 2022 IEEE 22nd International Working Conference on Source Code Analysis and Manipulation, Limassol, Cyprus, 3–4 October 2022. [Google Scholar]
Figure 1. Schematic diagram of acoustic array measuring points.
Figure 1. Schematic diagram of acoustic array measuring points.
Sensors 23 08703 g001
Figure 2. Two-dimensional grayscale map after reshaping process of acoustical signal.
Figure 2. Two-dimensional grayscale map after reshaping process of acoustical signal.
Sensors 23 08703 g002
Figure 3. Information feature selection module.
Figure 3. Information feature selection module.
Sensors 23 08703 g003
Figure 4. Channel attention mechanism module.
Figure 4. Channel attention mechanism module.
Sensors 23 08703 g004
Figure 5. Convolutional neural network structure diagram.
Figure 5. Convolutional neural network structure diagram.
Sensors 23 08703 g005
Figure 6. EFENet-based bearing fault diagnosis.
Figure 6. EFENet-based bearing fault diagnosis.
Sensors 23 08703 g006
Figure 7. The experimental test device.
Figure 7. The experimental test device.
Sensors 23 08703 g007
Figure 8. Test equipment: (a) acoustic array sensor; (b) data collector.
Figure 8. Test equipment: (a) acoustic array sensor; (b) data collector.
Sensors 23 08703 g008
Figure 9. The different failure components.
Figure 9. The different failure components.
Sensors 23 08703 g009
Figure 10. The time-domain signals of 7 different fault types.
Figure 10. The time-domain signals of 7 different fault types.
Sensors 23 08703 g010
Figure 11. Loss and accuracy of the EFENet training process.
Figure 11. Loss and accuracy of the EFENet training process.
Sensors 23 08703 g011
Figure 12. The confusion matrix results for EFENet.
Figure 12. The confusion matrix results for EFENet.
Sensors 23 08703 g012
Figure 13. The weight values of different faults on different channels.
Figure 13. The weight values of different faults on different channels.
Sensors 23 08703 g013
Figure 14. Visualization results of EFENet method:(a) Original input. (b) IFSM-CFSM. (c) 2D-CNN. (d) Classifier.
Figure 14. Visualization results of EFENet method:(a) Original input. (b) IFSM-CFSM. (c) 2D-CNN. (d) Classifier.
Sensors 23 08703 g014
Figure 15. The results of different methods.
Figure 15. The results of different methods.
Sensors 23 08703 g015
Figure 16. Visualization of features from (a) ResNet, (b) DenseNet, (c) RCAE, and (d) our method.
Figure 16. Visualization of features from (a) ResNet, (b) DenseNet, (c) RCAE, and (d) our method.
Sensors 23 08703 g016aSensors 23 08703 g016b
Figure 17. Accuracy of four methods during training process.
Figure 17. Accuracy of four methods during training process.
Sensors 23 08703 g017
Table 1. Structural parameters of rolling bearings.
Table 1. Structural parameters of rolling bearings.
Structural ParametersParameter ValuesStructural ParametersParameter Values
Bearing typeMB ER-8KContact angle
Inside diameter0.91 inThe number of rollers8
Pitch diameter1.32 inRoller diameter0.312 in
Table 2. Setup of the fault dataset of bearings.
Table 2. Setup of the fault dataset of bearings.
Bearing ConditionWorking Speed (r/min)Training/Testing Sample SizeLabel
Two normal bearings1200400/100C0
Outer race failure (near the sensor), one normal1200400/100C1
Inner race failure (near the sensor), one normal1200400/100C2
Ball failure (near the sensor), one normal1200400/100C3
Compound failure of inner and outer races (near the sensor), one normal1200400/100C4
Outer race failure (near the sensor), inner race failure1200400/100C5
Outer race failure, inner race failure (near the sensor)1200400/100C6
Table 3. The structure and parameter setting of the method are presented.
Table 3. The structure and parameter setting of the method are presented.
Type of LayerParametersOutput Size
Input layer -[16@1024 × 1]
Image conversion [16@32 × 32]
IFSM
Conv layer 1Kernel = [3 × 3], stride = 1[16@32 × 32]
Conv layer 2Kernel = [5 × 5], stride = 1[16@32 × 32]
Conv layer 3Kernel = [7 × 7], stride = 1[16@32 × 32]
ConcatKernel = [1 × 1], stride = 1[16@32 × 32]
CFSM
Avg-poolKernel = [32 × 32], stride = 1-
Max-poolKernel = [32 × 32], stride = 1-
2D-CNN
Conv layer 1Kernel = [7 × 7], stride = 2[16@32 × 32]
Pooling layer 1Kernel = [2 × 2], stride = 2[16@16 × 16]
Conv layer 2Kernel = [2 × 2], stride = 1[32@16 × 16]
Pooling layer 2Kernel = [2 × 2], stride = 2[32@8 × 8]
Classifier2048-1024-256-77
Table 4. Structure and parameter setting of comparison methods.
Table 4. Structure and parameter setting of comparison methods.
ModelsParameters
RCAE [25]2*[Conv-Pool]-1*[Deconv]-Classifier
CNN3*(Conv-Pool)-Classifier
ResNet2*[Conv-Pool]-1*Res-Pool-Classifier
DenseNet2*[Conv-Pool]-1*Den-Pool-Classifier
SAE2048-1024-256-7
Table 5. Comparative results of different evaluation indexes.
Table 5. Comparative results of different evaluation indexes.
SensitivitySpecificityPrecisionRecallF1-Score
Our method0.980.990.970.970.97
RCAE0.970.970.950.960.95
CNN0.930.940.920.930.92
SAE0.820.830.790.810.80
DenseNet0.960.950.910.940.92
ResNet0.950.940.930.930.93
Table 6. Results of four models based on fivefold cross-validation.
Table 6. Results of four models based on fivefold cross-validation.
1st2nd3rd4th5thAverageAverage Iteration Time
ResNet88.788.390.289.688.989.143.61 s
DenseNet92.692.391.990.891.691.8417.49 s
RCAE94.294.893.293.894.594.100.32 s
Our method96.896.396.797.196.296.620.25 s
Table 7. Comparative results of different evaluation indexes after introducing noise.
Table 7. Comparative results of different evaluation indexes after introducing noise.
SensitivitySpecificityPrecisionRecallF1-Score
Our method0.960.960.960.970.96
RCAE0.930.950.950.940.94
DenseNet0.900.910.890.900.89
ResNet0.880.890.870.880.87
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

Luo, Y.; Lu, W.; Kang, S.; Tian, X.; Kang, X.; Sun, F. Enhanced Feature Extraction Network Based on Acoustic Signal Feature Learning for Bearing Fault Diagnosis. Sensors 2023, 23, 8703. https://doi.org/10.3390/s23218703

AMA Style

Luo Y, Lu W, Kang S, Tian X, Kang X, Sun F. Enhanced Feature Extraction Network Based on Acoustic Signal Feature Learning for Bearing Fault Diagnosis. Sensors. 2023; 23(21):8703. https://doi.org/10.3390/s23218703

Chicago/Turabian Style

Luo, Yuanqing, Wenxia Lu, Shuang Kang, Xueyong Tian, Xiaoqi Kang, and Feng Sun. 2023. "Enhanced Feature Extraction Network Based on Acoustic Signal Feature Learning for Bearing Fault Diagnosis" Sensors 23, no. 21: 8703. https://doi.org/10.3390/s23218703

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