Next Article in Journal
Artificial Neural Network-Based Prediction of the Extreme Response of Floating Offshore Wind Turbines under Operating Conditions
Next Article in Special Issue
Advanced State Estimation Approach for Partially Observable Shipboard Power Systems
Previous Article in Journal
Mechanical Characteristics and Particle Breakage of Calcareous Sand under Quasi-One-Dimensional Impact Load
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Diagnostic Method for Short Circuit Faults at the Generator End of Ship Power Systems Based on MWDN and Deep-Gated RNN-FCN

1
College of Intelligent Systems Science and Engineering, Harbin Engineering University, Harbin 150001, China
2
Nari Group Corporation, Nanjing 211106, China
*
Author to whom correspondence should be addressed.
J. Mar. Sci. Eng. 2023, 11(9), 1806; https://doi.org/10.3390/jmse11091806
Submission received: 24 August 2023 / Revised: 13 September 2023 / Accepted: 14 September 2023 / Published: 16 September 2023

Abstract

:
Synchronous generators with three phases are crucial components of modern integrated power systems in ships. These generators provide power for the entire operation of the vessel. Therefore, it is of paramount importance to diagnose short-circuit faults at the generator terminal in the ship’s power system to ensure the safe and stable operation of modern ships. In this study, a generator terminal short-circuit fault diagnosis method is proposed based on a hybrid model that combines the Multi-Level Wavelet Decomposition Network, Deep-Gated Recurrent Neural Network, and Fully Convolutional Network. Firstly, the Multi-Level Wavelet Decomposition Network is used to decompose and denoise the collected electrical signals, thus dividing them into sub-signals and extracting their time-domain and frequency-domain features. Secondly, synthetic oversampling based on Gaussian random variables is employed to address the problem of imbalance between normal data and fault data, resulting in a balanced dataset. Finally, the dataset is fed into the hybrid model of the Deep-Gated Recurrent Neural Network and Fully Convolutional Network for feature extraction and classification of faults, ultimately outputting the fault diagnosis results. To validate the performance of the proposed method, simulations and comparative analysis with other algorithms are conducted on the fault diagnosis method. The proposed algorithm’s accuracy reaches 96.82%, precision reaches 97.35%, and the area under curve reaches 0.85, indicating accurate feature extraction and classification for identifying short-circuit faults at the generator terminals.

1. Introduction

Fully electrically propelled ships are becoming increasingly popular due to their economic efficiency and high reliability, making them the primary focus for the development of advanced ships. However, these ships can have high power demands of up to 100 MW [1]. The integrated power propulsion system of a ship can not only meet this critical technological requirement but can also provide power to various onboard loads, making it a crucial trend for the development of ship power systems. Currently, the power systems of fully electrically propelled ships are primarily classified into three types: medium-voltage AC, medium-voltage DC, and high-frequency AC, with medium-voltage AC and high-frequency AC power systems being the most widely used. However, these systems have some inherent drawbacks, such as difficulties in grid connection and poor performance in motor speed control [2]. Therefore, researchers are focusing on MVDC power systems as a way to overcome these challenges.
Modern ship’s integrated power systems require high-capacity three-phase synchronous generator sets, which typically include permanent magnet synchronous generators, induction synchronous generators, slip-ring synchronous generators, and air-gap synchronous generators [3]. These generators provide stable three-phase voltage and frequency output for ships, and there are usually multiple generators connected to different electrical equipment and systems. During operation, shipboard synchronous generators store a significant amount of electromagnetic energy internally and continue to rotate even in the event of an external short-circuit fault due to the physical characteristics of the generator. As a result, the conversion time of electromagnetic energy is relatively long [4]. Short-circuit faults are the most common failures in modern integrated electric propulsion systems for ships and can have a significant impact, causing abnormal increases in current, voltage fluctuations, and even fire hazards [5]. To ensure the safety and reliable operation of the ship, accurate diagnosis of short-circuit faults at the output terminal of synchronous generators, including timely diagnosis, detection, and repair, is necessary.
In the field of short-circuit fault diagnosis in ship’s integrated power propulsion systems, the commonly used research methods can be classified into three categories: analytical model-based methods [6], data-driven methods [7], and qualitative model-based methods [8]. The specific classification is shown in Table 1 [9]. The methods described above are widely used in the field of fault diagnosis in the ship’s integrated power propulsion systems; however, each of them has its limitations. Analytical model-based fault diagnosis methods aim to diagnose faults in real time based on the essential characteristics of the object system. However, they require highly accurate mathematical models, which can be challenging to develop precisely due to the harsh operating environment and complex and varying operating conditions of shipboard power systems [10]. Data-driven methods require different processing approaches for different faults or signals, which limits their generality [11]. In contrast, qualitative model-based methods face difficulties when diagnosing complex systems, such as the ship’s power propulsion systems. The number of fault branches rapidly increases once a fault occurs, making the diagnosis process increasingly complicated and resulting in lower accuracy and poor real-time performance of the diagnosis results [12].
With the emergence of AI technology and its subfields, including machine learning and deep learning, AI-based intelligent fault diagnosis methods have become a prominent trend in the field [13]. Typically, the main steps involved in these methods are data preprocessing, fault feature extraction, and fault classification. Unlike other methods, AI-based approaches do not rely on constructing accurate mathematical models for the research object, and they provide benefits, such as handling large datasets, efficient learning, high diagnostic accuracy, and versatility in various domains [14]. Figure 1 illustrates the general workflow involved in traditional AI-based intelligent fault diagnosis methods.
Table 2 classifies traditional intelligent fault diagnosis methods [15]. Despite their utility, traditional approaches have four primary drawbacks. Firstly, they heavily rely on domain-specific expert experience and prior knowledge, resulting in limited generalization and suboptimal performance when detecting faults in different objects. Secondly, the harsh operating conditions of ship power systems generate significant amounts of noise, preventing traditional algorithms from extracting reliable features for detecting faults in generators [16]. Thirdly, ship power grid data exhibit the “4V” characteristics, leading to imbalanced datasets due to the generation of massive amounts of data during operation, coupled with limited fault data. Finally, power grid data are provided in time series format, which is not suitable for traditional algorithms to perform feature extraction and classification. Consequently, AI-based intelligent fault diagnosis methods have become a topic of significant interest for research in addressing these challenges [17]. Chaochun Yu et al. [18] have proposed an improved CNN-based network fault diagnosis model for detecting faults in synchronous generators of ship power systems. This method eliminates the requirement for feature decomposition and extraction, making it simple to implement and able to operate at high speeds. Nonetheless, the input dataset for this method comprises simulated fault images, and preparing a large-scale image dataset entails a laborious and time-consuming process for collecting and labeling the data.
Wenxin Liu et al. [19] tackled the issue of diagnosing stator winding faults in permanent magnet synchronous motors by proposing an improved PSO algorithm to optimize the difficult parameter selection. However, the dependence on global optimization limits the PSO algorithm’s ability to model high-dimensional data sequences.
Mengshi Li et al. [20] proposed a data-driven technique for wind turbine fault diagnosis based on the attributes of power grid data sequences. This method implemented an LSTM network, applying residual generators and autonomous decision-making based on the Architecture RF. The LSTM network showed excellent results in processing time series data of wind turbine units. However, due to the computation requirements of using a single LSTM for long sequences, training and inference speeds are comparatively slower.
After considering the advantages and disadvantages of traditional artificial intelligence algorithms, this paper proposes an innovative fault diagnosis method for short circuit faults in the three-phase synchronous generator output of a ship’s MVDC power propulsion system, utilizing MWDN and the fusion of deep-gated RNN-FCN. Firstly, MWDN is employed to preprocess the power grid data by performing signal decomposition and denoising to facilitate further feature extraction. Next, the issue of imbalanced sample data is addressed by using SMOTE, improved by Gaussian random variables, for oversampling the fault class samples and generating synthetic samples to balance the dataset. Finally, the deep-gated RNN-FCN network is utilized to extract features and classify faults from the preprocessed dataset. This is performed by introducing the dropout regularization technique after each deep-gated RNN submodule to reduce the risk of overfitting. Experiments show that the developed method achieves high accuracy, thus presenting innovative contributions to fault diagnosis, including the following:
(1)
A novel data preprocessing method based on MWDN is employed to extract both time-domain and frequency-domain features of the power grid signals. The method decomposes the collected electrical signals into sub-signals, adds the denoising process, and improves the accuracy of fault diagnosis by reducing the impact of noise on feature extraction from original signals.
(2)
To address the issue of imbalanced sample data, a SMOTE algorithm based on Gaussian random variables is proposed. While the SMOTE algorithm can handle the class imbalance problem in power grid data, the artificially synthesized new samples tend to lie on the same straight line, resulting in an issue of overgeneralization. By introducing Gaussian probability distribution into the feature space, the SMOTE algorithm based on Gaussian random variables is developed, which allows the artificially generated samples to deviate from the straight line, thereby addressing this problem.
(3)
A fault diagnosis method based on deep-gated RNN-FCN is introduced, with hidden state calculation performed by LSTM, creating a deep-gated RNN. Additionally, a deep-gated RNN submodule is added to the FCN module, expanding the FCN into a deep-gated RNN-FCN and improving fault feature extraction. Softmax function is utilized in the classification layer to address the problem of gradient vanishing and capture long-distance dependencies in the time series data, leading to enhanced network performance.
This paper is structured as follows. In Section 2, the structure of the synchronous generator is explained, including its mathematical models for voltage, magnetic flux, and short-circuit current, and fault labels are provided. Section 3 presents the overall framework of the proposed fault diagnosis algorithm, along with detailed descriptions of each component. In Section 4, simulations of the proposed algorithm are conducted and compared with other algorithms. Based on the simulation results, a comprehensive evaluation of the performance of the proposed method is provided. Finally, Section 5 concludes the paper.

