Next Article in Journal
Transient Stability Assessment of Power Systems Built upon Attention-Based Spatial–Temporal Graph Convolutional Networks
Previous Article in Journal
Energy Policy Evolution in Pakistan: Balancing Security, Efficiency, and Sustainability
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Review

Transfer Learning for Induction Motor Health Monitoring: A Brief Review

Department of AI and Big Data, Woosong University, Daejeon 34606, Republic of Korea
Energies 2025, 18(14), 3823; https://doi.org/10.3390/en18143823
Submission received: 20 June 2025 / Revised: 7 July 2025 / Accepted: 14 July 2025 / Published: 18 July 2025

Abstract

With advancements in computational resources, artificial intelligence has gained significant attention in motor health monitoring. These sophisticated deep learning algorithms have been widely used for induction motor health monitoring due to their autonomous feature extraction abilities and end-to-end learning capabilities. However, in real-world scenarios, challenges such as limited labeled data and diverse operating conditions have led to the application of transfer learning for motor health monitoring. Transfer learning utilizes pretrained models to address new tasks with limited labeled data. Recent advancements in this domain have significantly improved fault diagnosis, condition monitoring, and the predictive maintenance of induction motors. This study reviews state-of-the-art transfer learning techniques, including domain adaptation, fine-tuning, and feature-based transfer for induction motor health monitoring. The key methodologies are analyzed, highlighting their contributions to improving fault detection, diagnosis, and prognosis in industrial applications. Additionally, emerging trends and future research directions are discussed to guide further advancements in this rapidly evolving field.
MSC:
68T01

1. Introduction

Induction motors (IMs) are driving forces for modern industries owing to their ruggedness and efficient speed control operation. IMs can be of the wound type or squirrel cage type, and their usage depends on the given industrial requirements. IMs are often preferred over other types of motors as they are less expensive, more robust, and capable of reliable operations in challenging ambient conditions. IMs, particularly those of the squirrel cage type, have been the principal workhorse in many industries [1]. In general, IMs are robust machines, but faults are inevitable. These faults can lead to complete motor failure. Therefore, reliable health monitoring of IMs is crucial for avoiding unnecessary downtime [2]. An unexpected failure might lead to a costly standstill in the industry, which should be avoided by detecting faults precisely. IMs consist of many mechanical and electrical components, such as a motor frame, stator windings, a rotor cage, rolling bearings, a fan, a motor shaft, and many others. They are exposed to external conditions such as unstable supply voltage, unstable current sources, overloads, unbalanced loads, and electrical stresses, which can lead to faults in IMs. These faults can include electrical and mechanical faults. The mechanical faults include bearing faults, rotor faults, and eccentricity, whereas the electrical faults include stator winding faults and rotor winding faults. The conventional techniques used for fault detection include vibration monitoring, current monitoring, temperature monitoring, and so on. With rapid advancements in artificial intelligence (AI), machine learning (ML) and deep learning (DL) have also gained substantial attention in the last decade. ML algorithms such as the support vector machine (SVM), decision trees (DTs), k-Nearest Neighbor (kNN), and many more have been abundantly used for the health monitoring of IMs. ML models require feature engineering, which includes feature extraction and selection. Feature engineering is vital for the efficient performance of ML models. Effective ML models require large, high-quality, and labeled datasets representing both healthy and faulty conditions. Other authors [3] have used an SVM-based approach for bearing fault detection in IMs. SVM was utilized along with the continuous wavelet transform (CWT) on vibration signals during the startup. Another study [4] presented a fault analysis of IMs using the frequency spectrum determination and SVM. The features were evaluated using the fast Fourier transform and the final diagnosis was made using SVM. The authors of [5] proposed a bearing fault detection using the SVM classifier in combination with principal component analysis (PCA). The feature extraction involved selecting the four highest peaks in the frequency spectrum and PCA. Finally, SVM was deployed to identify the fault severity level. The authors of [6] used the ensemble and decision tree (DT) classifier for the detection of rotor and bearing faults in IMs using current data for the analysis. Another study [7] proposed a fault diagnosis (FDG) mechanism of IMs using the combination of DTs and an adaptive neuro-fuzzy inference system (ANFIS). The authors of [8] proposed a bearing FDG, using the stator current for statistical features estimation and DT, random forest (RF), and kNN as classifiers. The authors of [9] proposed a method for the condition monitoring of bearings using DTs and extreme MLs. A DT algorithm was deployed to extract features from vibration signals and features were fed to the extreme ML for IM health monitoring. The authors of [10] developed a bearing fault detection strategy using the supply currents with decision trees. Another study [11] proposed a motor faults detection strategy using the features extracted from sound signals with the discrete wavelet transform and local binary pattern methods in combination with neighborhood component analysis; classifiers including SVM and kNN were deployed for decision making. The authors of [12] proposed a different IM fault method using the feature vector extracted from the short-term Fourier transform (STFT) from the sound and acceleration signals and random forest (RF) classifier. Another study [13] proposed an IM fault detection mechanism using ML algorithms such as RF, artificial neural network (ANN), DTs, RF, and kNN models. Among these models, the RF algorithm obtained the highest accuracy. In [14], a comparative study was conducted using the ML and DL methods, where the kNN-based approach reached an accuracy of 90.55%, the SVM-based approach had an accuracy of more than 90%, the DT-based method had an accuracy of 87.76%, and RF in combination with fast Fourier transfer achieved an accuracy of more than 95%.
However, despite the advantages of ML, DL has also gained substantial attention due to its ability to handle complex patterns and large datasets, as well as its autonomous feature extraction, superior performance in complex scenarios, and adaptability to diverse operating environments. DL algorithms inherently offer numerous advantages but also require substantial amounts of data for efficient performance. In order to address these issues, transfer learning (TL) offers an effective solution. TL allows the usage of knowledge gained from one task (or dataset) to be applied to another related task, even when labeled fault data for the specific condition are limited. This proves to be valuable in real industrial settings where acquiring large datasets is challenging and impractical. In the context of IM health monitoring, where defect data are frequently limited, unbalanced, or costly to acquire, traditional deep learning models have considerable difficulty in their ability to generalize, as they require huge amounts of labeled data. TL, on the other hand, lessens the need for large labeled datasets in the target domain by utilizing information from previously trained models on similar tasks or domains. High-level feature representations that have been learned from an abundance of source data, such as vibration signals from comparable rotating machinery or synthetic datasets, can be tailored to the particular purpose of motor defect detection thanks to TL. In industrial settings where defect occurrences are uncommon and annotated data is scarce, this capacity is especially beneficial. TL is a strategically advantageous approach over traditional DL methods in motor health diagnostics because it reduces the need for large-scale labeled data and shortens the time needed for model training. This enhances model generalization and applicability, particularly in the face of domain shifts and changing operational conditions. TL also offers improved generalization across domains, which helps model to adapt to new operating conditions, different motor types, or varied environments by leveraging the pretrained models from similar problems [14,15]. This is especially valuable for FDG under variable working conditions or when transferring diagnostic capabilities between different machines. Also, by using pretrained neural networks, TL reduces the burden of training the model from the scratch [16]. TL can help in achieving effective performance even under the limited training samples, which makes them suitable for early fault detection in real-world scenarios. In a nutshell, TL accelerates and improves the fault detection by making models more adaptable, data-efficient, and robust to changes in operating conditions. Considering the numerous advantages of the TL, this paper aims to briefly review the advancements in the application TL in IM health monitoring. The paper is divided into multiple sections. Section 2 describes the fundamentals of TL. Section 3 provides the overview of the motor health monitoring and Section 4 entails the TL-based approach for the motor health monitoring. Section 5 presents the emerging trends in motor health monitoring along with future possibilities and Section 6 concludes the review.

