Abstract
This paper addresses the critical issue of fault detection and prediction in electric motor machinery, a prevalent challenge in industrial applications. Faults in these machines, stemming from mechanical or electrical issues, often lead to performance degradation or malfunctions, manifesting as abnormal signals in vibrations or currents. Our research focuses on enhancing the accuracy of fault classification in electric motor facilities, employing innovative image transformation methods—recurrence plots (RPs), the Gramian angular summation field (GASF), and the Gramian angular difference field (GADF)—in conjunction with a multi-input convolutional neural network (CNN) model. We conducted comprehensive experiments using datasets encompassing four types of machinery components: bearings, belts, shafts, and rotors. The results reveal that our multi-input CNN model exhibits exceptional performance in fault classification across all machinery types, significantly outperforming traditional single-input models. This study not only demonstrates the efficacy of advanced image transformation techniques in fault detection but also underscores the potential of multi-input CNN models in industrial fault diagnosis, paving the way for more reliable and efficient monitoring of electric motor machinery.
1. Introduction
Machinery facilities play a crucial role in industrial production, and faults in such facilities can lead to production disruptions and increased costs. Therefore, research aimed at improving fault detection and prediction holds significant importance. The causes of electric motor faults are primarily classified into bearing, winding, environmental, and various other issues. Bearing faults mainly occur due to factors such as corrosion, insufficient lubrication, and wear. Winding faults are divided into electrical and mechanical causes, with electrical causes including overload, interturn short circuits, interphase short circuits, and momentary overvoltages, while mechanical causes involve issues like shaft constraints and direct contact between the rotor and stator. Environmental faults primarily arise from moisture corrosion and chemical substances in the surrounding environment.
Unpredictable faults can occur in various parts of the device due to aging or operating conditions, and if regular inspections and maintenance are delayed, serious problems can arise. When faults occur, they not only affect the operation of the electric motor but also have a negative impact on the entire system, including industrial processes, transportation, water supply and drainage, firefighting, and power systems. Therefore, technology that can predict and prevent faults in advance is necessary. Accurate lifespan prediction is crucial as inaccurate predictions can result in unforeseen costs. Industries such as railways, machinery, and electric motors face challenges in lifespan prediction due to various installation times, manufacturers, and specifications. When faults or performance degradation occur in electric motors, anomalies are typically observed in vibrations, currents, temperatures, etc., deviating from normal ranges. Analyzing faults and malfunctions in electric motors requires practical experience, data collection, a comprehensive understanding of fault identification, and an understanding of causes and related symptoms.
The field of mechanical fault diagnosis has recently undergone substantial advancements, primarily driven by the application of deep learning techniques. Central to these developments is the use of convolutional neural networks (CNNs) for fault diagnosis, which has become increasingly prevalent []. This includes a range of approaches, from employing CNNs for fault classification in mechanical equipment [] and small current grounded distribution systems [] to using them for bearing fault classification, where methods integrate spectral kurtosis filtering and Mel-frequency cepstral coefficients [], and even investigating the learning mechanisms of CNNs through time–frequency spectral images [].
Additionally, novel network architectures and signal-processing techniques have been introduced to enhance fault diagnosis. This includes the development of a weight-sharing capsule network using one-dimensional CNNs [], the exploration of one-dimensional local binary patterns (1D-LBPs) in bearing vibration signal analysis [], and the use of one-dimensional ternary patterns (1D-TPs) for accurate fault diagnosis in bearings []. Advanced machine learning models like improved random forest algorithms have also been applied for industrial process fault classification [] and rotating machinery fault diagnosis using multiscale dimensionless indicators [].
Moreover, the field is witnessing a growing trend in employing complex machine learning strategies for fault detection. These include the application of kernelized support tensor machines (KSTMs) and multilinear principal component analysis (MPCA) for rotating machine fault detection [], the use of ensemble machine learning-based fault classification schemes [], and the integration of adaptive features extracted by modified neural networks for intelligent fault diagnosis []. Furthermore, cross-domain approaches and advanced deep learning strategies are gaining traction. This is evidenced by the use of tensor-aligned invariant subspace learning combined with 2DCNN for intelligent fault diagnosis [], the implementation of deep transfer learning strategies for automated fault diagnosis [], and the development of specialized models like the PrismPatNet for engine fault detection [].
In addition, there is an increasing focus on using deep learning for more efficient and robust fault diagnosis under various conditions. Techniques like the deep focus parallel convolutional neural network (DFPCN) have been introduced to address imbalanced machine fault diagnosis [], and simplified CNN structures have been proposed for more effective rolling bearing fault diagnosis []. Multisensor approaches using 2D deep learning frameworks are also being explored for distributed bearing fault detection []. Lastly, researchers in the field are exploring the potential of synthetic data generation using variational autoencoders for enhanced fault classification and localization in transmission networks [].
To address these needs, this study proposes a method to improve fault detection and prediction, especially in electric motor installations in the industrial field. We utilized real mechanical equipment fault prediction sensor data [], and in particular, we extracted 2.2 kW current data from subway station air conditioning equipment. In real industrial facilities, various noises may exist, and it may be difficult to use high-specification processing systems. Therefore, this study aims to improve the accuracy of fault classification by utilizing various multi-input CNN structures and image conversion techniques as a robust yet lightweight model. The contributions of this research are as follows:
- Automatically extracting and transforming key features of time series signals to use features in both time and frequency domains, and standardizing different formats such as sampling rate, duration, etc., through image transformation, so that the same model can be used in different datasets;
- Converting signals into images reduces the number of dimensions of the data and makes it easier to process efficiently in deep learning models using CNNs with a two-dimensional image representation;
- Through experiments, we compared different image conversion methods (RP, GASF, and GADF) and proposed a multi-input CNN structure that combines the conversion methods and shows more robust performance.
2. Materials and Methods
2.1. Dataset
The dataset [] used in this study primarily encompassed the vibration and current data of mechanical devices installed at each station of the Daejeon Metro construction in South Korea. The main focus of the experiments was on a total of 41 motors installed in the air conditioning rooms of Daejeon Station, City Hall Station, and Gapcheon Station. The experiments emphasized data collection for five different operational states for each motor, including normal operation, bearing faults, rotor imbalance, shaft misalignment, and loosened belts. The data collection period spanned 4 months, with over a million data points for each state type.
Data collection involved measuring vibration and current signals using sensors and transmitting them to servers within the subway construction via an LTE-M network. The collected time series data were measured for 3 s at a base sample rate of 4 kHz, and the sample rate could be adjusted based on the device’s condition. After verifying the integrity of the data, specified parameters were extracted and saved as CSV files.
The data structure depicted in Figure 1 consists of header and data sections. The header section is organized based on the characteristics of the mechanical device and data attributes. The data section includes actual collected data values such as time and acceleration. This data structure was designed to allow users to extract desired parameters using raw data.
Figure 1.
The structure of the motor mechanical fault data structure [].
Machine facility data were broadly categorized into four types: bearing, belt, shaft, and rotor. Each data point was distinguished as normal or abnormal. In this paper, 2.2 kW motor data were utilized. Table 1 shows the annotation format for the dataset.
Table 1.
Annotation formats for the datasets.
2.2. Time Series Data
The objective of this paper was to leverage image encoding based on time series data for efficient classification. Various image encoding techniques were explored to transform time series data into 2D images. Figure 2 illustrates sample data before encoding. ‘R’, ‘S’, and ‘T’ represent the three phases commonly used in induction motor systems. Each phase is arranged at 120-degree intervals. The ‘R phase’ starts at 0 degrees, with both current and voltage increasing simultaneously. The ‘S phase’ starts 120 degrees later than the ‘R phase’ at 120 degrees, and finally, the ‘T phase’ starts 240 degrees later than the ‘S phase’. These phases are used to generate and control the rotation of three-phase motors. Through various combinations of power and voltage, the direction and speed of the motor’s rotation can be adjusted. The goal of this research was to enhance the efficiency of classification by utilizing various image encoding techniques and using the transformed images as inputs for deep learning models. We compared various encoding techniques to find the most effective approach in representing time series data in a format suitable for training deep learning models.
Figure 2.
Example of raw data from ‘R’, ‘S’, and ‘T’ phases for Bearing, Belt, Shaft, and Rotor.
2.3. Feature Extraction
In this study, latent encoding transformations of time series data were performed, enabling fault classification in a simple and lightweight model.
2.3.1. RP (Recurrence Plot)
The recurrence plot (RP) is a visualization technique used in the analysis of time series data []. They help uncover patterns, trends, and periodicities within the data by transforming them into two-dimensional representations. The primary goal of the algorithm is to explore the m-dimensional phase-space trajectories, as defined by Equation (1), where m represents the embedding dimension.
The m-dimensional phase-space trajectories are essentially representations of the underlying dynamics of the time series data. By examining these trajectories, one can gain insights into the system’s behavior and identify recurrent patterns, which may indicate the presence of certain regularities or periodicities in the data.
The transformation of time series data into two-dimensional representations involves constructing a matrix known as the recurrence plot. This matrix is binary and reflects whether or not pairs of points in the time series are close to each other in the phase space. The binary nature of the matrix simplifies the complex temporal information into a more visually accessible form. The horizontal axis (X-axis) represents the passage of time, and the vertical axis (Y-axis) represents the similarity from one time step to the other: the closer the distance between points, the more similar the pattern at that time step. In Figure 3, the actual results of data transformation using the recurrence plot are depicted.
Figure 3.
Samples of test data with RP (recurrence plot) for Bearing, Belt, Shaft, and Rotor.
2.3.2. GAF (Gramian Angular Field)
The Gramian angular field (GAF) is an algorithm that visually represents the temporal correlations in time series data using polar coordinates []. The matrix based on these polar coordinates has the advantage of more effectively preserving correlations when transforming time series data into images. The GAF is classified into two methods based on the sum and difference of angles. The Gramian angular summation field (GASF) is defined by the sum of angles in polar coordinate time series data, as shown in Equations (2) and (3). The horizontal axis (X-axis) represents the passage of time or a sequence of time series data, and the vertical axis (Y-axis) represents the sum of the cosine values at each grid point after converting the data for that time step into degrees. This effectively represents the patterns and structure of time series data as an image. The results of the transformation of time series data using the are depicted in Figure 4.
Figure 4.
Samples of test data with GASF (Gramian angular summation field) for Bearing, Belt, Shaft, and Rotor.
On the other hand, the Gramian angular difference field (GADF) is defined by the difference of angles in polar coordinates, as shown in Equations (4) and (5). The GADF is similar to the GASF, but the vertical axis (Y-axis) represents the difference in cosine values after converting the data at that time step into degrees. This helps the GADF detect detailed data patterns and features by utilizing the difference in angles and is useful for capturing the different characteristics of time series data when used in conjunction with the GASF. The results of transforming a time series using the are illustrated in Figure 5.
Figure 5.
Samples of test data with GADF (Gramian angular difference field) for Bearing, Belt, Shaft, and Rotor.
3. Models
In this study, a convolutional neural network (CNN)-based model was employed for the classification of faults in electric motor machinery. This model was designed with a lightweight architecture, utilizing two convolutional layers and one max-pooling layer for feature extraction. For classification, three fully connected layers were integrated, and the output layer consisted of a single node. Binary classification was achieved through the sigmoid activation function. During the training process, the model was trained using binary cross-entropy loss function. A multi-input CNN was configured using encoded images from the RP, GASF, and GADF. Detailed explanations of the model architecture used in the experiments are provided in the following sections.
3.1. Single-Input CNN (Convolutional Neural Network) Model
The single-input CNN model described in Figure 6 and Table 2 was based on a lightweight architecture. This model took one of the RP, GASF, or GADF images as input and extracted features through two convolutional layers and one max-pooling layer. For classification, three fully connected layers were utilized, and binary classification was performed in the output layer with a single node. The rationale behind the selection of model hyperparameters involved using 32 filters of size 3 × 3 in the first convolutional layer to capture various features of the images. In the second convolutional layer, 64 filters were employed to extract more complex patterns. Dropout was applied at a 50% rate during training to prevent overfitting, thereby enhancing the model’s generalization ability. The architecture of the model effectively reduced spatial dimensions by incorporating max-pooling layers after two convolutional layers. This allowed the model to capture both local and abstract features while maintaining computational efficiency. The fully connected layer with 256 neurons contributed to learning high-level abstract features and understanding intricate patterns.
Figure 6.
Single-input CNN model architecture.
Table 2.
CNN (single input).
3.2. Multi-Input CNN Model
The dual-input CNN model depicted in Figure 7 utilized input pairs such as {RP, GASF}, {RP, GADF}, and {GASF, GADF}. The features extracted from these image pairs were effectively combined using a merge layer, using various forms such as addition, concatenated, or average functions.
Figure 7.
Multi-input CNN model structure, where (a) two inputs are combined with an additive/average function, and (b) two inputs are combined with a concatenation function.
The “addition” layer takes multiple inputs and computes the element-wise sum of each input, generating a single output. This layer is commonly employed to process multiple inputs or combine outputs from specific layers. The concatenated layer takes multiple inputs and concatenates them, typically used to concatenate multiple inputs or combine outputs from specific layers. The average layer takes multiple inputs and computes the element-wise average based on all inputs at the same position, generating a single output. This layer is commonly used to average multiple inputs or average outputs from specific layers.
Both images were processed using convolution layers, max-pooling layers, and three fully connected layers for feature extraction and classification. The model performed binary classification, utilizing the sigmoid activation function and the binary cross-entropy loss function during training.
The triple-input CNN model described in Figure 8 utilized the {RP, GASF, GADF} image set as input. The structure of this model was similar to the dual-input CNN model but involved more inputs for feature extraction and classification.
Figure 8.
Triple-input CNN model architecture, where (a) three inputs are combined with an additive/average function, and (b) three inputs are combined with a concatenation function.
4. Experimental Procedures
4.1. Experimental Configuration
The belt dataset used in the experiment comprised 130,000 normal and 372,000 abnormal data, and the bearing dataset comprised 154,000 normal and 400,000 abnormal data. The shaft dataset encompassed 194,000 normal and 728,000 abnormal data, and the rotor dataset consisted of 1,334,000 normal and 458,000 abnormal data. For each dataset in the model, the ratio of train, test, and validate was 70:24:6. Experiments were conducted for each of the bearing, belt, shaft, and rotor datasets with 15 different configurations. These configurations included variations in input combinations (RP, GASF, and GADF) and model architectures (single-input CNN, concatenated multi-input CNN, and addition multi-input CNN). We also explored image fusion using single-input CNN.
For optimization, the Adam optimizer was chosen, and the initial learning rate was set to 0.001. The learning rate was fine-tuned through experimentation. Model performance was evaluated based on accuracy and binary cross-entropy loss. To evaluate the generalization performance of the model, we used early stopping and cross-validation.
4.2. Experimental Results
For performance evaluation, standard metrics such as accuracy, precision, recall, and F1 score were utilized. Confusion matrices were generated to examine the fault classification performance of each model in detail.
4.2.1. Bearing
Through the comparison of the results in Table 3, it can be observed that the concatenate multi-input (GASF-GADF) and average multi-input (RP-GADF) had superior performance compared to other configurations. These models achieved 100% accuracy by correctly classifying all faults, and they also exhibited the highest precision, recall, and F1 scores. This indicates that models utilizing concatenation with multiple inputs achieved the most effective fault classification, particularly in the case of bearings. Figure 9 shows the loss and accuracy of the RP-GADF model in epochs, and Figure 10 shows the confusion matrix results.
Table 3.
Model results for the bearing dataset.
Figure 9.
Loss and accuracy of the best model (concatenated RP-GADF) for the bearing dataset.
Figure 10.
Confusion matrix of the best model (concatenated RP-GADF) for the bearing dataset.
4.2.2. Belt
As shown in the comparison results in Table 4, the concatenated multi-input (GASF-GADF) model exhibited superior performance compared to other configurations. This model had the best performance in terms of precision, recall, and F1 score. Figure 11 shows the loss and accuracy results of the model using the GASF-GADF method, and Figure 12 shows the confusion matrix results.
Table 4.
Model results for the belt dataset.
Figure 11.
Loss and accuracy of the best model (addition GASF-GADF) for the belt dataset.
Figure 12.
Confusion matrix of the best model (addition GASF-GADF) for the belt dataset.
4.2.3. Shaft
As shown in the comparison results in Table 5, the concatenated multi-input (GASF-GADF) model demonstrated superior performance compared to other configurations. This model exhibited the best performance in terms of accuracy, precision, and F1 score. In all evaluation metrics except recall, the model yielded excellent results in effectively predicting shaft faults. Figure 13 shows the loss and accuracy results in epochs for the best model, and Figure 14 shows the confusion matrix.
Table 5.
Model results for the shaft dataset.
Figure 13.
Loss and accuracy of the best model (concatenated GASF-GADF) for the shaft database.
Figure 14.
Confusion matrix of the best model (concatenated GASF-GADF) for the shaft database.
4.2.4. Rotor
As shown in the comparison results in Table 6, the average multi-input (RP-GADF) model demonstrated superior performance compared to other configurations. This model achieved the highest accuracy and maintained top performance in precision, recall, and F1 score. Figure 15 shows the loss and accuracy results of the average RP-GADF method, and Figure 16 shows the confusion matrix results.
Table 6.
Model results for the rotor dataset.
Figure 15.
Loss and accuracy of the best model (average RP-GADF) for the rotor dataset.
Figure 16.
Confusion matrix of the best model (average RP-GADF) for the rotor dataset.
5. Discussion
In this study, we introduced a novel fault diagnosis model leveraging deep learning techniques, emphasizing feature extraction and image transformation to enhance performance. This model demonstrates significant potential in identifying and diagnosing faults in mechanical systems, offering a promising tool for predictive maintenance and operational efficiency.
However, the effectiveness of our proposed model is contingent upon the availability of substantial training data. This dependency poses a notable challenge, as acquiring a comprehensive dataset, particularly encompassing rare fault conditions or outliers, is inherently difficult in real-world scenarios. Such scarcity of fault data often leads to a class imbalance problem, which can skew the model’s learning process and potentially compromise its diagnostic accuracy.
To address these challenges, we suggest a two-pronged approach. Firstly, the integration of simulation-based methods [,] into the fault diagnosis process presents a viable solution. By utilizing simulated data, we can artificially augment the dataset with a wider range of fault conditions, including those not commonly encountered in real-world operations. This approach not only helps in balancing the class distribution but also enriches the model’s learning experience, potentially enhancing its diagnostic capabilities.
Secondly, the concept of continuous learning [,] in mechanical facilities and equipment is crucial. In dynamic industrial environments, where operating conditions and machine behaviors can evolve, the ability of a diagnostic model to adapt and learn continuously is paramount. This could be achieved through techniques like transfer learning, where a pretrained model is fine-tuned with new data, allowing it to adapt to new or changing fault patterns without the need for retraining from scratch.
Another critical aspect that warrants further research is the optimization of AI models for industrial applications. The current size and computational requirements of sophisticated deep learning models pose a challenge for their deployment in embedded systems commonly used in industrial settings. Therefore, research focused on reducing the computational footprint of these models, without compromising their performance, is essential []. This could involve techniques like model pruning, quantization, or the development of more efficient neural network architectures.
In conclusion, while our proposed model shows promising results in fault diagnosis, its practical application is subject to overcoming challenges related to data availability, continuous learning, and model optimization for industrial deployment. Future research in these areas is not only necessary but will also significantly contribute to the advancement and practical utility of AI-driven fault diagnosis in the industrial sector.
6. Conclusions
This paper emphasizes the importance of motor failure detection and prediction, which can be utilized in various industries. Various types of faults that can occur in various mechanical facilities adversely affect industrial production, leading to production disruptions and increased costs, particularly in the industrial sector. We explored methods to enhance the accuracy of fault classification using a multi-input CNN structure and image transformation techniques. The experimental results showed that the proposed multi-input CNN model showed excellent results, and there were differences in the transformation and merging methods that showed excellent performance for each machine type (bearing, belt, shaft, rotor). This indicates that multi-input CNNs can be used as a more accurate and effective metric for machine fault detection in industrial environments compared to traditional methods.
Future research will include applying different transform methods such as Short-Time Fourier Transform (STFT) and Continuous Wavelet Transform (CWT) to improve the performance of the model. We will continue our efforts to improve the performance and generalization of the model by acquiring more and more diverse data.
Author Contributions
Conceptualization, S.L.; data curation, S.L.; formal analysis, I.B.; funding acquisition, S.L.; investigation, S.L.; methodology, S.L.; project administration, S.L.; resources, I.B.; software, I.B.; supervision, S.L.; validation, I.B. and S.L.; visualization, I.B.; writing—original draft preparation, I.B. and S.L.; writing—review and editing, S.L. All authors have read and agreed to the published version of the manuscript.
Funding
This paper was supported by Semyung University’s University Innovation Support Project in 2023.
Data Availability Statement
The dataset can be downloaded at https://aihub.or.kr/aidata/30748 (accessed on 31 January 2024).
Conflicts of Interest
The authors declare no conflicts of interest.
References
- 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]
- Li, Z.; Wang, Y.; Wang, K. A deep learning driven method for fault classification and degradation assessment in mechanical equipment. Comput. Ind. 2019, 104, 1–10. [Google Scholar] [CrossRef]
- Guo, M.-F.; Yang, N.-C.; Chen, W.-F. Deep-learning-based fault classification using Hilbert–Huang transform and convolutional neural network in power distribution systems. IEEE Sens. J. 2019, 19, 6905–6913. [Google Scholar] [CrossRef]
- Jiang, Q.; Chang, F.; Sheng, B. Bearing fault classification based on convolutional neural network in noise environment. IEEE Access 2019, 7, 69795–69807. [Google Scholar] [CrossRef]
- Grezmak, J.; Zhang, J.; Wang, P.; Loparo, K.A.; Gao, R.X. Interpretable convolutional neural network through layer-wise relevance propagation for machine fault diagnosis. IEEE Sens. J. 2019, 20, 3172–3181. [Google Scholar] [CrossRef]
- Huang, R.; Li, J.; Wang, S.; Li, G.; Li, W. A Robust weight-shared capsule network for intelligent machinery fault diagnosis. IEEE Trans. Ind. Inform. 2020, 16, 6466–6475. [Google Scholar] [CrossRef]
- Kaya, Y.; Kuncan, M.; Kaplan, K.; Minaz, M.R.; Ertunç, H.M. A new feature extraction approach based on one dimensional gray level co-occurrence matrices for bearing fault classification. J. Exp. Theor. Artif. Intell. 2021, 33, 161–178. [Google Scholar] [CrossRef]
- Kuncan, M.; Kaplan, K.; Miṅaz, M.R.; Kaya, Y.; Ertunç, H.M. A novel feature extraction method for bearing fault classification with one dimensional ternary patterns. ISA Trans. 2020, 100, 346–357. [Google Scholar] [CrossRef]
- Chai, Z.; Zhao, C. Enhanced random forest with concurrent analysis of static and dynamic nodes for industrial fault classification. IEEE Trans. Ind. Inform. 2019, 16, 54–66. [Google Scholar] [CrossRef]
- Hu, Q.; Si, X.-S.; Zhang, Q.-H.; Qin, A.-S. A rotating machinery fault diagnosis method based on multi-scale dimensionless indicators and random forests. Mech. Syst. Signal Process. 2020, 139, 106609. [Google Scholar] [CrossRef]
- Hu, C.; He, S.; Wang, Y. A classification method to detect faults in a rotating machinery based on kernelled support tensor machine and multilinear principal component analysis. Appl. Intell. 2021, 51, 2609–2621. [Google Scholar] [CrossRef]
- Toma, R.N.; Kim, J.-M. Bearing fault classification of induction motors using discrete wavelet transform and ensemble machine learning algorithms. Appl. Sci. 2020, 10, 5251. [Google Scholar] [CrossRef]
- Xie, J.; Li, Z.; Zhou, Z.; Liu, S. A novel bearing fault classification method based on XGBoost: The fusion of deep learning-based features and empirical features. IEEE Trans. Instrum. Meas. 2020, 70, 1–9. [Google Scholar] [CrossRef]
- Hu, C.; Wang, Y.; Gu, J. Cross-domain intelligent fault classification of bearings based on tensor-aligned invariant subspace learning and two-dimensional convolutional neural networks. Knowl.-Based Syst. 2020, 209, 106214. [Google Scholar] [CrossRef]
- Asutkar, S.; Tallur, S. Deep transfer learning strategy for efficient domain generalisation in machine fault diagnosis. Sci. Rep. 2023, 13, 6607. [Google Scholar] [CrossRef] [PubMed]
- Sahin, S.E.; Gulhan, G.; Barua, P.D.; Tuncer, T.; Dogan, S.; Faust, O.; Acharya, U.R. PrismPatNet: Novel prism pattern network for accurate fault classification using engine sound signals. Expert Syst. 2023, 40, e13312. [Google Scholar] [CrossRef]
- Duan, A.; Guo, L.; Gao, H.; Wu, X.; Dong, X. Deep focus parallel convolutional neural network for imbalanced classification of machinery fault diagnostics. IEEE Trans. Instrum. Meas. 2020, 69, 8680–8689. [Google Scholar] [CrossRef]
- Zhang, X.; Li, J.; Wu, W.; Dong, F.; Wan, S. Multi-Fault Classification and Diagnosis of Rolling Bearing Based on Improved Convolution Neural Net-work. Entropy 2023, 25, 737. [Google Scholar] [CrossRef]
- Rajabioun, R.; Afshar, M.; Mete, M.; Atan, Ö.; Akin, B. Distributed Bearing Fault Classification of Induction Motors Using 2D Deep-Learning Model. IEEE J. Emerg. Sel. Top. Ind. Electron. 2023, 5, 115–125. [Google Scholar] [CrossRef]
- Khan, M.A.; Asad, B.; Vaimann, T.; Kallaste, A.; Pomarnacki, R.; Hyunh, V.K. Improved Fault Classification and Localization in Power Transmission Networks Using VAE-Generated Synthetic Data and Machine Learning Algorithms. Machines 2023, 11, 963. [Google Scholar] [CrossRef]
- Mechanical Facility Fault Predictive Sensor. AI-Hub. 18 June 2021. Available online: https://aihub.or.kr/aidata/30748 (accessed on 31 January 2024).
- Marwan, N.; Carmenromano, M.; Thiel, M.; Kurths, J. Recurrence plots for the analysis of complex systems. Phys. Rep. 2007, 438, 237–329. [Google Scholar] [CrossRef]
- Wang, Z.; Oates, T. Imaging time-series to improve classification and imputation. arXiv 2015, arXiv:1506.00327. [Google Scholar]
- Xiang, J.; Zhong, Y. A novel personalized diagnosis methodology using numerical simulation and an intelligent method to detect faults in a shaft. Appl. Sci. 2016, 6, 414. [Google Scholar] [CrossRef]
- Lee, W.; Jung, T.-Y.; Lee, S. Dynamic Characteristics Prediction Model for Diesel Engine Valve Train Design Parameters Based on Deep Learning. Electronics 2023, 12, 1806. [Google Scholar] [CrossRef]
- Hadsell, R.; Rao, D.; Rusu, A.A.; Pascanu, R. Embracing change: Continual learning in deep neural networks. Trends Cogn. Sci. 2020, 24, 1028–1040. [Google Scholar] [CrossRef] [PubMed]
- Lesort, T.; Lomonaco, V.; Stoian, A.; Maltoni, D.; Filliat, D.; Díaz-Rodríguez, N. Continual learning for robotics: Definition, framework, learning strategies, opportunities and challenges. Inf. Fusion 2019, 58, 52–68. [Google Scholar] [CrossRef]
- Shin, J.; Lee, S. Robust and Lightweight Deep Learning Model for Industrial Fault Diagnosis in Low-Quality and Noisy Data. Electronics 2023, 12, 409. [Google Scholar] [CrossRef]
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. |
© 2024 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/).