2. Mathematical Model and Fault Analysis of Synchronous Generators

2.1. Mathematical Modeling of Voltage, Magnetic Flux, and Short-Circuit Current in Synchronous Generators

When a short-circuit fault happens at the synchronous generator’s terminal, mathematical models can be utilized for fault diagnosis, analysis, and prediction. By incorporating effects such as changes in current, voltage, and power resulting from the fault, as well as fault propagation and diffusion mechanisms, mathematical models offer valuable insights for analyzing faults. Additionally, mathematical models can aid in fault diagnosis and localization.
Synchronous generators can be classified into two types based on their structure: rotating armature synchronous generators and rotating field synchronous generators. Currently, rotating field synchronous generators are widely used in medium to large-sized motors. The two types of rotating field synchronous generators are salient pole synchronous generators and non-salient pole synchronous generators, as illustrated in Figure 2, which depict their basic structures.
This study focuses on the investigation of salient pole three-phase synchronous generators. The dynamic characteristics of synchronous generators are complex, with intricate coupling relationships existing among different windings. Therefore, modeling the generator using a three-phase stationary coordinate system would result in a significant computational burden. As a solution, this paper utilizes a dq rotating coordinate system to transform the three-phase coordinate system, enabling decoupling between the different magnetic fluxes in the generator. This reduces the number of variables in the generator equations and improves computational efficiency. The following is the Park transformation matrix for dq0 coordinate conversion:
P = 2 3 cos θ cos ( θ 2 π 3 ) cos ( θ + 2 π 3 ) sin θ sin ( θ 2 π 3 ) sin ( θ + 2 π 3 ) 1 2 1 2 1 2
The transformed flux equations are as follows:
φ d φ q φ f φ D φ Q = X d 0 X a d X a d 0 0 X q 0 0 X a q X a d 0 X f X a d 0 X a d 0 X a d X D 0 0 X a q 0 0 X Q i d i q i f i D i Q
The transformed voltage equations are as follows:
u d u q u f u D u Q = d d t φ d φ q φ f φ D φ Q + r a i d r a i q r f i f r D i D r Q i Q + ω φ q ω φ d 0 0 0
where u D = 0 and u Q = 0 . The equation for the electromagnetic torque of the synchronous generator after the transformation is as follows:
M e = φ d i q φ q i d
In ship power systems, a short circuit fault can cause a transient process in the generator, resulting in a deviation of the terminal voltage and frequency from their steady-state values. Despite the short duration of the short circuit effect due to the large rotor inertia, it is still necessary to consider the electromagnetic transient process of the generator. Therefore, it is commonly assumed that the generator rotor maintains synchronous speed, keeping the frequency constant. However, it is still necessary to consider the electromagnetic transient process of the generator, which means that the terminal voltage cannot remain stable [21].
During normal operation, the three-phase stator currents of a synchronous generator are symmetrical and balanced positive-sequence currents, expressed by the following equation:
i a = I m cos ( ω t + α 0 ) i b = I m cos ( ω t + α 0 2 3 π ) i c = I m cos ( ω t + α 0 + 2 3 π )
When a short circuit occurs at a synchronous generator’s terminal, the resulting fault current is equal to the sum of its AC and DC components [22]. The expression for the total stator three-phase current is given by
i a ( t ) = [ ( E q 0 X d E q 0 X d ) e t T d + ( E q 0 X d E q ( 0 ) X d ) e t T d + E q ( 0 ) X d ] cos ( ω t + θ 0 ) + E d 0 X q e t T q sin ( ω t + θ 0 ) u 0 2 ( 1 X d + 1 X q ) e 1 T a cos ( δ 0 θ 0 ) u 0 2 ( 1 X d 1 X q ) e 1 T a cos ( 2 ω t + δ 0 + θ 0 )
i b ( t ) = [ ( E q 0 X d E q 0 X d ) e t T d + ( E q 0 X d E q ( 0 ) X d ) e t T d + E q ( 0 ) X d ] cos ( ω t + θ 0 2 3 π ) + E d 0 X q e t T q sin ( ω t + θ 0 2 3 π ) u 0 2 ( 1 X d + 1 X q ) e 1 T a cos ( δ 0 θ 0 2 3 π ) u 0 2 ( 1 X d 1 X q ) e 1 T a cos ( 2 ω t + δ 0 + θ 0 2 3 π )
i c ( t ) = [ ( E q 0 X d E q 0 X d ) e t T d + ( E q 0 X d E q ( 0 ) X d ) e t T d + E q ( 0 ) X d ] cos ( ω t + θ 0 + 2 3 π ) + E d 0 X q e t T q sin ( ω t + θ 0 + 2 3 π ) u 0 2 ( 1 X d + 1 X q ) e 1 T a cos ( δ 0 θ 0 + 2 3 π ) u 0 2 ( 1 X d 1 X q ) e 1 T a cos ( 2 ω t + δ 0 + θ 0 + 2 3 π )