2. Fundamentals of Transfer Learning

Transfer learning (TL) is an ML approach in which a model developed for a source task is reused as a starting point for a model on a target task. It improves learning in the target domain by using the knowledge from the source domain. It can be helpful in practical scenarios such as motor health monitoring where obtaining sufficient labeled data is challenging. For a given domain defined as D = x , P ( x ) , x denotes the feature space and P ( x ) denotes the marginal probability distribution of the data. A task is defined as T = y , f ( . ) , where y denotes the label space and f : x y is the predictive function. In TL, we have a given source domain D s = { x s , P s x } with a source task T s = { y s , f s . } and a target domain D T = { x T , P T x } with a target task T T = { y T , f T . } . The goal is to improve the learning of f T . using knowledge from D s and T s , particularly when D s D T or T s T T . There can be several types of TL, including inductive TL, transductive TL, and unsupervised TL. Inductive TL is characterized by T s T T , where some labeled data exists in the target domain. Transductive TL involves D s D T with T s = T T , and unsupervised TL involves the situation where neither source nor target domains have labeled data. It often focusses on clustering or representation learning. Figure 1 shows the basic layout of the TL process, where the source model is trained on source data for a source task and knowledge from this model is then transferred to the target model, which is adapted using target data to perform a new but related task more efficiently. Figure 2 shows the different core areas of TL.

3. Overview of Motor Health Monitoring

Motor health monitoring has gained significant attention for its wide usage across a range of industries and sectors. It is vital to monitor the health of the motor to ensure the reliability, safety, and efficiency of industrial operations. IMs are widely used for various applications due to their robustness and simplicity. The primary objective of health monitoring is to detect and diagnose faults early, thereby minimizing downtime, reducing maintenance costs, and preventing catastrophic failures [19]. The health monitoring techniques for IMs are based on a variety of signals acquired from the IMs like current, vibration, temperature, and many others. With advancements in computational resources, AI has been integrated with these signals along with signal processing techniques for efficient health monitoring of IMs. The modern health monitoring techniques not only detect faults but also predict the remaining useful life (RUL) using the prognostics and health management (PHM) frameworks. These systems integrate real-time monitoring, predictive models, and decision-support tools to enable predictive maintenance and optimize asset management. A generic layout of the FDG method using a DL model is shown in Figure 3.
Authors [21] developed an FDG mechanism for single-phase IMs using the infrared thermography. Both conventional ML and DL have been utilized for the IMs health assessment and achieved a classification accuracy of more than 98%. Authors [22] proposed fault detection and diagnosis methods of motors using a 1D convolutional neural network (CNN) with multi-channel vibration signals. Six different types of faults were detected using the two accelerometers measuring in two different directions. Authors [23] proposed a DL approach based on CNN for the classification and diagnosis of faults using the vibration signals. Authors [24] proposed a hybrid DL model based on the CNN and deep forest for bearing fault detection by converting the vibration signals into time-frequency images using the continuous wavelet transformation. Authors [25] proposed an accurate fault detection mechanism for the bearings of the motor using the cyclic spectral coherence and CNN. Also, group normalization is employed in CNN for normalizing the feature maps of the network, which helps in reducing the internal covariant shift induced by data distribution discrepancy. Authors [26] proposed an effective FDG mechanism for IMs based on the wavelet and convolutional attention neural network. The analysis showed that this approach achieved an accuracy of 99.43%. Authors [27] proposed an IM FDG mechanism with the help of a multi-input CNN model. The features of the vibration and acoustic signals were fused and used for the IM’s FDG via multi-input a CNN model. Authors [28] proposed a CNN-based approach for the incipient stator FDG of the inverter-fed IM. Experimental tests were conducted on a specially designed setup with 3 kW IM, which was designed to emulate the inter-turn short-circuits in each of the three phases of the machine. Authors [29] proposed an early fault detection technique in IMs with the help of a deep CNN–long short-term memory (LSTM) model and CNN-gated recurrent unit (GRU) model. Authors [30] proposed a Shrinkage Mamba Relation Network combined with out-of-distribution data augmentation for fault detection and localization in rotating machinery under zero-faulty data conditions. Authors [31] developed a fault detection mechanism for IMs using the DL model and vibration signals. Authors [32] developed an intelligent fault detection mechanism for bearing faults by using an automatic feature learning neural network that uses the raw vibration signals as input and uses two CNNs with varying kernel size for feature extraction and LSTM model for identifying the fault type based on these features. It achieved an accuracy of more than 98.46%. Authors [33] proposed the CNN-based multi-signals FDG of IMs using the single- and multi-channel datasets.
TL has proven to be a very successful method in the field of motor health monitoring when compared to training DL models from scratch [34,35,36,37]. This is mainly because of the inherent difficulties with generalization, processing resources, and data availability. It is frequently challenging and costly to obtain extensive labeled datasets for RUL prediction, degradation investigation, or fault detection. Because motor defects can happen infrequently or under certain operating conditions, it is not feasible to gather the wide range of data required to properly train deep neural networks (DNNs).

