Next Article in Journal
Enhancing Road Freight Price Forecasting Using Gradient Boosting Ensemble Supervised Machine Learning Algorithm
Previous Article in Journal
On the Critical Parameters of Branching Random Walks
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Enhanced Fault Diagnosis of Drive-Fed Induction Motors Using a Multi-Scale Wide-Kernel CNN

1
Department of Industrial & Systems Engineering, Dongguk University, Seoul 04620, Republic of Korea
2
Department of AI and Big Data, Woosong University, Daejeon 34606, Republic of Korea
*
Author to whom correspondence should be addressed.
Mathematics 2025, 13(18), 2963; https://doi.org/10.3390/math13182963
Submission received: 25 June 2025 / Revised: 23 August 2025 / Accepted: 9 September 2025 / Published: 12 September 2025

Abstract

Induction motor (IM) drives are widely used in industrial applications, particularly within the renewable energy sector, owing to their fast dynamic response and robust performance. Reliable condition monitoring is essential to ensure uninterrupted operation, minimize unexpected downtime, and avoid associated financial losses. Although numerous studies have introduced advanced fault detection techniques for IMs, early fault identification remains a significant challenge, especially in systems powered by electronic drives. To address the limitations of manual feature extraction, deep learning methods, particularly conventional convolutional neural networks (CNNs), have emerged as promising tools for automated fault diagnosis. However, enhancing their capability to capture a broader spectrum of spatial features can further improve detection accuracy. This study presents a novel fault detection framework based on a multi-wide-kernel convolutional neural network (MWK-CNN) tailored for drive-fed induction motors. By integrating convolutional kernels of varying widths, the proposed architecture effectively captures both fine-grained details and large-scale patterns in the input signals, thereby enhancing its ability to distinguish between normal and faulty operating states. Electrical signals acquired from drive-fed IMs under diverse operating conditions were used to train and evaluate the MWK-CNN. Experimental results demonstrate that the proposed model exhibits heightened sensitivity to subtle fault signatures, leading to superior diagnostic accuracy and outperforming existing state-of-the-art approaches for fault detection in drive-fed IM systems.

1. Introduction

The induction motor (IM) is a fundamental component across many industries [1] due to its robust performance, high efficiency, and favorable power density. IMs are widely deployed in applications ranging from electric vehicles and aerospace drive systems to household appliances [2,3,4]. Nevertheless, components within IM drive systems are vulnerable to failure from elevated electro-thermal and mechanical stresses; such failures undermine system reliability and can cause costly unplanned downtime. Consequently, fault diagnosis (FD) in converter-fed IMs is essential for ensuring the dependable operation of variable speed drive (VSD) systems, and it has therefore attracted substantial research attention, particularly in the contexts of renewable energy systems and smart grids [5,6,7].
In inverter-driven IMs, stator windings are exposed to combined electromagnetic and mechanical stresses [8] that can precipitate insulation degradation and eventual breakdown if not detected early [9]. Undetected faults may produce irreversible damage to the motor and the wider drive system [10]. Typical manifestations include coil-to-coil, phase-to-phase, and phase-to-ground faults, among others [11].
The stringent performance and reliability demands of modern applications, such as electric vehicles and high-speed rail systems, have elevated fault detection in electric drive systems to a critical research priority [12]. Historically, FD methods for IMs have fallen into two broad categories: model-based and signal-based approaches [13]. Model-based techniques use mathematical models to reproduce both normal and faulty behavior, enabling theoretically grounded anomaly detection and precise residual analysis [14]. In contrast, signal-based methods, including vibration analysis, temperature monitoring, and motor current signature analysis (MCSA), are commonly used to identify bearing defects, misalignment, rotor imbalance, and other mechanical issues [15]. While effective for many applications, signal-based methods are often sensitive to noise, interference, and signal distortion, factors that can degrade diagnostic reliability in practice [16].
Infrared thermography [17] is a widely used technique for detecting abnormal thermal signatures. Similarly, MCSA methods, including Park’s vector [18], extended Park’s vector [19], and negative-sequence impedance [20], have proven effective in diagnosing drive faults in line-fed machines. However, these approaches face significant challenges when applied to IM drives, particularly in detecting early-stage interturn faults and distinguishing them from harmonics generated by the drive system. Despite extensive research on IM fault detection, diagnosing incipient faults and accurately assessing their severity in drive-fed systems remains a complex task. Since fault development is generally gradual [13], precise fault severity estimation is essential for timely maintenance planning and repair prioritization [21].
Drive-fed IMs are now integral to modern industrial operations. As line-fed motors are increasingly replaced by voltage-source inverter (VSI)-fed systems, ensuring operational reliability and enabling early fault detection have become critical for minimizing unplanned downtime and mitigating financial losses [22]. Timely identification of early-stage faults also supports preventive maintenance, reduces the risk of fault escalation, and safeguards the overall drive system [23].
Inverter-fed motors experience elevated electrical stress on stator windings due to the high harmonic content of the supply voltage, which increases thermal loading [24]. Consequently, effective condition monitoring systems must be capable of detecting faults regardless of the type of power supply. Fault diagnosis in converter-fed motors is particularly challenging because of electromagnetic interference (EMI), high switching frequencies, and rapid voltage transients inherent to inverter operation [25]. These factors complicate the distinction between fault-induced anomalies and normal operating patterns, underscoring the need for advanced diagnostic techniques. Despite the importance of this topic, it remains relatively underexplored, especially under variable speed and torque conditions.
Artificial intelligence (AI)-based approaches have shown strong potential for modeling complex systems without requiring extensive prior knowledge or explicit parameter definitions [26]. Such methods can automatically extract input features, making them particularly suitable for high-dimensional and nonlinear systems. However, conventional machine learning (ML) algorithms often struggle to process large datasets and typically rely on manual feature extraction, limiting their adaptability. In contrast, deep learning (DL), a subfield of ML, has recently achieved significant success in FD applications [27,28,29,30]. Hierarchical DL architectures are increasingly incorporated into condition monitoring frameworks to improve both diagnostic accuracy and automation [14,31,32].
This study explores the use of such architectures for the early detection of interturn faults in power-electronics-fed drive systems. Specifically, we propose a novel hybrid framework that combines ML and DL for two-level decision making, fault classification, and severity assessment.
The proposed method is a multi-wide-kernel convolutional neural network (MWK-CNN) designed for fault classification and severity estimation in IM drives. Unlike conventional CNNs, which typically employ small kernels (e.g., 3 × 3), the MWK-CNN uses larger convolutional filters to capture a broader range of contextual features in the input data [33]. Wide kernels offer several advantages, including an increased receptive field, enhanced shape bias, reduced computational complexity, and improved overall model performance. Despite these advantages, wide-kernel CNNs have seen limited adoption in FD applications. For instance, large-kernel CNNs have been applied to one-dimensional vibration signals, and wide-kernel deep convolutional autoencoders have been developed for diagnosing faults in rotating machinery using vibration data [33,34].
Building on this foundational work, we present a multi-size wide-kernel CNN architecture specifically optimized for improving diagnostic accuracy and robustness in electric drive systems. The main contributions of this study are:
  • Development of a novel MWK-CNN architecture for FD in IM drives, incorporating multiple kernel sizes across convolutional layers.
  • Effective feature extraction from input signals through wide-kernel convolutions, enabling accurate fault detection.
  • Enhanced diagnostic accuracy through integration of diverse kernel sizes, outperforming conventional small-kernel CNNs.
  • Robustness and generalizability, demonstrated through evaluation on an IM drive dataset collected under a variety of operating conditions.