2.2. Fault Types and Labels

The occurrence of generator-end short circuit faults in ship power systems denotes a situation where one or several phases of the generator output terminal are short-circuited to the ground or between different phases. Such faults cause severe and common damage to the ship’s power system during normal operation. Short circuit faults in ship power systems are classified into single-phase, two-phase, and three-phase depending on their specifics. These faults result in 11 fault state labels, which are presented in Table 3. The labeled dataset is used for training and testing the algorithm proposed in this paper.

3. Overall Framework and Detailed Explanation of Fault Diagnosis Algorithm

This paper proposes a novel fault diagnosis method based on MWDN and Deep-Gated RNN-FCN to diagnose the three-phase synchronous generator terminal short-circuit fault prevalent in ship MVDC power propulsion systems. The overall framework of the proposed method is illustrated in Figure 3. The model takes raw voltage and current data as input and uses MWDN to extract time-domain and frequency-domain features of the power system signals. The method addresses the class imbalance issue via SMOTE based on Gaussian random variables, generating artificial samples to balance the dataset. To achieve fault classification, the deep-gated RNN-FCN model is employed for feature extraction, with the output being the result of fault classification.

3.1. Multi-Level Wavelet Decomposition Network

MWDN can break down the fault data sequence in a power grid into a collection of high- to low-frequency sub-sequences. The MWDN method is an approximate MDWD that operates within the framework of a deep neural network, utilizing the temporal decomposition capability of wavelets while benefiting from the learning ability of deep neural networks. Compared to FFT, the MWDN technique excels in handling non-stationary signals, offering excellent time-frequency dual resolution and multi-scale analysis. It is especially useful for processing power grid fault signals as it displays energy concentration [23,24]. MWDN is similar in principle to MDWD recommended in reference [25]. Unlike MDWD, MWDN enables model parameter fine-tuning, enhancing its adaptability to data from various sources. Figure 4 shows the schematic diagram of the MWDN.
First, the principle of multilevel discrete wavelet decomposition is introduced. Let x = x 1 , , x t , , x T represent the input fault data sequence, x h ( i ) represent the high-frequency subsequence of the i -th level, x l ( i ) represent the low-frequency subsequence, l represent the low-pass filter, l = l 1 , , l k , , l K , h represent the high-pass filter, h = h 1 , , h k , , h K , where K T . In the i + 1 -th level, MDWD uses both the high-pass and low-pass filters to convolve the lower-level low-frequency subsequence, as shown in Equation (9):
a n l ( i + 1 ) = k = 1 K x n + k 1 l ( i ) l k a n h ( i + 1 ) = k = 1 K x n + k 1 l ( i ) h k
The low-frequency subsequence x l ( i ) and the high-frequency subsequence x h ( i ) in the i -th level are generated by downsampling a l ( i ) = a 1 l ( i ) , a 2 l ( i ) , a 3 l ( i ) and a h ( i ) = a 1 h ( i ) , a 2 h ( i ) , a 3 h ( i ) by a factor of 1/2. a l ( i ) = a 1 l ( i ) , a 2 l ( i ) , a 3 l ( i ) and a h ( i ) = a 1 h ( i ) , a 2 h ( i ) , a 3 h ( i ) are intermediate variable sequences. x h ( 1 ) , x h ( 2 ) , x h ( 3 ) , , x h ( i ) , x l ( i ) together form the subset X ( i ) = x h ( 1 ) , x h ( 2 ) , x h ( 3 ) , , x h ( i ) , x l ( i ) , which represents the i -th level decomposition result of the sequence x . Additionally, sequence X ( i ) satisfies the following three conditions:
(1)
x can be completely reconstructed from X ( i ) ;
(2)
The frequency decreases sequentially from x h ( 1 ) to x l ( i ) ; i.e., it goes from high-frequency to low-frequency;
(3)
At different levels, the time and frequency resolutions of the subset X ( i ) are different. Moreover, as i increases, the frequency resolution also increases, while the time resolution decreases. These phenomena are particularly evident in the low-frequency subsequence.
Based on the principle of MDWD, we can obtain the framework of MWDN. As shown in Figure 4a, MWDN performs hierarchical decomposition of fault data sequences using functions a h ( i ) and a l ( i ) :
a h ( i ) = σ ( W h ( i ) x l ( i 1 ) + b h ( i ) ) a l ( i ) = σ ( W l ( i ) x l ( i 1 ) + b l ( i ) )
The s i g m o i d function is used in MWDN. x h ( i ) and x l ( i ) have the same meanings as in MDWD, and x j l ( i ) = ( a 2 j l ( i ) + a 2 j 1 l ( i ) ) 2 . The weight matrices W h and W l in Figure 4a are trainable and belong to R M × M . M represents the size of x l ( i 1 ) , W h and W l are defined as follows:
W h ( i ) = h 1 h 2 h 3 h K h 1 h 2 h K 1 h K h 1 h K 1 h K h 1 h 2 h 1 W l ( i ) = l 1 l 2 l 3 l K l 1 l 2 l K 1 l K l 1 l K 1 l K l 1 l 2 l 1
where l , l 1 , h , h h. With this, the construction of MDWN is complete.
In this paper, MWDN is employed to decompose the voltage and current data collected during fault occurrences into high-frequency and low-frequency sub-sequences. This approach extracts frequency-domain and time-domain characteristics of the signals and applies denoising techniques to collected power system signals. The goal of this approach is to improve the final fault diagnosis accuracy.