4. Transfer Learning in Motor Health Monitoring

In real-world motor health monitoring scenarios, traditional DL techniques often require large volumes of labeled data to attain good accuracy and generalization. This problem is addressed by TL, which makes it possible to apply information acquired from large-scale, frequently unrelated source domains where there is an abundance of labeled data to target domains with lack of data. Rich feature representations, such as edge detectors, texture analyzers, or temporal patterns, have already been captured in the early layers of pretrained models, particularly those trained on large datasets like ImageNet or large time-series repositories. These representations are frequently generic and transferable across different domains. These pretrained models can be adjusted on the particular motor fault data when used for motor health monitoring. This enables the network to retain the strong lower-level features learned from the source task while adapting higher-level feature representations to the unique characteristics of motor vibrations, acoustic emissions, or current signals. Because the model begins with a well-informed initialization rather than random weights, this not only lowers the amount of data needed but also greatly speeds up the model’s convergence. Additionally, TL improves the model’s capacity for generalization, which is crucial in industrial settings where motors may run under a range of loads, speeds, and climatic circumstances. TL enables the model to capture more broadly applicable properties that are resilient under a variety of operating conditions, as opposed to overfitting to a limited dataset. TL is particularly beneficial from a computational perspective since it eliminates the need for extensive training, which requires a substantial investment in time, money, and computing power. The technique is more resource-efficient and practical for industries with limited computing infrastructure because the pretrained weights provide a foundation that just needs to be fine-tuned or partially retrained. Furthermore, TL enables ongoing learning and adaptability as new kinds of motor faults or operating conditions appear; models can be gradually updated with new data while maintaining previously learned information, which is essential for creating reliable and scalable PHM systems. In a nutshell, TL is a very appealing substitute for traditional DL techniques in the fields of intelligent maintenance and industrial diagnostics since it provides a practical, effective, and efficient means of advancing motor health monitoring by overcoming the constraints of data scarcity, improving model generalization, speeding up training, and lowering computational costs.
Authors [34] proposed an FDG mechanism using the TL. The sensor data were converted to images using the wavelet transformation for obtaining the time–frequency distribution. In [17], a deep TL method was developed for fault detection in the IMs using the TL via pretrained ResNetV2 model. This approach achieved an accuracy of more than 99%. Authors [38] proposed a fault detection mechanism for IMs using the time domain and spectral imaging-based TL with the help of vibration data. The short-time Fourier transform (STFT)-based spectrograms were developed for the analysis and achieved an accuracy of 97.67%. The layout of this approach is given in Figure 3. TL is demonstrated with a pretrained CNN in Figure 4. A new CNN model for spectrogram-based classification is trained using parameters that were learned from an image classification challenge. By utilizing knowledge from the prior image-based model and facilitating effective feature reuse, shared convolutional layers minimize training effort for the new task. Authors [39] proposed a deep TL method based on sparse auto-encoder (AE) for bearing FDG. This method uses a three-layer sparse AE to extract features from raw data and applies a maximum mean discrepancy term for minimizing the discrepancy penalty between training and test data features. Authors [40] proposed a TL with CNNs for IMs FDG based on the small amount of the target data. Results have demonstrated that this method achieved reasonable diagnostic accuracy with inadequate target data. Authors [41] proposed a deep adversarial TL model for identifying the emerging faults. One-dimensional CNN is used to learn invariant features from the vibration signals of the source and target domains. A final decision boundary is developed for identifying emerging faults by training a classifier to recognize some target samples as new ones.
Authors [16] developed a TL-based method for FDG using the VGG-19 CNN framework. Thermal images with different IMs conditions were used for the analysis and achieved an overall classification accuracy of 99.8%. Authors [42] proposed a deep TL model for broken rotor FDG for IMs using the time–frequency images and pretrained ResNet18 model. Authors [43] proposed a deep CNN using TL for FDG on the public-domain dataset. One-dimensional signals were converted to gray-scale images, and these were used for the FDG. Authors [44] proposed a TL-based feature transfer method for FDG. A transfer component-analysis-based method was developed to transfer data features between the working conditions. Authors [45] proposed a deep convolutional TL network for intelligent FDG of machines with unlabeled data. This method comprises two modules, namely, condition recognition and domain adaptation. Authors [46] proposed a CNN with TL for intelligent bearing FDG of the motors. The vibration signals were transformed into the spectrogram images by the non-uniform fast Fourier transform with Hamming window for the analysis. These spectrograms were cut into several consecutive sub-spectrograms into 227 × 227 × 3 pixels for the TL-based analysis. Authors [47] developed a motor FDG approach based on modified InceptionV3 model for efficient FDG. The layout and methodology of this approach is given in Figure 5 and Figure 6. Figure 5 illustrates a hybrid model that combines machine learning and deep learning. An InceptionV3-SE model that has been trained is used to extract features from training and test data. Using deep feature representation and SVM’s accuracy, performance is improved as an SVM classifier is trained using these features before performing the final classification on test data. A framework for diagnosing motor faults using thermal imaging is shown in Figure 6. Images are subject to dataset splitting after CLAHE (Contrast Limited Adaptive Histogram Equalization) preparation. The proposed strategy integrates an SVM classifier with SE-enhanced InceptionV3. Precision, recall, F1-score, and accuracy are used to assess the model’s performance, illustrating a successful hybrid technique that combines deep learning and machine learning. This approach was tested on the 369 thermal images of an electric motor with various types of faults.
Authors [48] proposed a TL-based strategy for the bearing FDG under different working conditions using the convolution Wasserstein adversarial networks. Authors [35] proposed a TL-based technique for bearing FDG using scalogram-based images from vibration signals and pretrained VGG19 model. Authors [49] proposed an adaptive deep TL strategy for the bearing FDG using the long short-term memory recurrent neural network model based on instance-TL and joint distribution adaptation via feature TL method. Authors [50] proposed a TL-based deep CNN model for the bearing and broken rotors fault detection (FDT) in IMs. This approach provides the autonomous feature learning capabilities and fault decision-making with minimum human intervention. Authors [51] proposed a technique for bearing and rotor FDG of IMs using the continuous wavelet transformation and deep neural network in combination with TL. Authors [52] proposed acoustic spectral imaging data for the reliable bearing FDG using the TL-based technique in combination with the CNN model. Authors [53] used a passive thermography image for bearing FDT with the help of CNN with TL under changing working conditions. It achieved accuracy in the range of 89–95.4% for the IM dataset. Authors [54] proposed a TL-based improved stacked AE for the bearing FDG. To prevent the vanishing gradient problem and improve feature extraction capability, a convolutional shortcut has been used instead of the sparse term Kullback–Leibler (KL) divergence in the stacked AE. Authors [55] proposed an interpretable domain adaptation transformer based on TL for bearing FDG. A multi-layer domain adaptation transformer was developed for capturing the global information and ensemble attention weight was applied to make the TL model interpretable. Authors [56] proposed a deep adversarial TL method for FDG in rotating machinery. A subdomain adaptation and adversarial learning were introduced for aligning local feature distribution and global feature distribution separately. Authors [57] proposed a generative adversarial network and TL-based FDT approach for rotating machinery under the imbalanced data conditions. Authors [58] proposed an improved TL method for FDT using the adaptive dimension convert CNN and layered alternately TL approach. Authors [59] proposed a residual network based on a deep transfer diagnosis model for bearing faults. Wavelet packets transform and multi-kernel maximum mean discrepancy are combined for deep feature extraction, which helps in achieving better cross-domain invariance and fault state differentiation capability. Authors [60] proposed an unsupervised deep TL method in conjunction with isolation forest for machine FDG. This method has yielded a high accuracy and generality. Authors [61] proposed the Inception-ResNet-v2-based pretrained model for TL for the bearing FDG in the electric motors. The architecture of this approach is given in Figure 7. A table (Table 1) has been developed to understand the TL approach along with type of fault/faults detected with type of input and associated models.