The remainder of this paper is structured as follows. Section 2 presents an overview of electric drive systems and common fault types. Section 3 reviews the fundamentals of CNNs. Section 4 describes the proposed methodology in detail. Section 5 provides a comparative analysis and in-depth discussion of results. Finally, Section 6 summarizes the key findings and concludes the study.

2. Electrical Drive and Its Faults

Field-oriented (vector) control is a widely adopted strategy for regulating induction-motor drives, particularly in VSD systems [35]. Among its variants, speed-sensorless vector control has gained particular prominence in IM drive applications [36], offering high efficiency and precise speed regulation without relying on external sensors such as encoders. Additional benefits include rapid dynamic response, reduced system cost, enhanced reliability, and a more compact overall design [37].
Electrical-drive faults can take many forms, including overcurrent, overvoltage, communication errors, and failures within the drive’s power electronics or the connected motor [21]. Such faults commonly originate from power-supply disturbances, overload conditions, or malfunctions in the drive’s internal components or communication interfaces [13].
Common types of electrical-drive faults include:
  • Overcurrent: Excessive current flow—typically caused by overloads, short circuits, or wiring faults—that can trip protective devices and damage power-stage components.
  • Overvoltage: Elevated DC-bus or phase voltages resulting from supply transients, regenerative events, or converter malfunctions.
  • Communication faults: Loss or corruption of communication between the drive and its controller or feedback devices (e.g., PLCs, encoders), often due to cable defects, configuration errors, or interface failures.
  • Power-electronics faults: Open-circuit or short-circuit failures in switching devices (e.g., IGBTs/MOSFETs), gate-driver faults, or DC-link component failures that degrade converter performance.
  • Motor faults: Electrical faults in the motor windings (open or short circuits, including interturn faults), insulation degradation, and phase imbalances that reduce torque capability and increase heating.
  • Mechanical faults: Bearing defects, rotor eccentricity, misalignment, and shaft-related issues—typically revealed through vibration signatures and changes in electrical parameters.
These fault classes often interact (for example, a power-electronics fault can induce thermal stress that accelerates insulation failure), which complicates diagnosis and motivates integrated electrical–mechanical monitoring strategies.

3. Overview of the CNN