3.2. SMOTE Method Based on Gaussian Random Variable

The data collected from ship power systems are characterized by a significant imbalance between the normal and faulty classes, with a large majority of normal operating data. The data imbalance presents challenges for fault diagnosis. This paper proposes an enhanced SMOTE optimization algorithm based on Gaussian random variables to address the class imbalance between the fault and normal classes.
The SMOTE [26] algorithm uses the KNN to obtain a uniform probability distribution and oversamples the fault class by generating synthetic samples [27]. First, the power system data is divided into normal and fault data. Next, the K-nearest neighbors are obtained using the KNN algorithm for each fault data point. A random selection of neighbors is then made within the K nearest neighbors for each fault sample to create synthetic new samples. Finally, the difference is computed between the fault sample data and its nearest neighbors, as depicted in Equation (12).
d i f = C f a u l t C N N k
The value d i f , obtained from Equation (12), is multiplied by a random value following a uniform probability distribution to introduce randomness. Synthetic new samples can be generated using the following equation:
C s y n t h e t i c = C f a u l t + C f a u l t C N N k × P r a n d o m
This process is repeated until the desired number of synthetic samples is obtained.
The process described above refers to the standard SMOTE algorithm. Nonetheless, the synthetic samples generated by the standard SMOTE algorithm tend to lie on the same line, resulting in overfitting. To overcome this issue, we propose a SMOTE algorithm based on the Gaussian random variable. The calculation of the difference value in the SMOTE algorithm based on Gaussian random variables utilizes the same approach as SMOTE. However, the improved algorithm makes a random selection between 0 and using Equation (14):
g a p U ( 0 , d i f )
With this equation, we can estimate potential locations for synthetic samples. Next, we follow Equation (15) and sample another number from a Gaussian distribution to use as the parameter σ :
r a n g e N ( g a p , σ )
Equations (14) and (15) help derive the parameters required for generating synthetic data in the feature space, as depicted in Equation (16):
C s y n t h e t i c = C f a u l t + d i f × r a n g e
The SMOTE algorithm based on Gaussian random variables improves synthetic sample generation by utilizing parameters selected from a Gaussian distribution. As a result, synthetic samples can be created in locations beyond the straight line that connects fault class samples. Nonetheless, the algorithm guarantees that the synthetic samples remain near the line to ensure accuracy and reasonableness. Figure 5 shows the schematic diagram and flowchart of the algorithm.
In synthetic samples, overgeneralization is a persistent problem due to the significant class imbalance that necessitates the creation of synthetic data. Consequently, there is a high probability that the synthetic data will be located along the same line. This phenomenon represents a type of overgeneralization. To address this issue, this paper proposes the Gaussian random variable-based SMOTE method, which incorporates Gaussian probability distributions in the feature space. This approach permits the SMOTE algorithm’s newly generated synthetic samples to deviate minimally from the dominant line due to the Gaussian probability distribution.

3.3. Deep-Gated RNN-FCN

FCN, RNN, and LSTM are widely used neural networks for time series classification tasks [28,29]. Specifically, the data sequence of the ship’s power grid represents a time series. To enhance the RNN’s performance in capturing the dependency relationship of fault sequences and address the gradient vanishing issue, we replaced the computation of hidden states in the RNN with that in an LSTM. This technique creates a deep-gated RNN for our investigation. The modification of adopting the LSTM-based computation helps alleviate the problem of vanishing gradients in RNN while also improving its capacity to capture the dependence relation of fault sequences more effectively. We further constructed the Deep-Gated RNN-FCN model by integrating the deep-gated RNN with FCN. Through this combination, the deep-gated RNN enhances FCN’s performance in time series classification, thereby improving the fault classification accuracy significantly.
RNN can be categorized into two types: those without hidden states and those with hidden states. In this study, we utilized the RNN with hidden states to capture and store contextual information from prior time steps. Given a regular RNN, the computation of the hidden variable H t at a time step t is represented by Equation (17). This calculation is recurrent and directly depends on both the input at the current time step and the hidden variable from the preceding time step.
H t = ϕ ( X t W x h + H t 1 W h h + b h )
where H t R n × h is the hidden variable, also known as the hidden state, at the current time step t . H t 1 is the hidden variable at the previous time step t 1 . X t R n × d represents the mini-batch input at the current time step. W x h R d × h and W h h R h × h are the weight parameters of the hidden layer, and b h R 1 × h is the bias parameter of the hidden layer.
The calculation of the output O t at the time step t is given by Equation (18):
O t = H t W h q + b q
In the equation, W h q R h × q represents the weight parameters of the output layer, and b q R 1 × q represents the bias parameters of the hidden layer. In an RNN, the model parameters remain unchanged across different time steps, and the calculation logic is illustrated in Figure 6.
LSTM networks are equipped with input gates, forget gates, output gates, and a dedicated hidden state called the memory cell. The computation of LSTM’s hidden state is depicted in Figure 7, where the output gate manages the flow of information from the memory cell to the hidden state:
H t = O t tanh ( C 1 )
In the equation, H t R n × h represents the hidden state at the time step t , O t represents the output state, and tanh represents a function. It is ensured that the hidden state is within the range [−1, 1].
To replace the calculation of the hidden state in a traditional RNN with the hidden state calculation in an LSTM, we created a deep-gated RNN.
The FCN block, consisting of three stacked temporal convolutional blocks, with convolution kernel sizes of 128, 256, and 128, respectively, can be enhanced by incorporating the Deep-Gated RNN block. The input to the temporal convolutional blocks is the fault sequence signal. Let X t R F 0 be the input feature vector of length F 0 at the time step t , where t ( 0 , T ] . Assuming each layer has a time step of T l and there are C classes, y t 1 , , C represents the true action label for each frame. The number of convolutional layers is L , and the convolutional kernels (or filters) of each layer are parameterized using Equation (20):
W l R F l × d × F l 1 , b l R F l
In the equation, l represents the index of a certain layer, satisfying l 1 , , L , and d represents the filtering time. On the l -th layer, E ^ t l R F l is the i-th activated component, which is not normalized; E l 1 R F l 1 × T l 1 is the activated matrix passed from the previous layer, which is normalized. As shown in Equation (21), E ^ t l is a function of E l 1 . f ( ) represents the rectified linear unit for any time step t :
E ^ i , t l = f ( b i l + t = 1 d W i , t , . l , E , . t + d t l 1 )
Figure 8 illustrates the framework of the Deep-Gated RNN-FCN algorithm. The stacked time convolution blocks in FCN serve as the fault feature extraction module, and global average pooling is applied after the last convolution block to reduce the number of parameters in the model. Each time convolution block consists of a time convolution layer that performs BN on the input of each batch, accelerating the training of the neural network and improving model convergence. The activation function used is ReLU. The preprocessed power grid fault sequence passes via a dimension-shifting layer, which ultimately enables passing to the Deep-Gated RNN submodule. Dropout regularization is performed on each submodule to prevent overfitting and enhance the model’s generalization capability, hence significantly reducing generalization errors. The global pooling layer and the Deep-Gated RNN’s output are then concatenated and processed by the softmax fault classification layer. Thus, forming the network architecture of the Deep-Gated RNN-FCN algorithm. The input of the network is the preprocessed power grid fault dataset, and the output is the fault classification result.