5. Emerging Trends and Future Directions

5.1. Emerging Trends

Transfer learning has emerged to play a pivotal role in motor health monitoring. It can help in training the DL model without training the model from scratch. TL leverages the knowledge from pretrained models to improve FDG and predictive maintenance in industrial settings. Pretrained DL models, such as VGG-19, are increasingly applied to IM FDG. Also, capsule networks are gaining attention compared to traditional CNNs, preserving spatial relationships in data through vector-output capsules, which could enhance FDT accuracy in complex motor conditions. IoT (Internet of things)-based integrating sensors with TL models help in enabling continuous, real-time health monitoring of IMs. These systems use edge computing and cloud infrastructure to process large-scale data, improving scalability and reducing latency. Data-driven automation models, including DL and reinforcement learning, are being adopted to analyze dynamic IoT network data, identifying hidden trends and patterns for predictive maintenance. Recent advancements involve TL with DL techniques, such as graph neural networks (GNNs), which model vibration signals as graphs to capture complex relationships, outperforming traditional recurrent neural networks (RNNs) in bearing FDG. Time–frequency analysis methods like wavelet transforms are increasingly used to overcome limitations of Fourier transforms, enabling better detection of time-varying fault signatures in noisy environments. Combining multiple data sources via data fusion techniques enhances FDG robustness. TL addresses challenges of limited labeled data in industrial settings by transferring knowledge from large, general datasets to specific motor health tasks. Techniques like instance reweighting and feature representation transfer are used to adapt pretrained models to target domains. In fault datasets, class imbalance is a recurring problem. To counteract this, TL techniques are being developed in conjunction with data augmentation and synthetic data generation, guaranteeing strong model performance.

5.2. Future Directions

Future research will focus on fine-tuning pretrained TL models to enhance adaptability to specific motor types and operating conditions. This includes optimizing network architectures for faster detection and lower computational costs. Also, combining hybrid TL models with reinforcement learning could enable adaptive FDT in dynamic industrial environments. Implementing TL models on edge devices equipped with application-specific integrated circuits (ASICs) or low-power microcontrollers will lower power consumption and latency, enabling real-time monitoring in environments with limited resources. For large-scale motor monitoring systems, research into dividing computation among cloud, edge, and IoT devices will maximize resource use and enhance scalability. The “black box” aspect of DL in crucial applications like motor health monitoring will be addressed by integrating XAI (Explainable artificial intelligence) with TL models, which will improve interpretability. This is essential for maintaining adherence to safety regulations and fostering trust in industrial environments. The creation of responsible TL systems for industrial usage may be guided by ethical AI models that draw inspiration from mobility and healthcare applications. The current constraint of small-scale or simulated datasets for induction motor defects will be addressed by creating standardized, large-scale datasets, especially for inverter-driven motors. Training and evaluating TL models will become more robust as a result. Research and implementation of TL-based motor monitoring systems could be accelerated by cooperative efforts to establish open-access repositories akin to those in the healthcare industry. Establishing benchmarking procedures should be the goal of future research in order to facilitate equitable comparisons. Furthermore, additional real-world validations are required to evaluate the resilience and practicality of these approaches in industrial contexts. Also, future research can include integration of the advanced AI paradigms such as federated learning and quantum ML with TL of motor health monitoring. To ensure privacy and security in real-world deployments, federated learning makes it possible for collaborative model training across decentralized industrial systems without exchanging sensitive operational data. The potential for quantum ML to improve model optimization in challenging diagnostic tasks and speed up high-dimensional calculations is still in its early stages. By examining these technologies in conjunction with TL, new avenues for computationally efficient, secure, and scalable failure detection and diagnosis may become available. Large-scale, multi-site motor monitoring systems and settings with stringent data governance regulations may benefit greatly from such integration. These methods will supplement present efforts to improve explainability using XAI techniques, hybridize with reinforcement learning, and optimize TL models for edge deployment. It will also address the limitation of data through the production of large-scale, standardized datasets.

6. Conclusions

This paper presents a brief review of the transfer learning application in induction motor health monitoring. It has emerged as a powerful tool for enhancing the performance and generalization of DL models in IM health monitoring, especially in scenarios with limited labeled fault data and varying operating conditions. Reusing knowledge learnt from the other related domains, TL significantly reduces training time, improves model robustness, and accelerates deployment in real-world industrial settings. This brief review covers the application of TL strategies ranging from fixed feature extraction and fine-tuning to domain adaptation. Despite numerous advantages, challenges remain, such as addressing negative transfer, handling high domain variability, and ensuring interpretability and real-time adaptability. In a nutshell, TL has proven to be a cornerstone in the evolution of intelligent, scalable, and data-efficient induction motor health monitoring systems. It promises to play a crucial role in truly autonomous and resilient predictive maintenance frameworks.