The effectiveness of a CNN for fault detection depends critically on both its architecture and the characteristics of the input data. Typical CNNs for time-series (one-dimensional) signals comprise convolutional layers (CLs), pooling layers (PLs), and fully connected layers (FCLs). In one-dimensional CLs, learnable filters (kernels) slide along the time axis with a specified stride and padding. At each position a filter computes the dot product between its weights and the local input segment, producing an activation that indicates how well the filter’s pattern matches the local data. Stacking multiple filters produces one-dimensional feature maps that capture local temporal patterns at different receptive fields.
Pooling layers follow CLs to reduce the spatial length of feature maps, thereby lowering computational cost, improving scalability, and reducing the risk of overfitting. For one-dimensional data, the most commonly used pooling operations are max pooling (selecting the maximum value in a sliding window) and average pooling (computing the window mean); both reduce dimensionality and can help limit overfitting. When FCLs are used for classification, a flattening layer converts the final set of feature maps (number of filters × feature length) into a one-dimensional vector that feeds the FCLs, which then learn higher-level combinations of features relevant to the target labels. Below is a concise summary of key CNN components and standard parameterizations used in fault-detection models.
  • Normalization: Training deep networks can be significantly slowed by variations in input distributions across layers. Batch normalization (BN) addresses this issue by reducing internal covariate shift, thereby accelerating convergence [32]. Typically, the activation function is applied after the BN layer. During batch normalization, each input x is standardized by subtracting the mean and dividing by the standard deviation of the training data for each dimension k, ensuring stable input distributions for every layer:
    x k = x k E [ x k ] V a r [ x k ] .
    However, normalization can distort the layer’s representation, particularly in the presence of nonlinear transformations. To mitigate this, BN introduces learnable scale and shift parameters for each activation, enabling the network to preserve its expressive capacity:
    y k = p k x k + q k ,
    where pk and qk are trainable parameters that rescale and shift the normalized activations (x(k)). These parameters are learned jointly with the model weights during training.
  • Activation Function: The ReLU activation function introduces nonlinearity after each convolutional block. It is widely favored for its computational efficiency and simplicity. A variant of ReLU with added Gaussian noise is defined as:
    R e l u ( x ) = m a x { 0 , x } + N ( o , σ ( x ) ) ,
    where N(o, σ(x)) is Gaussian noise with mean 0 and variance of σ(x), and x is the output of the convolution operation.
  • Fully Connected Layer: The FCL precedes the final classification stage and integrates features extracted by the preceding convolutional and pooling layers. It operates analogously to a traditional multilayer perceptron. Mathematically, it can be expressed as:
    F L = f w l x l + b l ,
    where xl is the flattened input vector from the last pooling layer, wl is the weight vector, bl is the bias term, and f denotes the activation function. The dot product wl ∗ xl combines the learned weights with the input features to produce the final feature representation.
  • Optimization: The Adam optimizer is a widely adopted stochastic optimization algorithm for training neural networks. It employs an adaptive learning rate mechanism that updates each parameter individually, improving training efficiency and convergence speed. Adam is particularly well-suited for models with a large number of parameters, as it combines low memory usage with high computational efficiency. It also performs robustly on noisy and non-stationary datasets, which are common in real-world applications [33]. The update process is described as:
    g t = θ f t θ t 1 ,
    m t θ = λ 1 V t 1 θ + g t 2 λ 1 g t 2 ,
    V t θ = λ 2 V t 1 θ + ( g t 2 λ 2 g t 2 ) ,
    m ^ θ = m t θ 1 λ t 1 ,
    v ^ θ = v t θ 1 λ t 2 ,
    θ t = θ t 1 α m ^ θ v ^ θ + ε ,
    where gt is the gradient of the stochastic objective function f(·) parameterized by θt, λ1 and λ2 are decay rates, m ^ θ and v ^ θ are bias-corrected estimates of the first and second moments. Parameters θt are updated using a corrected momentum approach, with a fixed learning rate α = 0.001 and a small constant ϵ = 10−9 for numerical stability.
  • Loss Function: The categorical cross-entropy (CEL) loss function is commonly employed for classification tasks, particularly in multiclass problems. It measures the divergence between the true label distribution and the predicted probability distribution output by the model:
    L y t r u e , y p r e d = s u m ( y t r u e l o g ( y p r e d ) )
    where ytrue and ypred denote the actual and predicted probability distributions, respectively. CEL is both differentiable and convex, making it suitable for optimization with gradient-based algorithms.

4. Proposed Fault Diagnosis Method

Early fault diagnosis in electrical drives (EDFD) is essential to avoid disruptions in industrial operations. Electrical drive faults may manifest as overcurrent, overvoltage, communication errors, or failures in the drive’s power electronics or connected motor. Such faults can result from power supply disturbances, overload conditions, or issues within the drive’s communication systems or internal components. If undetected, these faults can lead to complete machinery shutdowns and significant production losses. The primary objective of this work is to develop an MWK-CNN for effective EDFD. Electrical signals are collected under various fault conditions and operational settings for subsequent analysis.
CNN models have been widely applied to FD and have demonstrated strong performance in EDFD. However, conventional CNN architectures typically employ small convolutional kernels for feature extraction, limiting their ability to accurately identify and differentiate between various electrical faults. To address this limitation, the proposed MWK-CNN incorporates wide convolution kernels, which expand the receptive field and allow the model to capture both high- and low-frequency features in vibration signals.
This enhanced architecture improves the network’s capacity to learn temporal characteristics inherent in the signals, which are often time-dependent and periodic. As a result, the proposed model achieves more effective feature extraction and higher diagnostic accuracy. A key structural innovation is the use of large convolution kernels in the initial layer, which plays a crucial role in preserving temporal features and enhancing diagnostic performance. The overall workflow of the proposed method is illustrated in Figure 1.
The first layer of the MWK-CNN employs multiple convolution kernels of different sizes, as shown in Figure 2. This multi-kernel design enables the capture of features across multiple frequency bands. The primary motivation for using wide kernels is to enhance the extraction of short-term signal characteristics. Compared to standard CNNs, the wide-kernel architecture offers advantages for EDFD, including improved global feature extraction, reduced overfitting, and more effective learning of relevant patterns.
One of the main strengths of CNNs is their ability to automatically identify informative diagnostic indicators while filtering out irrelevant data. The complete architecture of the MWK-CNN is depicted in Figure 2. The first convolutional layer uses three wide kernels with sizes 150, 75, and 50, respectively, each followed by max-pooling layers with pool sizes of 15, 10, and 5.
Because the first layer uses multiple kernel sizes, a concatenation layer merges their outputs before passing the data to subsequent layers. FCLs follow this concatenation stage. Both convolutional and fully connected layers use the ReLU activation function, while the final output layer applies the SoftMax function for classification. The Adam optimizer is used to train and fine-tune the MWK-CNN model.

5. Test-Setup, Results, and Discussion

5.1. Test-Setup