4. Analysis of Experimental Results and Comparison of Algorithms

The ship’s integrated power system under study in this paper is the next-generation all-electric MVDC ship integrated power system proposed by the United States [30]. The ship has a reference mass of 1.429 × 10 7 kg and a rated voltage of 5 kV. In this paper, a simulation model of the system is established to validate the effectiveness of the proposed methods. The simulation includes the short-circuit fault at the generator side of the ship’s MVDC power propulsion system and its fault diagnosis. A total of 11 types of fault electrical signals were collected, with 100,000 training data samples for each category. During the experimental process, the FCN block remained unchanged. Through hyperparameter search, the dropout rate was set to 80%, the initial learning rate was 0.001, and the learning rate adjustment strategy was as follows: after every 100 training iterations, if the model’s validation score did not improve, the learning rate would be reduced by a factor of 0.794 until reaching the final learning rate of 0.0001. The model was trained using the Adam optimizer.

4.1. Model Evaluation Criteria

The proposed model will be evaluated based on accuracy, precision, ROC curve, and AUC. These evaluation criteria rely on a confusion matrix, which is illustrated in Table 4. The confusion matrix depicts the actual and predicted classes in its rows and columns, respectively. TN denotes the number of true negatives (negative instances that are correctly classified), FP represents the number of false positives (negative instances that are incorrectly classified), FN indicates the number of false negatives (positive instances that are wrongly classified), and TP denotes the number of true positives (positive instances that are correctly classified).
The accuracy (Acc) is defined as ( TP   +   TN ) / ( TP   +   FP   +   TN   +   FN ) and represents the proportion of correctly classified instances among all the predicted samples.
Precision (Pre) is calculated as TP / ( TP   +   FP ) and indicates the proportion of true positive instances among all predicted positive instances.
The ROC curve, which has FPR   =   FP / ( TN   +   FP ) as its horizontal axis, is also called specificity and shows the proportion of correctly classified negative instances among all negative samples. The vertical axis represents TPR   =   TP / ( TP   +   FN ) , which is also known as recall or sensitivity and measures the model’s ability to correctly identify positive instances. This curve evaluates the True Positive Rate and False Positive Rate at different thresholds. The AUC is a metric used to measure the area under the ROC curve and assess the performance of a binary classification problem. A higher AUC value, closer to 1, indicates better performance of the model, with a balance of high True Positive Rate and low False Positive Rate. A value closer to 0.5 indicates poor model performance.

4.2. Simulation Results and Analysis

The dataset was partitioned with an 80–20 ratio for training and testing, respectively. Figure 9 and Figure 10 show the confusion matrices for the corresponding sets. The training set had a final accuracy of 98.8636%, while the testing set had an accuracy of 96.8182%.
Figure 11 shows the best accuracy and precision curves of the proposed fault diagnosis method in this paper after 100 iterations. The final accuracy of the test set was 97.35%, demonstrating the satisfactory performance of the proposed model based on MWDN and deep-gated RNN-FCN in terms of accuracy and precision.
The performance of the proposed model in this paper is evaluated using the ROC curve and its AUC. The evaluation criteria for AUC are as follows:
(1)
AUC = 1: Perfect classifier that can perfectly distinguish positive and negative instances without any misclassifications, although it is challenging to achieve in practice.
(2)
0.5 < AUC < 1: Better than random guessing, indicating that the model has some classification ability.
(3)
AUC = 0.5: Random guessing, indicating that the model’s classification ability is equivalent to random selection.
(4)
0 < AUC < 0.5: Worse than random guessing, indicating that the model’s classification ability is inferior to random selection.
The AUC value ranges from 0 to 1, with values closer to 1 indicating better model performance and values closer to 0.5 indicating poorer model performance. The ROC curve and AUC of the proposed algorithm in this paper are shown in Figure 12, with an AUC of 0.85. The curve y = x serves as a comparison. The AUC indicates that the proposed method in this paper has good classification ability.

4.3. Comparative Experimental Results with Other Algorithms

To evaluate the effectiveness of the diagnostic method presented in this research, we conducted a comparison with several other algorithms.
(1) Effectiveness of Deep-Gated RNN
In order to validate the effectiveness of extending FCN with Deep-Gated RNN, we created a standalone FCN model and applied the dataset for simulation. The outcomes in terms of accuracy, precision, and AUC of the test set are presented in Figure 13. The FCN model achieved an accuracy and precision of 92.53% and an AUC value of 0.76. From the graph, it is evident that the performance evaluation metrics for the Deep-Gated RNN-FCN surpass those of the standalone FCN model, indicating that integrating Deep-Gated RNN is an effective method to improve the performance of fault diagnosis using FCN.
(2) Effectiveness of Multi-level Wavelet Decomposition Network
In order to evaluate the effectiveness of MWDN in our proposed algorithm, we conducted a comparative simulation by excluding the MWDN component and contrasting the results with our algorithm. The simulation results are presented in Figure 14. The purpose of including the MWDN is to improve the accuracy of the final fault diagnosis outcomes. The comparative simulation revealed that the deep-gated RNN-FCN without MWDN achieved an accuracy of 91.26%, a precision of 92.43%, and an AUC value of 0.72. In contrast, our algorithm performed significantly better with an AUC value of 0.85. Based on the accuracy and precision, it is evident that the MWDN played a crucial role in enhancing the fault diagnosis performance of the deep-gated RNN-FCN. Hence, these findings confirm the effectiveness of MWDN.
(3) The Effectiveness of SMOTE based on Gaussian Random Variable
The simulation results in Figure 15 compare the proposed Gaussian random variable-based SMOTE algorithm with the regular SMOTE algorithm and the algorithm that does not use SMOTE. The regular SMOTE algorithm achieved an accuracy of 91.64%, a precision of 91.89%, and an AUC value of 0.69. The algorithm without SMOTE yielded an accuracy of 88.98%, a precision of 90.52%, and an AUC value of 0.60. In contrast, our proposed algorithm achieved significantly higher accuracy and precision than both the regular SMOTE and the algorithm without SMOTE. These findings illustrate the effectiveness of the contribution made by our Gaussian random variable-based SMOTE algorithm.
(4) Comparison with other algorithms applicable to time series processing
As the power grid fault sequence constitutes a time series, it is appropriate to apply machine learning algorithms designed for time series feature extraction like LSTM-FCN, CNN-FCN, and TCN-FCN. Therefore, we compared the performance of our proposed algorithm with these three algorithms. Our simulation results, as illustrated in Figure 16, reveal that the accuracy of Deep-Gated RNN-FCN, LSTM-FCN, CNN-FCN, and TCN-FCN are 96.82%, 94.45%, 89.61%, and 90.00%, respectively. The precision is 97.35%, 93.42%, 90.60%, and 90.05%, respectively. The AUC values are 0.85, 0.80, 0.73, and 0.75, respectively. These metrics, taken together, demonstrate that our proposed algorithm outperforms the other three methods.