Funding

This research was funded by Woosong University Academic Research 2025.

Informed Consent Statement

Not applicable.

Data Availability Statement

Not applicable.

Conflicts of Interest

The authors declare no conflicts of interest. The funders had no role in the design of the study, in the collection, analyses, or interpretation of data, in the writing of the manuscript, or in the decision to publish the results.

References

  1. Trzynadlowski, A.M. The Field Orientation Principle in Control of Induction Motors; Springer Science & Business Media: Berlin, Germany, 2013; ISBN 978-1-4615-2730-5. [Google Scholar]
  2. Zhang, P.; Du, Y.; Habetler, T.G.; Lu, B. A Survey of Condition Monitoring and Protection Methods for Medium-Voltage Induction Motors. IEEE Trans. Ind. Appl. 2011, 47, 34–46. [Google Scholar] [CrossRef]
  3. Konar, P.; Chattopadhyay, P. Bearing Fault Detection of Induction Motor Using Wavelet and Support Vector Machines (SVMs). Appl. Soft Comput. 2011, 11, 4203–4211. [Google Scholar] [CrossRef]
  4. Pandarakone, S.E.; Mizuno, Y.; Nakamura, H. Distinct Fault Analysis of Induction Motor Bearing Using Frequency Spectrum Determination and Support Vector Machine. IEEE Trans. Ind. Appl. 2017, 53, 3049–3056. [Google Scholar] [CrossRef]
  5. Brusamarello, B.; Cardozo da Silva, J.C.; de Morais Sousa, K.; Guarneri, G.A. Bearing Fault Detection in Three-Phase Induction Motors Using Support Vector Machine and Fiber Bragg Grating. IEEE Sens. J. 2023, 23, 4413–4421. [Google Scholar] [CrossRef]
  6. Jigyasu, R.; Shrivastava, V.; Singh, S. Smart Classifier Based Prognostics and Health Management of Induction Motor. Mater. Today Proc. 2021, 43, 355–361. [Google Scholar] [CrossRef]
  7. Tran, V.T.; Yang, B.-S.; Oh, M.-S.; Tan, A.C.C. Fault Diagnosis of Induction Motor Based on Decision Trees and Adaptive Neuro-Fuzzy Inference. Expert Syst. Appl. 2009, 36, 1840–1849. [Google Scholar] [CrossRef]
  8. Toma, R.N.; Prosvirin, A.E.; Kim, J.-M. Bearing Fault Diagnosis of Induction Motors Using a Genetic Algorithm and Machine Learning Classifiers. Sensors 2020, 20, 1884. [Google Scholar] [CrossRef]
  9. Euldji, R.; Bouamhdi, M.; Rebhi, R.; Bachene, M.; Ikumapayi, O.M.; Al-Dujaili, A.Q.; Abdulkareem, A.I.; Humaidi, A.J.; Menni, Y. Optimizing Condition Monitoring of Ball Bearings: An Integrated Approach Using Decision Tree and Extreme Learning Machine for Effective Decision-Making. Open Phys. 2023, 21, 20220239. [Google Scholar] [CrossRef]
  10. Briglia, G.; Immovilli, F.; Cocconcelli, M.; Lippi, M. Bearing Fault Detection and Recognition From Supply Currents with Decision Trees. IEEE Access 2024, 12, 12760–12770. [Google Scholar] [CrossRef]
  11. Yaman, O. An Automated Faults Classification Method Based on Binary Pattern and Neighborhood Component Analysis Using Induction Motor. Measurement 2021, 168, 108323. [Google Scholar] [CrossRef]
  12. Bakır, Ç. Different Induction Motor Faults by New Proposed Random Forest Method. Balk. J. Electr. Comput. Eng. 2023, 11, 380–386. [Google Scholar] [CrossRef]
  13. Abdulkareem, A.; Anyim, T.; Popoola, O.; Abubakar, J.; Ayoade, A. Prediction of Induction Motor Faults Using Machine Learning. Heliyon 2025, 11, e41493. [Google Scholar] [CrossRef] [PubMed]
  14. Kumar, P.; Hati, A.S.; Kumar, P. A Transfer Learning-Based Deep Convolutional Neural Network Approach for Induction Machine Multiple Faults Detection. Int. J. Adapt. Control. Signal Process. 2023, 37, 2380–2393. [Google Scholar] [CrossRef]
  15. Misbah, I.; Lee, C.K.M.; Keung, K.L. Fault Diagnosis in Rotating Machines Based on Transfer Learning: Literature Review. Knowl.-Based Syst. 2024, 283, 111158. [Google Scholar] [CrossRef]
  16. Ibrahim, A.; Anayi, F.; Packianather, M. New Transfer Learning Approach Based on a CNN for Fault Diagnosis. Eng. Proc. 2022, 24, 16. [Google Scholar] [CrossRef]
  17. Kumar, P.; Kumar, P.; Hati, A.S.; Kim, H.S. Deep Transfer Learning Framework for Bearing Fault Detection in Motors. Mathematics 2022, 10, 4683. [Google Scholar] [CrossRef]
  18. Braig, M.; Zeiler, P. Using Data From Similar Systems for Data-Driven Condition Diagnosis and Prognosis of Engineering Systems: A Review and an Outline of Future Research Challenges. IEEE Access 2023, 11, 1506–1554. [Google Scholar] [CrossRef]
  19. Kumar, P.; Hati, A.S. Review on Machine Learning Algorithm Based Fault Detection in Induction Motors. Arch. Comput. Methods Eng. 2021, 28, 1929–1940. [Google Scholar] [CrossRef]
  20. Zhao, Z.; Wu, J.; Li, T.; Sun, C.; Yan, R.; Chen, X. Challenges and Opportunities of AI-Enabled Monitoring, Diagnosis & Prognosis: A Review. Chin. J. Mech. Eng. 2021, 34, 56. [Google Scholar] [CrossRef]
  21. Atif, M.; Azmat, S.; Khan, F.; Albogamy, F.R.; Khan, A. AI-Driven Thermography-Based Fault Diagnosis in Single-Phase Induction Motor. Results Eng. 2024, 24, 103493. [Google Scholar] [CrossRef]
  22. Junior, R.F.R.; dos Santos Areias, I.A.; Campos, M.M.; Teixeira, C.E.; da Silva, L.E.B.; Gomes, G.F. Fault Detection and Diagnosis in Electric Motors Using 1d Convolutional Neural Networks with Multi-Channel Vibration Signals. Measurement 2022, 190, 110759. [Google Scholar] [CrossRef]
  23. Souza, R.M.; Nascimento, E.G.S.; Miranda, U.A.; Silva, W.J.D.; Lepikson, H.A. Deep Learning for Diagnosis and Classification of Faults in Industrial Rotating Machinery. Comput. Ind. Eng. 2021, 153, 107060. [Google Scholar] [CrossRef]
  24. 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]
  25. Chen, Z.; Mauricio, A.; Li, W.; Gryllias, K. A Deep Learning Method for Bearing Fault Diagnosis Based on Cyclic Spectral Coherence and Convolutional Neural Networks. Mech. Syst. Signal Process. 2020, 140, 106683. [Google Scholar] [CrossRef]
  26. Tran, M.-Q.; Liu, M.-K.; Tran, Q.-V.; Nguyen, T.-K. Effective Fault Diagnosis Based on Wavelet and Convolutional Attention Neural Network for Induction Motors. IEEE Trans. Instrum. Meas. 2022, 71, 3501613. [Google Scholar] [CrossRef]
  27. Choudhary, A.; Mishra, R.K.; Fatima, S.; Panigrahi, B.K. Multi-Input CNN Based Vibro-Acoustic Fusion for Accurate Fault Diagnosis of Induction Motor. Eng. Appl. Artif. Intell. 2023, 120, 105872. [Google Scholar] [CrossRef]
  28. Skowron, M.; Orlowska-Kowalska, T.; Wolkiewicz, M.; Kowalski, C.T. Convolutional Neural Network-Based Stator Current Data-Driven Incipient Stator Fault Diagnosis of Inverter-Fed Induction Motor. Energies 2020, 13, 1475. [Google Scholar] [CrossRef]
  29. Husari, F.; Seshadrinath, J. Early Stator Fault Detection and Condition Identification in Induction Motor Using Novel Deep Network. IEEE Trans. Artif. Intell. 2022, 3, 809–818. [Google Scholar] [CrossRef]
  30. Chen, Z.; Huang, H.-Z.; Deng, Z.; Wu, J. Shrinkage Mamba Relation Network with Out-of-Distribution Data Augmentation for Rotating Machinery Fault Detection and Localization under Zero-Faulty Data. Mech. Syst. Signal Process. 2025, 224, 112145. [Google Scholar] [CrossRef]
  31. Tran, M.; Amer, M.; Dababat, A.; Abdelaziz, A.Y.; Dai, H.-J.; Liu, M.-K.; Elsisi, M. Robust Fault Recognition and Correction Scheme for Induction Motors Using an Effective IoT with Deep Learning Approach. Measurement 2023, 207, 112398. [Google Scholar] [CrossRef]
  32. Chen, X.; Zhang, B.; Gao, D. Bearing Fault Diagnosis Base on Multi-Scale CNN and LSTM Model. J. Intell. Manuf. 2021, 32, 971–987. [Google Scholar] [CrossRef]
  33. Abdelmaksoud, M.; Torki, M.; El-Habrouk, M.; Elgeneidy, M. Convolutional-Neural-Network-Based Multi-Signals Fault Diagnosis of Induction Motor Using Single and Multi-Channels Datasets. Alex. Eng. J. 2023, 73, 231–248. [Google Scholar] [CrossRef]
  34. Shao, S.; McAleer, S.; Yan, R.; Baldi, P. Highly Accurate Machine Fault Diagnosis Using Deep Transfer Learning. IEEE Trans. Ind. Inform. 2019, 15, 2446–2455. [Google Scholar] [CrossRef]
  35. Kumar, P.; Raouf, I.; Kim, H.S. Transfer Learning for Servomotor Bearing Fault Detection in the Industrial Robot. Adv. Eng. Softw. 2024, 194, 103672. [Google Scholar] [CrossRef]
  36. Gangsar, P.; Bajpei, A.R.; Porwal, R. A Review on Deep Learning Based Condition Monitoring and Fault Diagnosis of Rotating Machinery. Noise Vib. Worldw. 2022, 53, 550–578. [Google Scholar] [CrossRef]
  37. Zhang, W.; Zhang, T.; Cui, G.; Pan, Y. Intelligent Machine Fault Diagnosis Using Convolutional Neural Networks and Transfer Learning. IEEE Access 2022, 10, 50959–50973. [Google Scholar] [CrossRef]
  38. Misra, S.; Kumar, S.; Sayyad, S.; Bongale, A.; Jadhav, P.; Kotecha, K.; Abraham, A.; Gabralla, L.A. Fault Detection in Induction Motor Using Time Domain and Spectral Imaging-Based Transfer Learning Approach on Vibration Data. Sensors 2022, 22, 8210. [Google Scholar] [CrossRef]
  39. Wen, L.; Gao, L.; Li, X. A New Deep Transfer Learning Based on Sparse Auto-Encoder for Fault Diagnosis. IEEE Trans. Syst. Man Cybern. Syst. 2019, 49, 136–144. [Google Scholar] [CrossRef]
  40. Xiao, D.; Huang, Y.; Qin, C.; Liu, Z.; Li, Y.; Liu, C. Transfer Learning with Convolutional Neural Networks for Small Sample Size Problem in Machinery Fault Diagnosis. Proc. Inst. Mech. Eng. Part C J. Mech. Eng. Sci. 2019, 233, 5131–5143. [Google Scholar] [CrossRef]
  41. Li, J.; Huang, R.; He, G.; Wang, S.; Li, G.; Li, W. A Deep Adversarial Transfer Learning Network for Machinery Emerging Fault Detection. IEEE Sens. J. 2020, 20, 8413–8422. [Google Scholar] [CrossRef]
  42. Dişli, F.; Gedikpınar, M.; Sengur, A. Deep Transfer Learning-Based Broken Rotor Fault Diagnosis For Induction Motors. TJST 2023, 18, 275–290. [Google Scholar] [CrossRef]
  43. Zhang, D.; Zhou, T. Deep Convolutional Neural Network Using Transfer Learning for Fault Diagnosis. IEEE Access 2021, 9, 43889–43897. [Google Scholar] [CrossRef]
  44. Xu, W.; Wan, Y.; Zuo, T.-Y.; Sha, X.-M. Transfer Learning Based Data Feature Transfer for Fault Diagnosis. IEEE Access 2020, 8, 76120–76129. [Google Scholar] [CrossRef]
  45. Guo, L.; Lei, Y.; Xing, S.; Yan, T.; Li, N. Deep Convolutional Transfer Learning Network: A New Method for Intelligent Fault Diagnosis of Machines With Unlabeled Data. IEEE Trans. Ind. Electron. 2019, 66, 7316–7325. [Google Scholar] [CrossRef]
  46. Lu, T.; Yu, F.; Han, B.; Wang, J. A Generic Intelligent Bearing Fault Diagnosis System Using Convolutional Neural Networks with Transfer Learning. IEEE Access 2020, 8, 164807–164814. [Google Scholar] [CrossRef]
  47. Xu, L.; Teoh, S.S.; Ibrahim, H. A Deep Learning Approach for Electric Motor Fault Diagnosis Based on Modified InceptionV3. Sci. Rep. 2024, 14, 12344. [Google Scholar] [CrossRef]
  48. Zou, Y.; Liu, Y.; Deng, J.; Jiang, Y.; Zhang, W. A Novel Transfer Learning Method for Bearing Fault Diagnosis under Different Working Conditions. Measurement 2021, 171, 108767. [Google Scholar] [CrossRef]
  49. Wu, Z.; Jiang, H.; Zhao, K.; Li, X. An Adaptive Deep Transfer Learning Method for Bearing Fault Diagnosis. Measurement 2020, 151, 107227. [Google Scholar] [CrossRef]
  50. Kumar, P.; Hati, A.S. Transfer Learning-Based Deep CNN Model for Multiple Faults Detection in SCIM. Neural Comput. Applic. 2021, 33, 15851–15862. [Google Scholar] [CrossRef]
  51. Jigyasu, R.; Shrivastava, V.; Singh, S.; Bhadoria, V. Transfer Learning Based Bearing and Rotor Fault Diagnosis of Induction Motor. In Proceedings of the 2022 2nd International Conference on Advance Computing and Innovative Technologies in Engineering (ICACITE), Greater Noida, India, 28–29 April 2022; pp. 2628–2632. [Google Scholar]
  52. Hasan, M.J.; Islam, M.M.M.; Kim, J.-M. Acoustic Spectral Imaging and Transfer Learning for Reliable Bearing Fault Diagnosis under Variable Speed Conditions. Measurement 2019, 138, 620–631. [Google Scholar] [CrossRef]
  53. Choudhary, A.; Mian, T.; Fatima, S.; Panigrahi, B.K. Passive Thermography Based Bearing Fault Diagnosis Using Transfer Learning With Varying Working Conditions. IEEE Sens. J. 2023, 23, 4628–4637. [Google Scholar] [CrossRef]
  54. Luo, S.; Huang, X.; Wang, Y.; Luo, R.; Zhou, Q. Transfer Learning Based on Improved Stacked Autoencoder for Bearing Fault Diagnosis. Knowl.-Based Syst. 2022, 256, 109846. [Google Scholar] [CrossRef]
  55. Liu, D.; Cui, L.; Wang, G.; Cheng, W. Interpretable Domain Adaptation Transformer: A Transfer Learning Method for Fault Diagnosis of Rotating Machinery. Struct. Health Monit. 2025, 24, 1187–1200. [Google Scholar] [CrossRef]
  56. Shao, J.; Huang, Z.; Zhu, Y.; Zhu, J.; Fang, D. Rotating Machinery Fault Diagnosis by Deep Adversarial Transfer Learning Based on Subdomain Adaptation. Adv. Mech. Eng. 2021, 13, 16878140211040226. [Google Scholar] [CrossRef]
  57. Li, J.; Liu, Y.; Li, Q. Generative Adversarial Network and Transfer-Learning-Based Fault Detection for Rotating Machinery with Imbalanced Data Condition. Meas. Sci. Technol. 2022, 33, 045103. [Google Scholar] [CrossRef]
  58. Huo, C.; Jiang, Q.; Shen, Y.; Qian, C.; Zhang, Q. New Transfer Learning Fault Diagnosis Method of Rolling Bearing Based on ADC-CNN and LATL under Variable Conditions. Measurement 2022, 188, 110587. [Google Scholar] [CrossRef]
  59. Yu, X.; Liang, Z.; Wang, Y.; Yin, H.; Liu, X.; Yu, W.; Huang, Y. A Wavelet Packet Transform-Based Deep Feature Transfer Learning Method for Bearing Fault Diagnosis under Different Working Conditions. Measurement 2022, 201, 111597. [Google Scholar] [CrossRef]
  60. Liang, J.; Liang, Q.; Wu, Z.; Chen, H.; Zhang, S.; Jiang, F. A Novel Unsupervised Deep Transfer Learning Method With Isolation Forest for Machine Fault Diagnosis. IEEE Trans. Ind. Inform. 2024, 20, 235–246. [Google Scholar] [CrossRef]
  61. Kumar, P.; Singh, S.; Song, D.Y. Investigation of Transfer Learning Method for Motor Fault Detection. Machines 2025, 13, 329. [Google Scholar] [CrossRef]
  62. Zhou, J.; Yang, X.; Li, J. Deep Residual Network Combined with Transfer Learning Based Fault Diagnosis for Rolling Bearing. Appl. Sci. 2022, 12, 7810. [Google Scholar] [CrossRef]
  63. Jiang, L.; Zhu, S.; Sun, N. An Improved Lightweight Variant of EfficientNetV2 Coupled With Sensor Fusion and Transfer Learning Techniques for Motor Fault Diagnosis. IEEE Access 2024, 12, 84470–84487. [Google Scholar] [CrossRef]
  64. Yang, Y.; Jing, J.; Zhang, J.; Liu, Z.; Li, X. Discriminative Fault Diagnosis Transfer Learning Network under Joint Mechanism. Sci. Rep. 2025, 15, 8888. [Google Scholar] [CrossRef]
  65. Abid, M.; ul Haq, I.; Cai, Z.; Zhang, S. Faults Identification with Deep CNN Fine-Tuned ResNet50 Model for Rolling Bearings. IET Conf. Proc. 2023, 2023, 533–539. [Google Scholar] [CrossRef]
  66. Zhu, J.; Chen, N.; Shen, C. A New Deep Transfer Learning Method for Bearing Fault Diagnosis Under Different Working Conditions. IEEE Sens. J. 2020, 20, 8394–8402. [Google Scholar] [CrossRef]
  67. Zhao, H.; Yang, X.; Chen, B.; Chen, H.; Deng, W. Bearing Fault Diagnosis Using Transfer Learning and Optimized Deep Belief Network. Meas. Sci. Technol. 2022, 33, 065009. [Google Scholar] [CrossRef]
  68. Wang, X.; Shen, C.; Xia, M.; Wang, D.; Zhu, J.; Zhu, Z. Multi-Scale Deep Intra-Class Transfer Learning for Bearing Fault Diagnosis. Reliab. Eng. Syst. Saf. 2020, 202, 107050. [Google Scholar] [CrossRef]
  69. Skowron, M. Early Fault Diagnosis of Rotor Cage Bars and Stator Windings of Induction Motor Based on Axial Flux Signal Using Transfer Learning. In Proceedings of the the 2nd International Electronic Conference on Machines and Applications, Online, 18–20 June 2024. [Google Scholar]
  70. Zhu, P.; Ma, S.; Han, Q.; Chu, F. Deep Transfer Learning With Generalized Distribution Matching Measure for Rotating Machinery Fault Diagnosis. IEEE Trans. Ind. Inform. 2025, 21, 3515–3524. [Google Scholar] [CrossRef]
  71. Rosyadi, I.; Nazaruddin, Y.Y.; Siregar, P.I. Leveraging Deep Transfer Learning and Time-Aware Convolutional Transformers for Stator Winding Fault Diagnosis in Electric Motors: A Digital Twin Approach. Complex Syst. Model. Simul. 2025, 1–18. [Google Scholar] [CrossRef]
  72. Zheng, B.; Huang, J.; Ma, X.; Zhang, X.; Zhang, Q. An Unsupervised Transfer Learning Method Based on SOCNN and FBNN and Its Application on Bearing Fault Diagnosis. Mech. Syst. Signal Process. 2024, 208, 111047. [Google Scholar] [CrossRef]