A comprehensive experimental study was performed using a laboratory prototype and a data-acquisition (DAQ) system equipped with three Hall-effect (LEM) current sensors and three voltage sensors. The test rig comprises a 5.5 kW induction motor mechanically coupled to an AC drive module with an integrated intelligent power element. Controlled experiments on a three-phase induction-motor drive system produced a dataset of 40,040 records under a variety of operating and fault conditions. The data acquisition process was conducted in a controlled laboratory setup, using Hall-effect current sensors, voltage sensors, a torque sensor, and an encoder for speed measurement. These instruments interfaced with a high-precision DAQ, enabling the capture of high-frequency time-series signals under both normal and fault conditions. The DAQ captured high-frequency time-series signals, including stator voltages, phase currents, torque, and rotor speed (measured with an encoder). A torque sensor was used to control and log the applied load during testing. The experimental block diagram is shown in Figure 3, and the motor specification is given in Table 1. Signals were recorded across multiple load cases and fault scenarios: phase-to-ground short circuit (PTGF), phase-to-phase short circuit (PTPF), overloading (OLF), overvoltage (OVF), undervoltage (UVF), and normal operation (NOM). From these measurements, a labeled dataset was constructed and partitioned into six classes: OLF (0), OVF (1), PTGF (2), PTPF (3), UVF (4), and NOM (5), and then split into training, validation, and test subsets for model development and evaluation. Preprocessing steps included integrity checks and removal of missing values. The cleaned time series were segmented into fixed-length samples before being supplied to the MWK-CNN. Model development and evaluation were performed on a workstation running Microsoft Windows 11, equipped with an Intel i7-8750H processor and 16 GB of RAM. The MWK-CNN was trained using one-dimensional drive-signal samples corresponding to the six predefined operating conditions and validated on held-out data. The speed and current signal under normal and faulty conditions are shown in Figure 4, Figure 5, Figure 6 and Figure 7.

5.2. Feature Description and Extraction

The feature extraction process was performed using signals directly acquired from motor-mounted sensors and the drive controller under diverse operational scenarios, including both normal operation and multiple fault conditions (Table 2 and Table 3). For time-series modeling, the raw signals were first normalized and then segmented into fixed-length windows, allowing the capture of temporal dynamics. These segmented windows served as inputs to the deep learning framework, enabling it to learn both instantaneous characteristics and time-dependent patterns associated with fault evolution.
To maximize discriminative capability, the segmented signals were processed through convolutional and/or recurrent layers, which automatically learned higher-level feature representations. The use of a deep architecture minimized the need for manual feature engineering, allowing the model to extract informative and fault-relevant patterns directly from the raw inputs. The correlation heat map between the input variables and the target fault classes for the proposed method is presented in Figure 8.

5.3. Results

To evaluate the performance of the proposed MWK-CNN model, the electrical drive dataset was divided into three subsets: training, validation, and testing. The MWK-CNN architecture offers several advantages, including improved feature learning, reduced overfitting, and effective global feature extraction. The model was trained over multiple iterations, with performance assessed at each stage. Fine-tuning was applied to further enhance accuracy. The model’s fault detection (FD) performance was quantitatively assessed using several metrics: confusion matrix (CM), accuracy (Acc), precision (Pre), recall (Rec), and F1-score. The confusion matrix provides a structured summary of classification results, while the metrics quantify the model’s ability to correctly identify fault classes. The evaluation metrics are defined as follows:
A c c = T P + F P T P + T N + F P + F N
P r e = T P T P + F P
R e c = T P T P + F N
F 1 S c o r e = 2     P r e     R e c P r e + R e c
where TP denotes true positives (correctly identified positive cases), TN denotes true negatives (correctly identified negative cases), FP denotes false positives (incorrectly identified as positive), and FN denotes false negatives (incorrectly identified as negative).
The MWK-CNN model converged after approximately 50 training epochs. Figure 9 presents the training and validation accuracy curves, Figure 10 shows the loss curves, and Figure 11 depicts the training and validation error curves. These plots demonstrate that convergence was achieved within 50 epochs. The model attained an average classification accuracy exceeding 99%, reflecting its robust diagnostic capability. The confusion matrix in Figure 12 confirms that all fault conditions, NOM (0), OLF (1), OVF (2), PTGF (3), PTPF (4), and UVF (5), were correctly identified, yielding an average classification accuracy of 99.38%. Detailed per-class performance metrics, including precision, recall, and F1-score, are summarized in Table 4.

5.4. Comparison with State-of-the-Art Models