5. Conclusions

The vessel’s electrical propulsion system is responsible for powering the entire vessel, with the vessel’s power system being centered around its three-phase synchronous generators. A critical short-circuit fault occurring at the generator’s output terminal could instantaneously interrupt the power supply to the entire vessel, with severe negative implications for safety and vessel stability. Therefore, it is crucial to accurately diagnose and locate any short-circuit faults at the generator’s terminal.
This study proposes a fault diagnosis method for short-circuit faults at the generator terminal based on MWDN and Deep-Gated RNN-FCN. The following research achievements have been obtained:
Firstly, MWDN-based feature extraction is proposed. MWDN decomposes raw signals into high-frequency sub-signals and low-frequency sub-signals, extracting time-domain and frequency-domain features of power grid signals while reducing noise interference and improving fault diagnosis accuracy.
Secondly, a Gaussian random variable-based SMOTE algorithm is proposed to address the class imbalance problem between normal and fault classes in power grid data. Compared to traditional SMOTE algorithms, the proposed approach reduces sample data synthesis generalization issues, making it more effective for handling power grid data.
Moreover, the study constructs a Deep-Gated RNN-FCN model. LSTM computation replaces the computation of hidden states in RNN, resulting in a Deep-Gated RNN. The Deep-Gated RNN model is then combined with the FCN model to extract features from input fault sequences. This approach can address the gradient vanishing issue and capture long-range dependencies in time series better, thus complementing the performance of FCN in time series classification. As a result, the performance of fault diagnosis improves significantly.
Finally, the softmax classifier is used for fault classification and results output. The proposed method is evaluated and tested via simulation, utilizing three performance indicators: accuracy, precision, and AUC. The accuracy rate is 96.82%; precision is 97.35%; and AUC is 0.85. This demonstrates the method’s excellent performance. Comparative experiments with other algorithms show that the proposed method achieves greater accuracy and better classification of faults, validating its superiority and effectiveness. Furthermore, the proposed method exhibits good generalization ability, making it applicable in other fault diagnosis scenarios.

Author Contributions

Conceptualization, L.Z. and Z.Z.; methodology, Z.Z. and H.P.; software, L.Z.; validation, Z.Z. and H.P.; data curation, L.Z.; writing—original draft preparation, L.Z.; writing—review and editing, Z.Z. and H.P.; visualization, L.Z. All authors have read and agreed to the published version of the manuscript.

Funding

Supported in part by the State Key Laboratory of Smart Grid Protection and Operation Control under Grant SGNR0000KJJS2302140.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

Not applicable.

Conflicts of Interest

The authors declare no conflict of interest.

Abbreviation

SymbolImplication
MWDNMulti-Level Wavelet Decomposition Network
MDWDMulti-Level Discrete Wavelet Decomposition
RNNRecurrent Neural Network
FCNFully Convolutional Network
SMOTESynthetic Minority Over-sampling Technique
MVDCMedium Voltage Direct Current
WTWavelet Transform
EMDEmpirical Model Analysis
MSPMorphological Signal Processing
PCAPrincipal Component Analysis
ANNArtificial Neural Network
SVMSupport Vector Machine
SDGSigned Directed Graph
AIArtificial Intelligence
CNNConvolutional Neural Network
PSOParticle Swarm Optimization
LSTMLong Short-Term Memory
RFRandom Forest
FFTFast Fourier Transform
BNBatch Normalization
AUCArea Under Curve
φ the magnetic flux of each winding
u the voltage across each winding
i the current flowing through each winding
r the resistance of each winding
X d the d-axis winding
X q the q-axis winding
X f the excitation winding
X D the damping winding
X Q the self-inductance
X a d the mutual inductance between d-axis windings
X a q the mutual inductance between q-axis windings
E q 0 the transient potential on the transverse axis before the short circuit
E d 0 the transient potential on the direct axis before the short circuit
X d the transient reactance on the direct axis
X q the transient reactance on the transverse axis
E q 0 the transient electromotive force before the short circuit
X d the transient reactance
E q ( 0 ) the steady-state potential
X d the steady-state reactance
T d the transient time constant on the d-axis
T d the transient time constant on the q-axis
T q the time constant for the decay of the DC component
x n + k 1 l ( i ) the n + k 1 -th element of the i -th level low-frequency subsequence
x l ( 0 ) the input sequence
b h ( i ) trainable bias vectors, initialized with random values that are infinitesimally close to zero
b l ( i )
σ ( ) the activation function
C f a u l t a fault data point
C N N k a randomly selected neighbor from k nearest neighbors following a uniform probability distribution for fault class data
P r a n d o m a random value