Figure 1. Layout of standard TL process [17].
Figure 1. Layout of standard TL process [17].
Energies 18 03823 g001
Figure 2. Different types of TL [18].
Figure 2. Different types of TL [18].
Energies 18 03823 g002
Figure 3. Generic outline of FDG method using DL [20].
Figure 3. Generic outline of FDG method using DL [20].
Energies 18 03823 g003
Figure 4. Fine-tuned TL technique for pretrained CNN models [38].
Figure 4. Fine-tuned TL technique for pretrained CNN models [38].
Energies 18 03823 g004
Figure 5. Modified InceptionV3 model for FDG [47].
Figure 5. Modified InceptionV3 model for FDG [47].
Energies 18 03823 g005
Figure 6. Workflow for modified InceptionV3 model for FDG [47].
Figure 6. Workflow for modified InceptionV3 model for FDG [47].
Energies 18 03823 g006
Figure 7. Inception-ResNet-v2-based FDT technique in motors [61].
Figure 7. Inception-ResNet-v2-based FDT technique in motors [61].
Energies 18 03823 g007
Table 1. TL-based approach for IM’s FDT.
Table 1. TL-based approach for IM’s FDT.
Fault Type (Ref.)TL ApproachData TypeDetailsModel
Bearing fault [16]CNN-based TLThermal imagesUtilized pretrained VGG-19 on ImageNet for FDT using thermal images captured by FLIR camera.VGG19-CNN
Bearing faults [62] Signal to images conversion with InceptionVibration signalsConverted vibration signals to 2D time–frequency imagesResNet-34
Multi-faults [63]Feature extraction with EfficientNetV2Multi-sensor signalsConverted multi-sensor signals to 2D time-frequency imagesEfficientNetV2
Bearing faults [64]Unsupervised TLVibration signalEmployed Squeeze-and-Excitation (SE) attention and Joint Adaptation Network (JAN) for unsupervised diagnosis. SE + JAN
Bearing faults [65]TL with ResNet-50Vibration signalFine-tuned ResNet-50 for vibration-signal-based scalogram imagesResNet-50
Bearing and rotor faults [14]TL with VGG19Current signalsFeature extraction using VGG19VGG19
Bearing faults [66]TL for domain adaptationVibration signalsDeep TL-based CNN model for domain adaptationTL-CNN model
Bearing faults [67] Joint distribution adaptive (JDA) methodVibration signalsJDA with deep belief network (DBN)JDA-DBN
Bearing faults [68]ResNet-50 for feature extractionVibration signalsResNet-50 for low level feature extraction and multiple scale feature learner to analyze these featuresResNet-50
Rotor damages [42]ResNet18 model with time–frequency imagesVibration and current signalsCNN with TL in combination with spectrogram imagesResNet18
Bearing faults [57]Efficient-Net for feature extractionVibration signalsTL method based on the time-generative adversarial networkEfficient-Net model
Rotor cage bars and stator windings [69]CNN for feature extractionAxial fluxSignal processing by CNN in combination with TLTL model
Bearing faults [70]Multichannel feature extraction moduleVibration signalsMulti-order statistics matching sparse wavelet CNN methodTL model
Stator winding faults [71]TL integrated with digital twinMotor signalsTime-aware Convolutional Transformer (TaCT) modelTL model
Bearing faults [72]Unsupervised TLVibration signalsOptimized CNN with fast batch nuclear-norm maximizationUnsupervised TL
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

Kumar, P. Transfer Learning for Induction Motor Health Monitoring: A Brief Review. Energies 2025, 18, 3823. https://doi.org/10.3390/en18143823

AMA Style

Kumar P. Transfer Learning for Induction Motor Health Monitoring: A Brief Review. Energies. 2025; 18(14):3823. https://doi.org/10.3390/en18143823

Chicago/Turabian Style

Kumar, Prashant. 2025. "Transfer Learning for Induction Motor Health Monitoring: A Brief Review" Energies 18, no. 14: 3823. https://doi.org/10.3390/en18143823

APA Style

Kumar, P. (2025). Transfer Learning for Induction Motor Health Monitoring: A Brief Review. Energies, 18(14), 3823. https://doi.org/10.3390/en18143823

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