This study compares the proposed MWK-CNN model with established deep learning approaches, 1D-CNN, long short-term memory (LSTM), and artificial neural network (ANN), for fault detection in IM drive systems. After training each model, predictions on the testing dataset were evaluated using three statistical metrics: mean absolute error (MAE), root mean square error (RMSE), and the coefficient of determination (R2), assessed during both training and validation phases. The results are summarized in Table 5.
In fault detection performance, the LSTM model (RMSE: 0.3342, MAE: 0.1117, R2: 0.8883) underperformed compared to the CNN model (RMSE: 0.1802, MAE: 0.0325, R2: 0.9575). This observation is consistent with findings in [38], which note that while LSTM models excel in capturing long-term temporal dependencies in time-series data, they can be less effective than CNNs in extracting localized features essential for fault classification.
The proposed MWK-CNN achieved the best performance across all models, recording an RMSE of 0.079, MAE of 0.0062, and R2 of 0.9938 for drive fault detection during testing and validation. These results are illustrated in Figure 9, Figure 10 and Figure 11, with further visual confirmation provided by spider plots in Figure 13a–c, comparing MAE, RMSE, and R2 across all models.
The MWK-CNN yielded the lowest prediction errors and highest R2 value, indicating superior diagnostic precision. In contrast, the ANN model exhibited the highest error rates and lowest R2 value, making it the least effective among the compared methods.
The proposed MSWK-CNN also consistently outperformed all baseline models in terms of accuracy and F1-score, as shown in Table 6. While ResNet-1D and TCN demonstrated strong performance, the extensive multi-scale wide kernel design of MSWK-CNN enabled more effective capture of both prolonged and transient fault characteristics. Moreover, it maintained competitive inference speed, making it suitable for real-time industrial applications. These results highlight the effectiveness of wide-core feature extraction, particularly for complex scenarios involving combined electrical and mechanical faults across varying time scales.
Wide kernel CNNs generally outperform conventional CNNs and other deep learning models in both image recognition and signal processing tasks. Larger convolutional kernels capture broader contextual and spatial features with fewer layers, enabling more efficient identification of large-scale patterns and dependencies. This larger receptive field is especially beneficial when local features alone are insufficient for accurate classification.
Compared with highly deep networks, wide kernel CNNs can be more computationally efficient and easier to train, as they avoid excessive depth while still modeling complex patterns and correlations. To validate the impact of kernel size selection, an ablation study was conducted by training model variants with different kernel configurations, as shown in Table 7.
The results indicate that the multi-scale kernel configuration surpasses both single- and dual-scale approaches, confirming its ability to capture the diverse temporal dynamics of fault signatures. By combining large and small kernels, the model simultaneously extracts global patterns and fine-grained details, leading to stronger generalization and improved fault discrimination.

5.5. Robustness Testing Under Noisy Conditions

To assess the generalization capability of the proposed MSWK-CNN model under conditions representative of real-world industrial environments, additional experiments were performed by introducing artificial noise into the raw test signals. Two primary types of noise were injected:
  • Gaussian White Noise: Simulates broadband electromagnetic interference from switching equipment and nearby devices. Added with signal-to-noise ratios (SNR) of 30 dB, 20 dB, and 10 dB.
  • Pulse Interference (Impulse Noise): Models transient spikes caused by inverter switching and sensor malfunctions. Simulated by inserting short-duration, high-amplitude pulses at random intervals.
The comparative performance of the proposed model under varying noise conditions is presented in Table 8.
The results indicate that while noise introduction inevitably reduces diagnostic performance, the MSWK-CNN maintains high accuracy and F1-score even under severe noise conditions. This robustness suggests strong potential for deployment in noisy industrial settings where sensor signals are frequently degraded by interference.

6. Conclusions

This study addresses the critical challenge of accurate drive fault detection by proposing a multi-scale wide-kernel convolutional neural network (MSWK-CNN) capable of directly processing raw drive signals, eliminating the need for manual feature extraction. The proposed model was benchmarked against established deep learning architectures, including 1D-CNN, LSTM, and ANN, using a purpose-built data acquisition system that collected drive signal data under both normal and faulty operating conditions. Fault types considered included PTGF, PTPF, OLF, OVF, UVF, and NOM. The expansive kernel architecture enhances the model’s ability to capture both local and global signal characteristics, thereby improving its capacity to distinguish between healthy and faulty conditions. The MSK-CNN, trained and validated on a comprehensive dataset collected from diverse operating scenarios, demonstrates heightened sensitivity to subtle fault signatures and delivers superior diagnostic performance. Moreover, the proposed approach shows strong potential for future applications in detecting additional drive-related issues, such as inverter pulse failures and gate-level defects. Future research should focus on improving the interpretability of wide-kernel CNN models, as a deeper understanding of their decision-making processes is essential for fostering user confidence and ensuring safe, reliable deployment in critical industrial environments.

Author Contributions

Conceptualization, P., B.Y. and P.K.; Methodology, P., B.Y. and P.K.; Validation, P.; Formal analysis, P.; Investigation, B.Y.; Resources, P.K.; Writing—original draft, P., B.Y. and P.K.; Writing—review & editing, P., B.Y. and P.K. All authors have read and agreed to the published version of the manuscript.

Funding

This work was supported by the Korea Institute of Advanced Technology (KIAT) grant funded by the Korea government (MOTIE) (RS-2023-00259680).

Data Availability Statement

The raw data supporting the conclusions of this article will be made available by the authors on request.

Conflicts of Interest

The authors declare no conflicts of interest.