References

  1. Javaid, U.; Dujic, D.; van der Merwe, W. MVDC marine electrical distribution: Are we ready? In Proceedings of the IECON 2015—41st Annual Conference of the IEEE Industrial Electronics Society, Yokohama, Japan, 9–12 November 2015. [Google Scholar]
  2. Liu, S.; Sun, Y.; Zhang, L.; Su, P. Fault diagnosis of shipboard medium-voltage DC power system based on machine learnng. Int. J. Electr. Power Energy Syst. 2021, 124, 106399. [Google Scholar] [CrossRef]
  3. Satpathi, K.; Ukil, A.; Pou, J. Short-Circuit Fault Management in DC Electric Ship Propulsion System: Protection Requirements, Review of Existing Technologies and Future Research Trends. IEEE Trans. Transp. Electrif. 2018, 4, 272–291. [Google Scholar] [CrossRef]
  4. Yodanov, Y.; Georgi, M.; Valentin, G. Simulation of Methods for Diagnosis of the Mechanical Disturbances in the Operation of Ships Synchronous Generators. In Proceedings of the 2021 13th Electrical Engineering Faculty Conference, Varna, Bulgaria, 2 February 2022. [Google Scholar]
  5. Yan, S. Research on Key Technologies of Intelligent Protection for Marine Power System. J. Artif. Intell. Res. 2021, 4, 14–17. [Google Scholar]
  6. Jardine, A.; Lin, D.; Banjevic, D. A review on machinery diagnostics and prognostics implementing condition-based maintenance. Mech. Syst. Signal Process. 2006, 20, 1483–1510. [Google Scholar] [CrossRef]
  7. Hegde, C.; Daigle, H.; Millwater, H. Analysis of rate of penetration (ROP) prediction in drilling using physics-based and data-driven models. J. Pet. Sci. Eng. 2017, 159, 295–306. [Google Scholar] [CrossRef]
  8. Verma, M.; Rukmini, C.; Goyal, S. Electrical substations reliability evaluation using fuzzy fault tree approach. In Proceedings of the 2012 2nd International Conference on Power, Control and Embedded Systems, Allahabad, India, 17–19 December 2012. [Google Scholar]
  9. Li, D.; Deng, R.; Zhou, Z. A Review of Fault Diagnosis Methods for Marine Electric Propulsion System. In Proceedings of the IncoME-VI and TEPEN 2021, Tianjin, China, 18 September 2022. [Google Scholar]
  10. Chen, J.; Patton, R.J. Robust Model-Based Fault Diagnosis for Dynamic Systems, 1st ed.; Springer: Boston, MA, USA; New York, NY, USA, 2012; pp. 96–98. [Google Scholar]
  11. Bhalla, D.; Bansal, R.K.; Gupta, H.O. Function analysis based rule extraction from artificial neural networks for transformer incipient fault diagnosis. Int. J. Electr. Power Energy Syst. 2012, 43, 1196–1203. [Google Scholar] [CrossRef]
  12. Vicenzutti, A.; Menis, R.; Sulligoi, G. All-Electric Ship-Integrated Power Systems: Dependable Design Based on Fault Tree Analysis and Dynamic Modeling. IEEE Trans. Transp. Electrif. 2019, 5, 812–827. [Google Scholar] [CrossRef]
  13. Rezapour, H.; Jamali, S.; Bahmanyar, A. Review on Artificial Intelligence-Based Fault Location Methods in Power Distribution Networks. Energies 2023, 16, 4636. [Google Scholar] [CrossRef]
  14. Chen, M.; Xu, D.; Zhang, X. An improved IGBT short-circuit protection method with self-adaptive blanking circuit based on VCE measurement. IEEE Trans. Power Electron. 2018, 33, 6126–6136. [Google Scholar] [CrossRef]
  15. Huang, Z.; Wang, Z.; Zhang, H. Multiple open-circuit fault diagnosis based on multistate data processing and subsection fluctuation analysis for photovoltaic inverter. IEEE Trans. Instrum. Meas. 2018, 67, 516–526. [Google Scholar] [CrossRef]
  16. Mehdi, M.; Iman, S.; Majid, M. Design of a reliable and coordinated protection strategy for zonal shipboard power systems. IET Electr. Syst. Transp. 2023, 13, e12080. [Google Scholar]
  17. Philipp, N.; Lukas, W.; Suat, C. Bridging the gap between AI and the industry—A study on bearing fault detection in PMSM-driven systems using CNN and inverter measurement. Eng. Appl. Artif. Intell. 2023, 126, 106834. [Google Scholar]
  18. Chao, C.; Liang, Q.; Jie, S. Fault Diagnosis Technology for Ship Electrical Power System. Energies 2022, 15, 1287. [Google Scholar]
  19. Wen, X.; Liu, L.; Chung, I.Y.; Cartes, D.A.; Zhang, W. Modeling and detecting the stator winding fault of permanent magnet synchronous motors. Simul. Model. Pract. Theory 2012, 27, 1–16. [Google Scholar]
  20. Li, M.; Yu, D.; Chen, Z. A Data-Driven Residual-Based Method for Fault Diagnosis and Isolation in Wind Turbines. IEEE Trans. Sustain. Energy 2019, 10, 895–904. [Google Scholar] [CrossRef]
  21. Chen, M.; Zhou, D.; Blaabjerg, F. Modelling, Implementation, and Assessment of Virtual Synchronous Generator in Power Systems. J. Mod. Power Syst. Clean Energy 2020, 8, 399–411. [Google Scholar] [CrossRef]
  22. Li, W.; Wu, Z.; Li, L.; Me, S. Short Circuit Analysis and Selective Protection of Ship DC Power System. In Proceedings of the 2020 5th Asia Conference on Power and Electrical Engineering (ACPEE), Chengdu, China, 4–7 June 2020. [Google Scholar]
  23. Ji, H.; Zhen, W.; Chan, Q. Fault Prognosis and Isolation of Lithium-Ion Batteries in Electric Vehicles Considering Real-Scenario Thermal Runaway Risks. IEEE J. Sel. Top. Quantum Electron. 2023, 11, 88–99. [Google Scholar]
  24. Herry, M. An ultra-precise Fast Fourier Transform. Measurement 2023, 220, 113372. [Google Scholar]
  25. Mallat, S.G. A theory for multiresolution signal decomposition: The wavelet representation. IEEE Trans. Pattern Anal. Mach. Intell. 1989, 11, 674–693. [Google Scholar] [CrossRef]
  26. Chawla, N.; Bowyer, K.; Hall, L. SMOTE: Synthetic Minority Over-sampling Technique. J. Artif. Intell. Res. 2002, 16, 321–357. [Google Scholar] [CrossRef]
  27. Georgios, D.; Fernando, B.; Felix, L. Improving Imbalanced Learning Through a Heuristic Oversampling Method Based on K-Means and SMOTE. Inf. Sci. 2018, 465, 1–20. [Google Scholar]
  28. Tahan, M.; Marzieh, H.; Ghasemzadeh, M. Development of Fully Convolutional Neural Networks Based on Discretization in Time Series Classification. IEEE Trans. Knowl. Data Eng. 2023, 35, 6827–6838. [Google Scholar]
  29. Kilic, D.; Ugur, O. Hybrid wavelet-neural network models for time series. Appl. Soft Comput. 2023, 144, 110469. [Google Scholar] [CrossRef]
  30. Doerry, N. Naval Power Systems: Integrated power systems for the continuity of the electrical power supply. IEEE Electrif. Mag. 2015, 3, 12–21. [Google Scholar] [CrossRef]
