An Imbalanced Fault Diagnosis Method Based on TFFO and CNN for Rotating Machinery
Abstract
:1. Introduction
- The proposed method performs a comprehensive data expansion from different dimensions. On the one hand, the sliding segmentation method partially expands some numbers of time-domain fault samples. On the other hand, SMOTE is applied to build a balanced dataset by expanding the minority fault samples in the time-frequency images.
- CWT is employed as a pre-processing tool to construct 2-dimensional time-frequency images and denoise the data to enhance the stability of the features. In addition, an improved CNN based on LeNet-5 is established to extract the features and automatically recognize the fault location.
- Compared with existing mainstream data augmentation techniques such as GAN and LSTM, the TFFO-CNN-based model has better performance in the diagnosis of bearing and gear failures under two imbalanced datasets, even under the interference of noisy environments.
2. Methodology
2.1. Data Expansion Based on Sliding Segmentation and SMOTE
2.1.1. Sliding Segmentation
- Window size. Theoretically, the size of the essential sliding window should be greater than or equal to one rotation period. Therefore, according to the rotation speed and the sampling frequency, the number of sample points produced by a rotation period of the bearing or gear can be calculated, that is, the minimum length of the sliding window.
- Sliding step. The most basic principle for choosing the moving step size is that it should be less than one rotation period and that the step size should be smaller than the sliding window size. On the one hand, when the sliding step is small, the overlap rate of adjacent samples is higher, and the difference of expanded samples is slight, which is easy to cause overfitting of training. On the contrary, when the sliding step size is more extensive, due to the limitation of sample length, the expanded sample size is smaller, which is easy to cause training underfitting.
- Starting point and sliding direction. In general, the first point of the raw data is set as the starting point of the sliding window on the premise that the data are correct. Until the last point of the data, the sliding direction should move in the direction of time.
2.1.2. Introduction to SMOTE
- For each minority category , its distance from all surrounding samples is calculated on the basis of the Euclidean distance, and K nearest neighbor is obtained.
- According to the sample imbalance ratio, the sampling ratio is set. For each minority sample, several samples are randomly selected from their K nearest neighbors.
- For each randomly selected nearest-neighbor sample, create a new random point on the line segment connecting the pattern and the selected neighbor, as follows:
2.2. Introduction of CWT
2.2.1. Wavelet Transform
2.2.2. Selection of the Wavelet Basis Function
2.3. Improved CNN Model Construction
- (1)
- The LeNet-5 network uses a fixed 5 × 5 convolutional kernel, but the convolutional kernel is too large to extract the fine local features in the sample. In this paper, two convolution kernels of different sizes are constructed to extract the image’s main features and fine local features, respectively.
- (2)
- To enhance the robustness of the model, the improved model adds a ReLU activation function after the convolution layer, which is useful to avoid gradient saturation and reduce the training time.
- (3)
- The LeNet-5 network uses two fully connected layers, which is computationally intensive and time-consuming. Therefore, in the improved CNN in this paper, only one fully connected layer is used after the convolution module with the Softmax layer for output;
- (4)
- A Dropout technique is added before the fully connected layer. This approach reduces the degree of correlation between neurons, thus avoiding network overfitting and improving the generalizability of the model.
3. Proposed Approach
- Data acquisition. Bearings or gears experimental objects with different types of failure are loaded using different test benches. Acceleration sensors are installed to collect and construct vibration signal datasets.
- First data expansion. On the basis of the above vibration signal dataset, slip segmentation sampling is performed to extend the range of samples. Moreover, CWT is applied to denoise and generate time-frequency maps containing rich information in time and frequency domains.
- Second data augment. Samples from a few classes are analyzed to create new samples among the randomly selected nearest neighbor samples using SMOTE. The sampling rate is set according to the data imbalance rate to balance the time-frequency map dataset.
- Diagnostic model. The time-frequency map dataset is fed into a designed CNN model comprising convolution, pooling, and fully connected layers with Softmax to output gear and bearing fault diagnosis results.
- Visualization. The model output is visualized using the T-SNE algorithm and the confusion matrix.
4. Experiments and Results
4.1. Case Study 1: The Locomotive Bearing Dataset
4.1.1. Experimental Setup
4.1.2. Preprocessing of Data and Parameter Selection
4.1.3. Diagnosis Results and Visualization
4.2. Case Study 2: The Gearbox Dataset
4.2.1. Experimental Setup
4.2.2. Experimental Results
4.3. Discussion
5. Conclusions
- (1)
- The proposed model constructs balanced datasets by simultaneously extending the time-domain signal and time-frequency domain features, which performs a comprehensive data expansion from different dimensions.
- (2)
- Applying the CWT to convert vibration signals into image data allows the signal to achieve denoising and automatic feature extraction. SMOTE oversampling method is performed on the denoised time-frequency features to generate high-quality samples, which solves the problem that the other sample expansion methods do not consider the noise and result in the low quality of the generated data, such as GAN and LSTM. The time-frequency feature oversampling method that combined CWT and SMOTE can significantly reduce the sample generation time.
- (3)
- The proposed imbalance fault diagnosis model solves the problem of inadequate model training effectively under a variety of imbalanced radios. The proposed imbalance fault diagnosis approach has more than 99% accuracy at different SNRs using bearing dataset 3. Meanwhile, compared to the other methods, including CWT-CNN, CWT-GAN-CNN, and LSTM-CNN, the method proposed in this paper improved accuracy by 18.35%, 2.47%, and 7.19% in the gear dataset, respectively. Experiments prove that the final fault recognition rate of the imbalance fault diagnosis model of rotating machinery based on TFFO, and CNN is the best among the models tested.
Author Contributions
Funding
Institutional Review Board Statement
Informed Consent Statement
Data Availability Statement
Conflicts of Interest
Abbreviations
TFFO | Time-Frequency Feature Oversampling Technique |
CNN | Convolution Neural Networks |
CWT | Continuous Wavelet Transform |
GAN | Generating Adversarial Networks |
RNN | Recurrent Neural Networks |
VAE | Variational Auto-Encoder |
SMOTE | Synthetic Minority Oversampling Technique |
SVM | Support Vector Machine |
WT | Wavelet Transform |
SNR | Signal-to-Noise Ratios |
LSTM | Long Short-Term Memory Network |
Mathematical Notations
M is the number of samples after sliding segmentation N is the sample length W is the slip window size B is the moving step size | |
is the generated point is the minority category is the surrounding sample is the uniform random variable in the range (0,1) | |
is the vibration signal is the Hilbert Space | |
is the translation factor is the scale parameter is a family of wavelet functions is the wavelet transform |
References
- Sharma, S.; Tiwari, S.K.; Singh, S. Integrated approach based on flexible analytical wavelet transform and permutation entropy for fault detection in rotary machines. Meas. J. Int. Meas. Confed. 2021, 169, 108389. [Google Scholar] [CrossRef]
- Zhang, L.; Zhang, J.; Peng, Y.; Lin, J. Intra-Domain Transfer Learning for Fault Diagnosis with Small Samples. Appl. Sci. 2022, 12, 7032. [Google Scholar] [CrossRef]
- Chen, Y.; Zhang, T.; Zhao, W.; Luo, Z.; Lin, H. Rotating Machinery Fault Diagnosis Based on Improved Multiscale Amplitude-Aware Permutation Entropy and Multiclass Relevance Vector Machine. Sensors 2019, 19, 4542. [Google Scholar] [CrossRef] [PubMed] [Green Version]
- Vashishtha, G.; Kumar, R. Feature Selection Based on Gaussian Ant Lion Optimizer for Fault Identification in Centrifugal Pump. In Recent Advances in Machines and Mechanisms; Springer: Singapore, 2023; pp. 295–310. [Google Scholar]
- Zhao, Z.; Li, T.; Wu, J.; Sun, C.; Wang, S.; Yan, R.; Chen, X. Deep learning algorithms for rotating machinery intelligent diagnosis: An open source benchmark study. ISA Trans. 2020, 107, 224–255. [Google Scholar] [CrossRef]
- 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]
- Tyagi, S.; Panigrahi, S.K. Transient Analysis of Ball Bearing Fault Simulation using Finite Element Method. J. Inst. Eng. (India) Ser. C 2014, 95, 309–318. [Google Scholar] [CrossRef]
- Kankar, P.K.; Sharma, S.C.; Harsha, S.P. Fault diagnosis of ball bearings using continuous wavelet transform. Appl. Soft Comput. 2011, 11, 2300–2312. [Google Scholar] [CrossRef]
- Zhang, L.; Lin, J.; Shao, H.; Zhang, Z.; Yan, X.; Long, J. End-to-end unsupervised fault detection using a flow-based model. Reliab. Eng. Syst. Safe 2021, 215, 107805. [Google Scholar] [CrossRef]
- Di, L.; Lin, Z. Control of a flexible rotor active magnetic bearing test rig: A characteristic model based all-coefficient adaptive control approach. Control Theory Technol. 2014, 12, 1–12. [Google Scholar] [CrossRef]
- Zhou, Q.; Yan, P.; Liu, H.; Xin, Y. A hybrid fault diagnosis method for mechanical components based on ontology and signal analysis. J. Intell. Manuf. 2019, 30, 1693–1715. [Google Scholar] [CrossRef]
- Li, M.; Yu, D.; Chen, Z.; Xiahou, K.; Ji, T.; Wu, Q.H. A Data-Driven Residual-Based Method for Fault Diagnosis and Isolation in Wind Turbines. IEEE Trans. Sustain. Energ. 2019, 10, 895–904. [Google Scholar] [CrossRef]
- 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]
- Cerrada, M.; Sánchez, R.; Li, C.; Pacheco, F.; Cabrera, D.; Valente De Oliveira, J.; Vásquez, R.E. A review on data-driven fault severity assessment in rolling bearings. Mech. Syst. Signal Process. 2018, 99, 169–196. [Google Scholar] [CrossRef]
- Janssens, O.; Slavkovikj, V. Convolutional Neural Network Based Fault Detection for Rotating Machinery. J. Sound Vib. 2016, 377, 331–345. [Google Scholar] [CrossRef]
- Yao, Y.; Zhang, S.; Yang, S.; Gui, G. Learning Attention Representation with a Multi-Scale CNN for Gear Fault Diagnosis under Different Working Conditions. Sensors 2020, 20, 1233. [Google Scholar] [CrossRef] [Green Version]
- Zhang, W.; Li, C.; Peng, G.; Chen, Y.; Zhang, Z. A deep convolutional neural network with new training methods for bearing fault diagnosis under noisy environment and different working load. Mech. Syst. Signal Process. 2018, 100, 439–453. [Google Scholar] [CrossRef]
- Jia, F.; Lei, Y.; Lu, N.; Xing, S. Deep normalized convolutional neural network for imbalanced fault classification of machinery and its understanding via visualization. Mech. Syst. Signal Process. 2018, 110, 349–367. [Google Scholar] [CrossRef]
- Wang, X.; Cui, L.; Wang, H.; Jiang, H. A generalized health indicator for performance degradation assessment of rolling element bearings based on graph spectrum reconstruction and spectrum characterization. Measurement 2021, 176, 109165. [Google Scholar] [CrossRef]
- Mao, W.; Liu, Y.; Ding, L.; Li, Y. Imbalanced Fault Diagnosis of Rolling Bearing based on Generative Adversarial Network: A Comparative Study. IEEE Access 2019, 7, 9515–9530. [Google Scholar] [CrossRef]
- Zhou, F.; Yang, S.; Fujita, H.; Chen, D.; Wen, C. Deep learning fault diagnosis method based on global optimization GAN for unbalanced data. Knowl.-Based Syst. 2020, 187, 104837. [Google Scholar] [CrossRef]
- Yang, J.; Gao, T.; Jiang, S.; Li, S.; Tang, Q. Fault Diagnosis of Rotating Machinery Based on One-Dimensional Deep Residual Shrinkage Network with a Wide Convolution Layer. Shock Vib. 2020, 2020, 8880960. [Google Scholar] [CrossRef]
- Yaqub, M.F.; Gondal, I.; Kamruzzaman, J. An Adaptive Self-Configuration Scheme for Severity Invariant Machine Fault Diagnosis. IEEE Trans. Reliab. 2013, 62, 160–170. [Google Scholar] [CrossRef]
- Dong, Y.; Li, Y.; Zheng, H.; Wang, R.; Xu, M. A new dynamic model and transfer learning based intelligent fault diagnosis framework for rolling element bearings race faults: Solving the small sample problem. ISA Trans. 2022, 121, 327–348. [Google Scholar] [CrossRef] [PubMed]
- Shao, S.; Wang, P.; Yan, R. Generative adversarial networks for data augmentation in machine fault diagnosis. Comput. Ind. 2019, 106, 85–93. [Google Scholar] [CrossRef]
- Zhou, Q.; Li, Y.; Tian, Y.; Jiang, L. A novel method based on nonlinear auto-regression neural network and convolutional neural network for imbalanced fault diagnosis of rotating machinery. Measurement 2020, 161, 107880. [Google Scholar] [CrossRef]
- Zhao, D.; Liu, S.; Gu, D.; Sun, X.; Wang, L.; Wei, Y.; Zhang, H. Enhanced data-driven fault diagnosis for machines with small and unbalanced data based on variational auto-encoder. Meas. Sci. Technol. 2020, 31, 035004. [Google Scholar] [CrossRef]
- Zhu, T.; Lin, Y.; Liu, Y. Synthetic minority oversampling technique for multiclass imbalance problems. Pattern Recogn. 2017, 72, 327–340. [Google Scholar] [CrossRef]
- Han, H.; Wang, W.; Mao, B. Borderline-SMOTE: A New Over-Sampling Method in Imbalanced Data Sets Learning. In Proceedings of the International Conference on Intelligent Computing, Hefei, China, 23–26 August 2005; Springer: Berlin/Heidelberg, Germany, 2005; pp. 878–887. [Google Scholar]
- Bunkhumpornpat, C.; Sinapiromsaran, K.; Lursinsap, C. Safe-Level-SMOTE: Safe-Level-Synthetic Minority Over-Sampling TEchnique for Handling the Class Imbalanced Problem. In Pacific-Asia Conference on Advances in Knowledge Discovery & Data Mining; Springer: Berlin/Heidelberg, Germany, 2009; pp. 475–482. [Google Scholar]
- He, H.; Bai, Y.; Garcia, E.A.; Li, S. ADASYN: Adaptive Synthetic Sampling Approach for Imbalanced Learning; IEEE: Piscataway, NJ, USA, 2008; pp. 1322–1328. [Google Scholar]
- Kıymık, M.K.; Güler, O.; Dizibüyük, A.; Akın, M. Comparison of STFT and wavelet transform methods in determining epileptic seizure activity in EEG signals for real-time application. Comput. Biol. Med. 2005, 35, 603–616. [Google Scholar] [CrossRef]
- Azuara, G.; Ruiz, M.; Barrera, E. Damage Localization in Composite Plates Using Wavelet Transform and 2-D Convolutional Neural Networks. Sensors 2021, 21, 5825. [Google Scholar] [CrossRef]
- Chikkerur, S.; Cartwright, A.N.; Govindaraju, V. Fingerprint enhancement using STFT analysis. Pattern Recogn. 2007, 40, 198–211. [Google Scholar] [CrossRef]
- Alexakos, C.T.; Karnavas, Y.L.; Drakaki, M.; Tziafettas, I.A. A Combined Short Time Fourier Transform and Image Classification Transformer Model for Rolling Element Bearings Fault Diagnosis in Electric Motors. Mach. Learn. Know. Extr. 2021, 3, 228–242. [Google Scholar] [CrossRef]
- Gou, L.; Li, H.; Zheng, H.; Li, H.; Pei, X. Aeroengine Control System Sensor Fault Diagnosis Based on CWT and CNN. Math. Probl. Eng. 2020, 2020, 5357146. [Google Scholar] [CrossRef] [Green Version]
- Yoo, Y.; Baek, J. A Novel Image Feature for the Remaining Useful Lifetime Prediction of Bearings Based on Continuous Wavelet Transform and Convolutional Neural Network. Appl. Sci. 2018, 8, 1102. [Google Scholar] [CrossRef] [Green Version]
- Legendre, S.; Massicotte, D.; Goyette, J.; Bose, T.K. Wavelet-Transform-Based Method of Analysis for Lamb-Wave Ultrasonic NDE Signals. IEEE Trans. Instrum. Meas. 2000, 49, 524–530. [Google Scholar] [CrossRef]
- Liang, P.; Deng, C.; Wu, J.; Yang, Z. Intelligent fault diagnosis of rotating machinery via wavelet transform, generative adversarial nets and convolutional neural network. Measurement 2020, 159, 107768. [Google Scholar] [CrossRef]
- Zhou, K.; Sisman, B.; Li, H. Vaw-gan for disentanglement and recomposition of emotional elements in speech. In Proceedings of the 2021 IEEE Spoken Language Technology Workshop (SLT), Shenzhen, China, 19–22 January 2021; pp. 415–422. [Google Scholar]
- Kwon, H.; Kim, M.; Baek, J.; Chung, K. Voice Frequency Synthesis using VAW-GAN based Amplitude Scaling for Emotion Transformation. KSII Trans. Internet Inf. Syst. (TIIS) 2022, 16, 713–725. [Google Scholar]
- Antoine, J.P.; Carrette, P.; Murenzi, R.; Piette, B. Image analysis with two-dimensional continuous wavelet transform. Signal Process. 1993, 31, 241–272. [Google Scholar] [CrossRef]
- Vashishtha, G.; Kumar, R. Pelton Wheel Bucket Fault Diagnosis Using Improved Shannon Entropy and Expectation Maximization Principal Component Analysis. J. Vib. Eng. Technol. 2022, 10, 335–349. [Google Scholar] [CrossRef]
- Jalayer, M.; Orsenigo, C.; Vercellis, C. Fault detection and diagnosis for rotating machinery: A model based on convolutional LSTM, Fast Fourier and continuous wavelet transforms. Comput. Ind. 2021, 125, 103378. [Google Scholar] [CrossRef]
- Ferrante, M.; Brunone, B.; Meniconi, S. Wavelets for the Analysis of Transient Pressure Signals for Leak Detection. J. Hydraul. Eng. 2007, 133, 1274–1282. [Google Scholar] [CrossRef]
- Halder, S.; Bhat, S.; Dora, B. Start-up transient analysis using CWT and ridges for broken rotor bar fault diagnosis. Electr. Eng. 2022. [Google Scholar] [CrossRef]
- Shao, H.; Xia, M.; Wan, J.; de Silva, C.W. Modified Stacked Autoencoder Using Adaptive Morlet Wavelet for Intelligent Fault Diagnosis of Rotating Machinery. IEEE/ASME Trans. Mechatron. 2022, 27, 24–33. [Google Scholar] [CrossRef]
- Wang, H.; Li, S.; Song, L.; Cui, L. A novel convolutional neural network based fault recognition method via image fusion of multi-vibration-signals. Comput. Ind. 2019, 105, 182–190. [Google Scholar] [CrossRef]
- LeCun, Y.; Bottou, L.; Bengio, Y.; Haffner, P. Gradient-Based Learning Applied to Document Recognition. Proc. IEEE 1998, 86, 2278–2324. [Google Scholar] [CrossRef] [Green Version]
- Glorot, X.; Bordes, A.; Bengio, Y. Deep Sparse Rectifier Neural Networks. In Proceedings of the Fourteenth International Conference on Artificial Intelligence and Statistics, Fort Lauderdale, FL, USA, 11–13 April 2011; pp. 315–323. [Google Scholar]
- Han, J.; Moraga, C. The Influence of the Sigmoid Function Parameters on the Speed of Backpropagation Learning; Springer: Berlin/Heidelberg, Germany, 2005; pp. 195–201. [Google Scholar]
- Srivastava, N.; Hinton, G.; Krizhevsky, A.; Sutskever, I.; Salakhutdinov, R. Dropout: A Simple Way to Prevent Neural Networks from Overfitting. J. Mach. Learn. Res. 2014, 15, 1929–1958. [Google Scholar]
- Krizhevsky, A.; Sutskever, I.; Hinton, G.E. ImageNet classification with deep convolutional neural networks. Commun. Acm. 2017, 60, 84–90. [Google Scholar] [CrossRef] [Green Version]
- He, K.; Zhang, X.; Ren, S.; Sun, J. Deep Residual Learning for Image Recognition. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Las Vegas, NV, USA, 27–30 June 2016; pp. 770–778. [Google Scholar]
- Simonyan, K.; Zisserman, A. Very Deep Convolutional Networks for Large-Scale Image Recognition. arXiv 2014, arXiv:1409.1556. [Google Scholar]
- Van der Maaten, L.; Hinton, G. Visualizing Data using t-SNE. J. Mach. Learn. Res. 2008, 9, 2579–2605. [Google Scholar]
- Goodfellow, I.; Pouget-Abadie, J.; Mirza, M.; Xu, B.; Warde-Farley, D.; Ozair, S.; Courville, A.; Bengio, Y. Generative Adversarial Nets. In Proceedings of the 27th International Conference on Neural Information, Montreal, QC, Canada, 8–13 December 2014. [Google Scholar]
- Van Houdt, G.; Mosquera, C.; Nápoles, G. A review on the long short-term memory model. Artif. Intell. Rev. 2020, 53, 5929–5955. [Google Scholar] [CrossRef]
- Creswell, A.; White, T.; Dumoulin, V.; Arulkumaran, K.; Sengupta, B.; Bharath, A.A. Generative Adversarial Networks: An Overview. IEEE Signal Proc. Mag. 2018, 35, 53–65. [Google Scholar] [CrossRef] [Green Version]
- Li, W.; Zhong, X.; Shao, H.; Cai, B.; Yang, X. Multi-mode data augmentation and fault diagnosis of rotating machinery using modified ACGAN designed with new framework. Adv. Eng. Inform. 2022, 52, 101552. [Google Scholar] [CrossRef]
- He, J.; Yang, S.; Papatheou, E.; Xiong, X.; Wan, H.; Gu, X. Investigation of a multi-sensor data fusion technique for the fault diagnosis of gearboxes. Proc. Inst. Mech. Eng. Part C J. Mech. Eng. Sci. 2019, 233, 4764–4775. [Google Scholar] [CrossRef]
Label | Fault Type | Length | Original Samples | Dataset 1 | Dataset 2 | Dataset 3 |
---|---|---|---|---|---|---|
F1 | Slight failure of cage | 102400 | 42 × 2400 | 50 × 2400 | 50 × 2400 | 50 × 2400 |
F2 | Compound failure of cage and rolling body | 102400 | 42 × 2400 | 50 × 2400 | 50 × 2400 | 50 × 2400 |
F3 | Slight failure of rolling body | 102400 | 42 × 2400 | 50 × 2400 | 50 × 2400 | 50 × 2400 |
F4 | Slight failure of inner ring | 102400 | 42 × 2400 | 50 × 2400 | 50 × 2400 | 50 × 2400 |
F5 | Severe failure of inner ring | 102400 | 42 × 2400 | 50 × 2400 | 50 × 2400 | 50 × 2400 |
F6 | Slight failure of outer ring | 102400 | 42 × 2400 | 50 × 2400 | 50 × 2400 | 50 × 2400 |
F7 | Severe failure of outer ring | 102400 | 42 × 2400 | 50 × 2400 | 50 × 2400 | 50 × 2400 |
F8 | Normal | 1200000 | 500 × 2400 | 50 × 2400 | 250 × 2400 | 500 × 2400 |
Layer | Kernel | Strides | Output Size | Activation | Padding | Param |
---|---|---|---|---|---|---|
Input | / | / | 98 × 2400 × 1 | / | / | 0 |
C1 | 4 × 4 | 4 | 24 × 600 × 64 | ReLU | Valid | 1088 |
S1 | 2 × 2 | 2 | 12 × 300 × 64 | / | / | 0 |
C2 | 2 × 2 | 2 | 6 × 150 × 128 | ReLU | Valid | 32,896 |
S2 | 2 × 2 | 2 | 3 × 75 × 128 | / | / | 0 |
F1 | 128 | / | 128 | Sigmoid | / | 3,686,528 |
F2 | N | / | N | Softmax | / | 1032 |
Dataset | Judging Criteria/% | −4 dB | −2 dB | 0 dB | 2 dB | 4 dB |
---|---|---|---|---|---|---|
Dataset 1 | Average accuracy | 91.38 | 93.625 | 98.75 | 93 | 95.5 |
Max-Min | 6.25 | 8.75 | 2.5 | 2.5 | 2.5 | |
Dataset 2 | Average accuracy | 97.75 | 97.15 | 99.35 | 98.3 | 98.8 |
Max-Min | 0.5 | 1.25 | 1 | 1.25 | 0.75 | |
Dataset 3 | Average accuracy | 99.275 | 99.6 | 100 | 99.65 | 99.325 |
Max-Min | 0.75 | 0.5 | 0 | 0.25 | 0.5 |
Experiments | Initial Conditions | Variants | Test 1 | Test 2 | Test 3 | Test 4 | Test 5 |
---|---|---|---|---|---|---|---|
1 | Learning rate = 0.01 Dropout = 0.5 | Batch size | 30 | 40 | 50 | 60 | 70 |
Accuracy | 98.4% | 99.1% | 100% | 100% | 100% | ||
2 | Batch size = 50 Dropout = 0.5 | Learning rate | 0.0001 | 0.001 | 0.01 | 0.1 | 1 |
Accuracy | 99.2% | 100% | 97.9% | 13.4% | 12.5% | ||
3 | Batch size = 50 Learning rate = 0.01 | Dropout | 0 | 0.3 | 0.5 | 0.7 | 0.9 |
Accuracy | 100% | 100% | 100% | 100% | 100% |
Initial Conditions | Variants | Test 1 | Test 2 | Test 3 | Test 4 | Test 5 |
---|---|---|---|---|---|---|
Batch size = 50 Learning rate = 0.01 | Dropout | 0 | 0.3 | 0.5 | 0.7 | 0.9 |
Accuracy | 97.2% | 98.67% | 100% | 97.9% | 69.4% |
Label | Fault Type and Condition | Samples | Second Enhancement |
---|---|---|---|
C1 | a broken tooth on the input gear | 42 × 1200 | 200 × 1200 |
C2 | a pitted tooth on the input gear | 42 × 1200 | 200 × 1200 |
C3 | a pitted tooth on the idler gear | 42 × 1200 | 200 × 1200 |
C4 | a pitted tooth and broken tooth on the output gear | 42 × 1200 | 200 × 1200 |
C5 | a missing tooth on the output gear | 42 × 1200 | 200 × 1200 |
C6 | a cracked tooth on the input gear | 42 × 1200 | 200 × 1200 |
C7 | a cracked tooth on the idler gear | 42 × 1200 | 200 × 1200 |
C8 | a cracked tooth on the output gear | 42 × 1200 | 200 × 1200 |
C9 | a broken tooth on the input gear and a pitted tooth on the idler gear | 42 × 1200 | 200 × 1200 |
C10 | normal | 200 × 1200 | / |
Criteria/% | Proposed Method | CWT-CNN | CWT-GAN-CNN | LSTM-CNN |
---|---|---|---|---|
Accuracy | 99.50 ± 0.25 | 81.15 ± 1.54 | 97.03 ± 1.16 | 92.31 ± 1.54 |
Precision | 99.25 ± 0.50 | 79.53 ± 0.89 | 96.86 ± 0.24 | 92.08 ± 0.78 |
Recall | 98.71 ± 0.30 | 81.23 ± 0.93 | 96.04 ± 1.03 | 91.98 ± 0.34 |
F1-score | 98.79 ± 0.29 | 79.96 ± 1.08 | 96.26 ± 0.51 | 92.02 ± 0.33 |
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations. |
© 2022 by the authors. Licensee MDPI, Basel, Switzerland. This article is an open access article distributed under the terms and conditions of the Creative Commons Attribution (CC BY) license (https://creativecommons.org/licenses/by/4.0/).
Share and Cite
Zhang, L.; Liu, Y.; Zhou, J.; Luo, M.; Pu, S.; Yang, X. An Imbalanced Fault Diagnosis Method Based on TFFO and CNN for Rotating Machinery. Sensors 2022, 22, 8749. https://doi.org/10.3390/s22228749
Zhang L, Liu Y, Zhou J, Luo M, Pu S, Yang X. An Imbalanced Fault Diagnosis Method Based on TFFO and CNN for Rotating Machinery. Sensors. 2022; 22(22):8749. https://doi.org/10.3390/s22228749
Chicago/Turabian StyleZhang, Long, Yangyuan Liu, Jianmin Zhou, Muxu Luo, Shengxin Pu, and Xiaotong Yang. 2022. "An Imbalanced Fault Diagnosis Method Based on TFFO and CNN for Rotating Machinery" Sensors 22, no. 22: 8749. https://doi.org/10.3390/s22228749