References

  1. Prince; Hati, A.S.; Chakrabarti, P.; Abawajy, J.H.; Keong, N.W. Development of energy efficient drive for ventilation system using recurrent neural network. Neural Comput. Appl. 2021, 33, 8659–8668. [Google Scholar] [CrossRef]
  2. Rehman, A.U.; Ryu, S.-W.; Park, H.; Jung, J.-W. A critical review of recent industrial developments, trends, and future perspectives of power electronic systems: Fuel cell electric vehicles. IEEE Trans. Ind. Inform. 2024, 20, 6060–6074. [Google Scholar] [CrossRef]
  3. Yadlapalli, R.T.; Kotapati, A.; Kandipati, R.; Koritala, C.S. A review on energy efficient technologies for electric vehicle applications. J. Energy Storage 2022, 50, 104212. [Google Scholar] [CrossRef]
  4. Chakraborty, A. Advancements in power electronics and drives in interface with growing renewable energy resources. Renew. Sustain. Energy Rev. 2011, 15, 1816–1827. [Google Scholar] [CrossRef]
  5. Cruz, S.M.; Stefani, A.; Filippetti, F.; Cardoso, A.J.M. A new model-based technique for the diagnosis of rotor faults in RFOC induction motor drives. IEEE Trans. Ind. Electron. 2008, 55, 4218–4228. [Google Scholar] [CrossRef]
  6. Huang, X.; Habetler, T.G.; Harley, R.G. Detection of rotor eccentricity faults in a closed-loop drive-connected induction motor using an artificial neural network. IEEE Trans. Power Electron. 2007, 22, 1552–1559. [Google Scholar] [CrossRef]
  7. Berriri, H.; Naouar, M.W.; Slama-Belkhodja, I. Easy and fast sensor fault detection and isolation algorithm for electrical drives. IEEE Trans. Power Electron. 2011, 27, 490–499. [Google Scholar] [CrossRef]
  8. Xie, Y.; Zhang, J.; Leonardi, F.; Munoz, A.R.; Degner, M.W.; Liang, F. Modeling and verification of electrical stress in inverter-driven electric machine windings. IEEE Trans. Ind. Appl. 2019, 55, 5818–5829. [Google Scholar] [CrossRef]
  9. Sadeghi, R.; Samet, H.; Ghanbari, T. Detection of stator short-circuit faults in induction motors using the concept of instantaneous frequency. IEEE Trans. Ind. Inform. 2018, 15, 4506–4515. [Google Scholar] [CrossRef]
  10. Gou, B.; Xu, Y.; Xia, Y.; Wilson, G.; Liu, S. An intelligent time-adaptive data-driven method for sensor fault diagnosis in induction motor drive system. IEEE Trans. Ind. Electron. 2018, 66, 9817–9827. [Google Scholar] [CrossRef]
  11. Rabie, A.H.; Sultan, Y.A. A novel Fault Diagnosis Approach (FDA) for electric drives using optimized outlier detection model and long short-term memory networks. Comput. Electr. Eng. 2025, 123, 110129. [Google Scholar] [CrossRef]
  12. Choudhary, A.; Fatima, S.; Panigrahi, B. State-of-the-art technologies in fault diagnosis of electric vehicles: A component-based review. IEEE Trans. Transp. Electrif. 2022, 9, 2324–2347. [Google Scholar] [CrossRef]
  13. Aviña-Corral, V.; de Jesus Rangel-Magdaleno, J.; Barron-Zambrano, J.H.; Rosales-Nuñez, S. Review of fault detection techniques in power converters: Fault analysis and diagnostic methodologies. Measurement 2024, 234, 114864. [Google Scholar] [CrossRef]
  14. Wu, Y.; Sicard, B.; Gadsden, S.A. Physics-informed machine learning: A comprehensive review on applications in anomaly detection and condition monitoring. Expert Syst. Appl. 2024, 255, 124678. [Google Scholar] [CrossRef]
  15. Kumar, P.; Tiwari, R. Additive fault diagnosis techniques in rotor systems: A state-of-the-art review. Sādhanā 2024, 49, 207. [Google Scholar] [CrossRef]
  16. Yang, F.; Tian, X.; Ma, L.; Shi, X. An optimized variational mode decomposition and symmetrized dot pattern image characteristic information fusion-based enhanced CNN ball screw vibration intelligent fault diagnosis approach. Measurement 2024, 229, 114382. [Google Scholar] [CrossRef]
  17. Sasithradevi, A.; Persiya, J.; Mohamed Mansoor Roomi, S.; Arumuga Perumal, D.; Prakash, P.; Vijayalakshmi, M.; Brighty Ebenezer, L. Advanced thermal vision techniques for enhanced fault diagnosis in electrical equipment: A review. Int. J. Syst. Assur. Eng. Manag. 2025, 16, 1914–1932. [Google Scholar] [CrossRef]
  18. Zulkifli, N.Z.; Ramadevi, B.; Bingi, K.; Ibrahim, R.; Omar, M. Predicting Remaining Useful Life of Induction Motor Bearings from Motor Current Signatures Using Machine Learning. Machines 2025, 13, 400. [Google Scholar] [CrossRef]
  19. Villalobos-Pina, F.J.; Reyes-Malanche, J.A.; Cabal-Yepez, E.; Ramirez-Velasco, E. Electric Fault Diagnosis in induction Machines using Motor Current Signature Analysis (MCSA). In Time Series Analysis-Recent Advances, New Perspectives and Applications; IntechOpen: London, UK, 2024. [Google Scholar]
  20. Bahgat, B.H.; Elhay, E.A.; Elkholy, M.M. Advanced fault detection technique of three phase induction motor: Comprehensive review. Discov. Electron. 2024, 1, 9. [Google Scholar] [CrossRef]
  21. de Paula, H.; Fuccio, C.G.; Pereira, P.C.; Silveira, A.W.; Gomes, L.C. Inverter-based motor drive systems: An overview from the electromagnetic compatibility perspective. In Proceedings of the 2017 Brazilian Power Electronics Conference (COBEP), Juiz de Fora, Brazil, 19–22 November 2017; IEEE: Piscataway, NJ, USA, 2017; pp. 1–6. [Google Scholar]
  22. Kwon, D.; Hodkiewicz, M.R.; Fan, J.; Shibutani, T.; Pecht, M.G. IoT-based prognostics and systems health management for industrial applications. IEEE Access 2017, 4, 3659–3670. [Google Scholar] [CrossRef]
  23. Munikoti, S.; Das, L.; Natarajan, B.; Srinivasan, B. Data-driven approaches for diagnosis of incipient faults in DC motors. IEEE Trans. Ind. Inform. 2019, 15, 5299–5308. [Google Scholar] [CrossRef]
  24. Vala, S.S.; Mirza, A.B.; Emon, A.I.; Luo, F. A review of partial discharge in stator winding of rotating machines fed by voltage source PWM motor drives. IEEE Trans. Ind. Appl. 2024, 60, 3790–3807. [Google Scholar] [CrossRef]
  25. Sardar, M.U.; Vaimann, T.; Kütt, L.; Kallaste, A.; Asad, B.; Akbar, S.; Kudelina, K. Inverter-fed motor drive system: A systematic analysis of condition monitoring and practical diagnostic techniques. Energies 2023, 16, 5628. [Google Scholar] [CrossRef]
  26. Lang, W.; Hu, Y.; Gong, C.; Zhang, X.; Xu, H.; Deng, J. Artificial intelligence-based technique for fault detection and diagnosis of EV motors: A review. IEEE Trans. Transp. Electrif. 2021, 8, 384–406. [Google Scholar] [CrossRef]
  27. Soomro, A.A.; Muhammad, M.B.; Mokhtar, A.A.; Saad, M.H.M.; Lashari, N.; Hussain, M.; Sarwar, U.; Palli, A.S. Insights into modern machine learning approaches for bearing fault classification: A systematic literature review. Results Eng. 2024, 23, 102700. [Google Scholar] [CrossRef]
  28. Leite, D.; Andrade, E.; Rativa, D.; Maciel, A.M. Fault Detection and Diagnosis in Industry 4.0: A Review on Challenges and Opportunities. Sensors 2024, 25, 60. [Google Scholar] [CrossRef]
  29. Bai, J.; Wu, D.; Shelley, T.; Schubel, P.; Twine, D.; Russell, J.; Zeng, X.; Zhang, J. A comprehensive survey on machine learning driven material defect detection: Challenges, solutions, and future prospects. arXiv 2024, arXiv:2406.07880. [Google Scholar] [CrossRef]
  30. Matania, O.; Dattner, I.; Bortman, J.; Kenett, R.S.; Parmet, Y. A systematic literature review of deep learning for vibration-based fault diagnosis of critical rotating machinery: Limitations and challenges. J. Sound Vib. 2024, 590, 118562. [Google Scholar] [CrossRef]
  31. Surucu, O.; Gadsden, S.A.; Yawney, J. Condition monitoring using machine learning: A review of theory, applications, and recent advances. Expert Syst. Appl. 2023, 221, 119738. [Google Scholar] [CrossRef]
  32. Liang, M.; Zhou, K. A hierarchical deep learning framework for combined rolling bearing fault localization and identification with data fusion. J. Vib. Control 2023, 29, 3165–3174. [Google Scholar] [CrossRef]
  33. Ding, X.; Zhang, X.; Han, J.; Ding, G. Scaling up your kernels to 31x31: Revisiting large kernel design in cnns. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, New Orleans, LA, USA, 18–24 June 2022; pp. 11963–11975. [Google Scholar]
  34. Li, F.; Wang, L.; Wang, D.; Wu, J.; Zhao, H.; Wang, Y. An improved multiscale convolutional neural network with large kernel for bearing fault diagnosis. In Proceedings of the 2023 3rd International Conference on Consumer Electronics and Computer Engineering (ICCECE), Guangzhou, China, 6–8 January 2023; IEEE: Piscataway, NJ, USA, 2023; pp. 673–677. [Google Scholar]
  35. Espinoza, M.; Cardenas, R.; Diaz, M.; Clare, J.C. An enhanced dq -based vector control system for modular multilevel converters feeding variable-speed drives. IEEE Trans. Ind. Electron. 2016, 64, 2620–2630. [Google Scholar] [CrossRef]
  36. Govindharaj, I.; Kumar, D.; Balamurugan, S.; Yazhinian, S.; Anandh, R.; Rampriya, R.; Karthick, G.; Michael, G. Sensorless vector-controlled induction motor drives: Boosting performance with Adaptive Neuro-Fuzzy Inference System integrated augmented Model Reference Adaptive System. MethodsX 2024, 13, 102992. [Google Scholar]
  37. Prince; Hati, A.S. Temperature and Humidity Dependent MRAS Based Speed Estimation Technique for Induction Motor Used in Mine Ventilation Drive. J. Min. Sci. 2021, 57, 842–851. [Google Scholar] [CrossRef]
  38. Prince; Hati, A.S. Convolutional neural network-long short term memory optimization for accurate prediction of airflow in a ventilation system. Expert Syst. Appl. 2022, 195, 116618. [Google Scholar] [CrossRef]