Figure 1. Workflow of AI-based intelligent fault diagnosis method.
Figure 1. Workflow of AI-based intelligent fault diagnosis method.
Jmse 11 01806 g001
Figure 2. Two basic forms of rotating field synchronous generators: (a) salient pole and (b) non-salient pole.
Figure 2. Two basic forms of rotating field synchronous generators: (a) salient pole and (b) non-salient pole.
Jmse 11 01806 g002
Figure 3. Overall framework of the fault diagnosis algorithm in this paper.
Figure 3. Overall framework of the fault diagnosis algorithm in this paper.
Jmse 11 01806 g003
Figure 4. Schematic diagram of the multi-level wavelet decomposition network: (a) approximate MDWD and (b) MWDN framework.
Figure 4. Schematic diagram of the multi-level wavelet decomposition network: (a) approximate MDWD and (b) MWDN framework.
Jmse 11 01806 g004
Figure 5. Based on Gaussian random variable SMOTE algorithm principle diagram and flowchart: (a) algorithm principle diagram; (b) algorithm flowchart.
Figure 5. Based on Gaussian random variable SMOTE algorithm principle diagram and flowchart: (a) algorithm principle diagram; (b) algorithm flowchart.
Jmse 11 01806 g005aJmse 11 01806 g005b
Figure 6. The computational logic diagram of a traditional RNN with hidden states.
Figure 6. The computational logic diagram of a traditional RNN with hidden states.
Jmse 11 01806 g006
Figure 7. The computation logic diagram for the hidden state in an LSTM.
Figure 7. The computation logic diagram for the hidden state in an LSTM.
Jmse 11 01806 g007
Figure 8. The framework diagram of the Deep-Gated RNN-FCN algorithm.
Figure 8. The framework diagram of the Deep-Gated RNN-FCN algorithm.
Jmse 11 01806 g008
Figure 9. Confusion matrix diagram of the training set and test set: (a) confusion matrix for the training set and (b) confusion matrix for the testing set.
Figure 9. Confusion matrix diagram of the training set and test set: (a) confusion matrix for the training set and (b) confusion matrix for the testing set.
Jmse 11 01806 g009
Figure 10. Training set and test set confusion matrix and result graph: (a) training set results graph and (b) test set results graph.
Figure 10. Training set and test set confusion matrix and result graph: (a) training set results graph and (b) test set results graph.
Jmse 11 01806 g010aJmse 11 01806 g010b
Figure 11. Best accuracy curve and accuracy curve: (a) accuracy and (b) precision.
Figure 11. Best accuracy curve and accuracy curve: (a) accuracy and (b) precision.
Jmse 11 01806 g011
Figure 12. ROC curve and AUC of this algorithm.
Figure 12. ROC curve and AUC of this algorithm.
Jmse 11 01806 g012
Figure 13. Comparison of the proposed algorithm with FCN: (a) accuracy, (b) precision, and (c) AUC.
Figure 13. Comparison of the proposed algorithm with FCN: (a) accuracy, (b) precision, and (c) AUC.
Jmse 11 01806 g013aJmse 11 01806 g013b
Figure 14. Comparison between the proposed algorithm and the algorithm without MWDN processing: (a) accuracy, (b) precision, and (c) AUC.
Figure 14. Comparison between the proposed algorithm and the algorithm without MWDN processing: (a) accuracy, (b) precision, and (c) AUC.
Jmse 11 01806 g014
Figure 15. Comparison of improved SMOTE algorithm with original SMOTE algorithm and non-SMOTE algorithm: (a) accuracy, (b) precision, and (c) AUC.
Figure 15. Comparison of improved SMOTE algorithm with original SMOTE algorithm and non-SMOTE algorithm: (a) accuracy, (b) precision, and (c) AUC.
Jmse 11 01806 g015
Figure 16. Comparison chart of the algorithm proposed in this paper with three other algorithms: (a) LSTM-FCN, (b) CNN-FCN, (c) TCN-FCN, and (d) summary of evaluation indicators for fault diagnosis algorithms.
Figure 16. Comparison chart of the algorithm proposed in this paper with three other algorithms: (a) LSTM-FCN, (b) CNN-FCN, (c) TCN-FCN, and (d) summary of evaluation indicators for fault diagnosis algorithms.
Jmse 11 01806 g016aJmse 11 01806 g016b
Table 1. Common methods of fault diagnosis.
Table 1. Common methods of fault diagnosis.
Failure diagnosis methodMethod based on analytical modelState estimation method
Parameter estimation method
Equivalent spatial method
Method based on a data-driven approachMethod based on signal
processing
WT
EMD
MSP
Spectral Analysis
Multivariate statistical analysis PCA
Method based on shallow
machine learning
ANN
SVM
Method based on deep learning
Method based on information fusionFuzzy fusion method
Reliability function theory method
Rule reasoning
Method based on qualitative model-based
approach
Fault Tree Analysis
SDG
Table 2. Intelligent fault diagnosis methods based on artificial intelligence.
Table 2. Intelligent fault diagnosis methods based on artificial intelligence.
Fault diagnosis method based on artificial
intelligence
Supervised learningArtificial Neural Network
Support Vector Machine
Random Forests
K-nearest neighbor
Semi-supervised learningGenerative method
A divergence-based approach
Unsupervised learningSelf Organizing Map
Clustering algorithm
Principal Component Analysis
Deep learningConvolutional Neural Network
Deep Belief Network
Stacked Auto Encoders
Reinforcement learningQ-learning
Transfer learningTrAda Boost
Table 3. Correspondence between fault types and labels.
Table 3. Correspondence between fault types and labels.
ModeTypeLabel
Fault 1A-phase grounding1
Fault 2B-phase grounding2
Fault 3C-phase grounding3
Fault 4A and B-phase short circuit grounding4
Fault 5A and C-phase short circuit grounding5
Fault 6B and C-phase short circuit grounding6
Fault 7Three-phase short circuit grounding (A, B, and C phases)7
Fault 8A and B-phase short circuit8
Fault 9A and C-phase short circuit9
Fault 10B and C-phase short circuit10
Fault 11A, B, C three-phase short circuit11
Table 4. Confusion matrix.
Table 4. Confusion matrix.
PredictedPredicted
Negative
Predicted
Positive
Actual
Actual
Negative
TNFP
Actual
Positive
FNTP
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

Zhang, L.; Zhang, Z.; Peng, H. Diagnostic Method for Short Circuit Faults at the Generator End of Ship Power Systems Based on MWDN and Deep-Gated RNN-FCN. J. Mar. Sci. Eng. 2023, 11, 1806. https://doi.org/10.3390/jmse11091806

AMA Style

Zhang L, Zhang Z, Peng H. Diagnostic Method for Short Circuit Faults at the Generator End of Ship Power Systems Based on MWDN and Deep-Gated RNN-FCN. Journal of Marine Science and Engineering. 2023; 11(9):1806. https://doi.org/10.3390/jmse11091806

Chicago/Turabian Style

Zhang, Lanyong, Ziqi Zhang, and Huimin Peng. 2023. "Diagnostic Method for Short Circuit Faults at the Generator End of Ship Power Systems Based on MWDN and Deep-Gated RNN-FCN" Journal of Marine Science and Engineering 11, no. 9: 1806. https://doi.org/10.3390/jmse11091806

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