Figure 1. Framework of the proposed model for EDFD.
Figure 1. Framework of the proposed model for EDFD.
Mathematics 13 02963 g001
Figure 2. Structure of the proposed model.
Figure 2. Structure of the proposed model.
Mathematics 13 02963 g002
Figure 3. Schematic block diagram of the experimental setup.
Figure 3. Schematic block diagram of the experimental setup.
Mathematics 13 02963 g003
Figure 4. Plot of speed under the normal and faulty conditions.
Figure 4. Plot of speed under the normal and faulty conditions.
Mathematics 13 02963 g004
Figure 5. Plot of phase A current under the normal and faulty conditions.
Figure 5. Plot of phase A current under the normal and faulty conditions.
Mathematics 13 02963 g005
Figure 6. Plot of phase B current under the normal and faulty conditions.
Figure 6. Plot of phase B current under the normal and faulty conditions.
Mathematics 13 02963 g006
Figure 7. Plot of phase C current under the normal and faulty conditions.
Figure 7. Plot of phase C current under the normal and faulty conditions.
Mathematics 13 02963 g007
Figure 8. Correlation heat map between input features and target fault classes for the proposed EDFD method.
Figure 8. Correlation heat map between input features and target fault classes for the proposed EDFD method.
Mathematics 13 02963 g008
Figure 9. Training and validation accuracy curves comparison for the proposed and other models.
Figure 9. Training and validation accuracy curves comparison for the proposed and other models.
Mathematics 13 02963 g009
Figure 10. Training and validation loss curves comparison for the proposed and other models.
Figure 10. Training and validation loss curves comparison for the proposed and other models.
Mathematics 13 02963 g010
Figure 11. Training and validation error curves comparison for the proposed and other models.
Figure 11. Training and validation error curves comparison for the proposed and other models.
Mathematics 13 02963 g011
Figure 12. Confusion matrix of the proposed MWK-CNN model.
Figure 12. Confusion matrix of the proposed MWK-CNN model.
Mathematics 13 02963 g012
Figure 13. Spider plots comparing model performance in fault prediction across (a) MAE, (b) RMSE, and (c) R2.
Figure 13. Spider plots comparing model performance in fault prediction across (a) MAE, (b) RMSE, and (c) R2.
Mathematics 13 02963 g013
Table 1. Motor Parameter Specification.
Table 1. Motor Parameter Specification.
Motor Parameters
Power Rating 5.5 kW
Voltage Rating415 V
No. of Poles4
Rated Frequency50 Hz
Stator Resistance0.7767 Ω
Rotor Resistance0.703 Ω
Stator Impedance0.10773 H
Rotor Impedance0.10773 H
Mutual Impedance0.10322 H
J0.22 kg·m2
Table 2. Experimental input scenarios and abbreviations.
Table 2. Experimental input scenarios and abbreviations.
Input and Output ScenarioAbbreviation
Phase Current (Amp)Ia, Ib, Ic
Line-to-Line Voltage (V)Vab
Torque (N·m)Tn
Rated Speed (rad/s)Speed
Rated Torque (N·m)Torque
Fault IndicatorNormalNom (0)
Overloading FaultOLF (1)
Over-Voltage FaultOVF (2)
Phase-to-Ground FaultPTGF (3)
Phase-to-Phase FaultPTPF (4)
Under Voltage FaultUVF (5)
Table 3. Experimental scenarios, fault indicators, and dataset sizes.
Table 3. Experimental scenarios, fault indicators, and dataset sizes.
Input ScenarioFault IndicatorValues
Normal (Unfaulted)Nom (0)13,013
Overloading FaultOLF (1) 7007
Over Voltage FaultOVF (2) 7007
Phase-to-Ground FaultPTGF (3)5005
Phase-to-Phase FaultPTPF (4)5005
Under Voltage FaultUVF (5)3003
Table 4. Performance metrics for the proposed MWK-CNN model.
Table 4. Performance metrics for the proposed MWK-CNN model.
StatePrecisionRecallF1-Score
00.890.960.92
11.01.01.0
21.00.991.0
30.940.910.93
40.940.850.90
51.00.990.99
Table 5. Performance comparison of the proposed model and benchmark models.
Table 5. Performance comparison of the proposed model and benchmark models.
ModelRMSEMAER2
ANN0.26750.07150.7885
LSTM0.33420.11170.8883
CNN0.18020.03250.9575
Proposed0.0790.00620.9938
Table 6. Performance comparison of the proposed model and benchmark models.
Table 6. Performance comparison of the proposed model and benchmark models.
ModelAccuracy (%)PrecisionRecallF1-Score
ANN85.40.8560.8470.851
Traditional CNN90.10.9020.8970.899
LSTM91.70.9190.9130.916
ResNet-1D93.20.9330.9310.932
TCN93.50.9350.9340.934
MSWK-CNN (Proposed)0.99380.960.960.963
Table 7. Comparative study of the proposed method using different kernel sizes.
Table 7. Comparative study of the proposed method using different kernel sizes.
ConfigurationKernel Sizes UsedTest Accuracy (%)
Single-scale (large)[150]91.7
Single-scale (medium)[75]89.5
Single-scale (small)[50]87.9
Dual-scale[75, 150]93.1
Dual-scale[50, 75]91.0
Multi-scale (proposed)[50, 75, 150]0.9938
Table 8. Performance comparison of the proposed model under different Gaussian noise levels and pulse noise intensities.
Table 8. Performance comparison of the proposed model under different Gaussian noise levels and pulse noise intensities.
Noise TypeSNR or IntensityAccuracy (%)F1-Score
No Noise 0.99380.963
Gaussian Noise30 dB96.20.961
Gaussian Noise20 dB94.80.947
Gaussian Noise10 dB91.70.923
Pulse Noise (Moderate)1% pulse rate94.10.94
Pulse Noise (Severe)3% pulse rate91.90.914
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

Prince; Yoon, B.; Kumar, P. Enhanced Fault Diagnosis of Drive-Fed Induction Motors Using a Multi-Scale Wide-Kernel CNN. Mathematics 2025, 13, 2963. https://doi.org/10.3390/math13182963

AMA Style

Prince, Yoon B, Kumar P. Enhanced Fault Diagnosis of Drive-Fed Induction Motors Using a Multi-Scale Wide-Kernel CNN. Mathematics. 2025; 13(18):2963. https://doi.org/10.3390/math13182963

Chicago/Turabian Style

Prince, Byungun Yoon, and Prashant Kumar. 2025. "Enhanced Fault Diagnosis of Drive-Fed Induction Motors Using a Multi-Scale Wide-Kernel CNN" Mathematics 13, no. 18: 2963. https://doi.org/10.3390/math13182963

APA Style

Prince, Yoon, B., & Kumar, P. (2025). Enhanced Fault Diagnosis of Drive-Fed Induction Motors Using a Multi-Scale Wide-Kernel CNN. Mathematics, 13(18), 2963. https://doi.org/10.3390/math13182963

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