Next Article in Journal
Generative Adversarial Networks for Morphological–Temporal Classification of Stem Cell Images
Next Article in Special Issue
Seismic Damage Identification Method for Curved Beam Bridges Based on Wavelet Packet Norm Entropy
Previous Article in Journal
Performance Analysis of Deep-Neural-Network-Based Automatic Diagnosis of Diabetic Retinopathy
Previous Article in Special Issue
Comparative Analysis of Machine Learning Methods for Predicting Robotized Incremental Metal Sheet Forming Force
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

A High-Dimensional and Small-Sample Submersible Fault Detection Method Based on Feature Selection and Data Augmentation

1
School of Information Science and Engineering, Shandong University, Qingdao 266237, China
2
China National Deep Sea Center, Qingdao 266237, China
3
Public (Innovation) Experimental Teaching Center, Shandong University, Qingdao 266237, China
*
Authors to whom correspondence should be addressed.
Sensors 2022, 22(1), 204; https://doi.org/10.3390/s22010204
Submission received: 10 November 2021 / Revised: 18 December 2021 / Accepted: 25 December 2021 / Published: 29 December 2021

Abstract

:
The fault detection of manned submersibles plays a very important role in protecting the safety of submersible equipment and personnel. However, the diving sensor data is scarce and high-dimensional, so this paper proposes a submersible fault detection method, which is made up of feature selection module based on hierarchical clustering and Autoencoder (AE), the improved Deep Convolutional Generative Adversarial Networks (DCGAN)-based data augmentation module and fault detection module using Convolutional Neural Network (CNN) with LeNet-5 structure. First, feature selection is developed to select the features that have a strong correlation with failure event. Second, data augmentation model is conducted to generate sufficient data for training the CNN model, including rough data generation and data refiners. Finally, a fault detection framework with LeNet-5 is trained and fine-tuned by synthetic data, and tested using real data. Experiment results based on sensor data from submersible hydraulic system demonstrate that our proposed method can successfully detect the fault samples. The detection accuracy of proposed method can reach 97% and our method significantly outperforms other classic detection algorithms.

1. Introduction

As one of the frontiers of current ocean development, deep-sea manned submersibles represent a country’s comprehensive scientific and technological strength in materials, control and marine disciplines [1]. As China’s first self-designed and self-developed operational deep-sea manned submersible, Jiaolong has performed many deep-sea dive missions and completed scientific investigations in the fields of marine geology, marine biology, and marine environment [2,3]. The fault detection of deep-sea manned submersibles has become one of the most significant tasks during the execution of the dive mission due to the person safety threat and economic loss caused by downtime of submersibles [4,5].
With the improvement of computing power and the development of signal processing technology, many researchers have made great achievements in the field of fault detection [6,7,8]. We can divide the fault detection methods into four categories: distance-based methods, clustering-based methods, probability distribution-based methods, and the deep learning-based methods. For distance-based methods, K-Nearest Neighbor (KNN) algorithm supposes that the k nearest neighbor distances of the fault sample are much larger than the normals’ [9]. However, KNN is suitable for the situations where the density of each cluster is relatively uniform. Local Outlier Factor (LOF) method pays more attention to the detection of local outliers, and the detected outliers can be considered as fault samples [10]. Density-Based Spatial Clustering of Applications with Noise (DBSCAN) [11], K-Means [12], and WaveCluster [13] are the representative algorithms of clustering-based methods. The limitation of them lies in requiring prior knowledge about data cluster number. In probability distribution-based methods, Gaussian Mixture Model (GMM) is a popular approach [14], which fits the dataset to a mixed Gaussian distribution, and discordant observations are probably caused by the failure events. However, the cluster type and number can act on the detection performance. In recent years, the deep learning-based methods have gained much popularity in fault detection [15,16,17,18,19]. In [20], a fuzzy neural network model combining BP neural network and fuzzy theory was established for fault diagnosis. A method based on a deep convolutional neural network was proposed for diagnosing bearing faults in [21]. Xu et al. proposed an fault diagnosis method based on deep transfer convolutional neural network [22], which combined transfer learning theory and convolutional neural network to realize online fault detection and diagnosis.
However, there are two critical problems in submersible fault detection.
(1) High-dimensional sensor data. The raw data from submersible sensing system is high in dimensionality, but redundant feature variables will bring challenges to fault detection and cause the increase in overfitting.
(2) Limited fault issues. Due to the low fault frequency of submersibles, only limited sensor data including fault samples is collected, which imposes limitations on model training and is a challenging problem for fault detection.
To address above-mentioned redundant features caused by high-dimensional dataset, a large collection of methods have been proposed, including Principal Component Analysis (PCA), Linear Discriminant Analysis (LDA) and feature selection composed of sub-approaches such as filter, wrapper, and embedded. In [23], PCA as an unsupervised dimensionality reduction method was used to remove redundant features in order to get the low-dimensional feature matrix and retain the essential attributes for the fault detection of rotor system. LDA processes labeled data, and when projecting them to a low-dimensional space, it satisfies as much as possible to retain the information of the data [24]. In [25], filter and wrapper methods were used to form a hybrid feature selection framework to get the best feature set, thereby improving the generalization and detection accuracy of model. In terms of small sample fault detection, data augmentation methods and siamese neural networks have become popular [26,27,28]. In order to obtain sufficient data and improve the robustness of the detection model, data augmentation is an significant technology in data processing [29]. Previously, methods such as noise addition, interpolation, window slicing, position replacement and sequence fusion have been maturely applied in data augmentation for fault detection [30]. With the development of deep learning, Generative Adversarial Networks (GAN) have been proposed as powerful tools for data generation [31]. In [32], a small-sample fault detection method using synthetic data was proposed, which improved GANs to generate more realistic fault data and enhance the detection accuracy. A multiple-objective generative adversarial active learning model was designed to detect outliers using limited data in high-dimensional space in [33]. In addition, siamese neural networks have made great achievements in small samples detection and one-shot learning [34], and to alleviate the over-fitting issue in anomaly detection of industrial cyber-physical systems, a siamese convolution neural network based few-shot learning model was proposed in [35].
We propose a novel high-dimensional and small-sample submersible fault detection method, which applies hierarchical clustering and AEs to select significant features and use GANs to synthesize data. In this paper, hierarchical clustering is used to cluster the raw data with the degree of similarity, and then AE is applied to evaluate the features of each cluster to determine the correlation between the feature groups and labels, so as to obtain the effective features for submersible fault detection. To get enough training data, a rough simulated data generation process is developed to transform the normal sensor data to rough simulated data according to adding adjusting rules in deep autoencoders. The improved DCGAN is the data refiner, which is trained to obtain realistic data transformed from the rough simulated data. Based on the above two processing methods, we have gotten a meaningful feature group and sufficient training data, so that CNN can be used for fault detection, which is pretrained and fine-tuned with generated data, and tested with the real sensor data.
The main contributions of this paper are as follows.
(1) A novel submersible fault detection method is designed, which innovatively completes the fault detection of submersible hydraulic system, and greatly improves the accuracy of detection by comparing with other classical algorithms.
(2) A feature selection model is proposed to select features strongly associated with fault event and able to effectively improve results of submersible fault detection and outperform several other state-of-art dimensional reduction methods.
(3) A data augmentation method based on improved DCGAN is developed, which generates more realistic data as training dataset for fault detection model. No real sensor data are required in fault detector training phase and the fault samples in submersible sensor dataset can be precisely detected.
The remainder of this paper is organized as follows. Section 2 is the description of the target submersible and sensor data set collected from the submersible. The submersible fault detection model is illustrated in Section 3. In Section 4, experiments and analysis are performed. Finally, Section 5 summarizes the conclusion of this paper with future work.

2. Data Description

The basic information of submersible and the data set used for fault detection are described in this section. Jiaolong is a manned submersible with a maximum working depth of 7000 m, and its detailed parameters are in Table 1. The data set contains a complete signal collected by the sensor system during a dive mission in the Southwest Indian Ocean hydrothermal area. The collection period spans about 11.5 h, and the sampling frequency is 2 Hz, resulting in a total of 83,856 observations.
The geological environment of the submarine is complicated and it is very prone to failure due to the existence of many “chimney”-like hydrothermal sulfides in the submarine hydrothermal area [36]. In this dive mission, the hydraulic system, load dumping and camera of the submersible failed, but only the failure of the hydraulic system was captured by the sensor signal. Furthermore, hydraulic system fault resulted in its corresponding multiple functions to fail, which greatly affected the operational capability of the submersible and brought a great threat to safety of the submersible.
The raw data set consists of 294 features collected by sensors of multiple systems, which is related with hydraulic system, doppler anemometer, anticollision sonar, altimeter, main battery, etc. Figure 1 shows the some systems located in the submersible and their corresponding sensing signals. In this study, since the fault occurred in the hydraulic system, we only analyze the features related to the hydraulic system, and other features are not in our interest. The chosen 52 features are listed in Table 2.

3. Proposed Fault Detection Method

In this study, proposed feature selection module first extracts the essential features from the raw dataset. Then, DCGAN-based data augmentation module is proposed to generate sufficient training data. Finally, with the above-mentioned signal processing modules, CNN can achieve good performance under the challenges of high-dimensional data and limited fault data. The overall architecture of the fault detection method is shown in Figure 2.

3.1. Feature Selection

In this section, a novel feature selection module that is composed of a feature grouping method based on hierarchical clustering and AE-based feature evaluation is proposed, as shown in Figure 3.

3.1.1. Features Clustering

In this work, agglomerative hierarchical clustering algorithm [37] is used as the feature grouping method. As shown in Figure 4, the agglomerative hierarchical clustering method initially treats each feature as a cluster, and then combines the two most similar clusters into a new larger cluster step by step. Iterate this process until all features are members of a single large cluster. In the clustering process, the correlation distance matrix is used to measure the similarity of two clusters, and then find clusters that can be further merged. The correlation distance d c between two feature variables v i and v j is expressed as follows.
d c v i , v j = 1 v i v i ¯ · v j v j ¯ v i v i ¯ 2 v j v j ¯ 2
where v i ¯ and v j ¯ are the means of feature variables v i and v j , respectively, and · represents the operation of dot product.
Let N e be the number of elements in each feature variable. Let r = r 1 , r 2 , , r n , r i , denoting the summed squared residuals of feature v i , be defined as:
r i = t = 0 N e v i t v i ¯ 2
The correlation distance matrix is denoted as M, and expressed as:
M = M i , j = 1 C i , j r i r j
where
C i , j = t = 0 N e v i t v i ¯ v j t v j ¯
C i , j represents the sum of residual products between features v i and v j , and forms the partial correlation matrix C r .
After obtaining the computing method of the correlation distance M, the agglomerative hierarchical clustering is carried out in the following steps.
(1) Apply M as the measure of the similarity between feature clusters, the clusters are gradually clustered into larger ones, and finally a large cluster containing all the features is obtained.
(2) Break the link of the current largest cluster and check whether the size of each cluster is less than δ .
(3) If the size of a cluster is greater than δ , repeat the processing in Step 2 until the size of all current clusters does not exceed δ .
(4) If the size of each cluster is less than δ , then current clusters are the feature groups that meet the requirements of clustering algorithm.
(5) k feature groups with strong correlation are obtained.

3.1.2. Feature Subsets Evaluation

The feature variables in the raw data set are not all related to the fault, so it is very important to select the features that can help us detect the fault. On the premise that the features are divided into k feature subsets, in this section, the AE [38] is used to evaluate them and determine the feature groups that play a critical role in fault detection [39]. Let G = g 1 , g 2 , , g k , G is the set of k feature groups. As depicted in Figure 3, k three-layer AEs are applied to detect anomaly samples, which map to k feature subsets, respectively. As a anomaly detector, AE uses Root Mean Squard Error (RMSE) as the metric of anomaly score, and RMSE is defined as:
RMSE = 1 N e i = 1 N e x i x i 2
where x i and x i are the ith raw sample value and reconstruction value, respectively.
In the training phase, only normal data is used to train the AE model. Parameter set θ = θ 1 , θ 2 , , θ k , which is updated using Stochastic Gradient Descent (SGD). Furthermore, let z t r a i n = z 1 , z 2 , , z k , where z i represents the RMSE vector of g i in training dataset. When predicting the anomaly value of the test data, the trained model is applied to get the RMSEs set z p r e d i c t of test samples, which determines the anomaly property of each sample by setting the appropriate threshold μ . Finally, the optimal feature subset is selected by comparing threshold γ with the predicting accuracy. The training, predicting and evaluation phases of algorithm are presented in Algorithm 1.
Algorithm 1 Feature subsets evaluation based on AE model.
Input:
G, set of feature groups.
C, set of predicting sample labels.
Nt, number of samples in training dataset.
Np, number of samples in predicting dataset.
μ , the RMSE threshold for anomaly samples.
γ , the accuracy threshold for optimal feature subset.
Output:
Gs, optimal feature subset.
1:
Initialize θ randomly;
  //Training phase
2:
for  g i G   do
3:
   z i z e r o s ( l e n g t h = N t ) ;
4:
  for  t 1 . . N t  do
5:
    g i t r e c o n s t r u c t i o n g i t , θ i ;
6:
    θ i in AE is updated;
7:
    z i t R M S E g i t , g i t ;
8:
  end for
9:
end for
10:
z t r a i n z 1 , z 2 , , z k , θ t r a i n θ 1 , θ 2 , , θ k ;
  //Predicting phase
11:
for  g i G   do
12:
   z i z e r o s ( l e n g t h = N p ) ;
13:
  for  p 1 . . N p  do
14:
    g i p r e c o n s t r u c t i o n g i p , θ i ;
15:
    z i p R M S E g i p , g i p ;
16:
  end for
17:
end for
18:
z p r e d i c t z 1 , z 2 , , z k ;
  //Evaluation phase
19:
for  g i G   do
20:
  for  e 1 . . N p  do
21:
   if  z i e > μ  then
22:
     A n o m a l y g i e 1 ;
23:
   else
24:
     A n o m a l y g i e 0 ;
25:
   end if
26:
  end for
27:
   L i A n o m a l y g i 1 , A n o m a l y g i 2 , , A n o m a l y g i N p ;
28:
  Calculate A c c u r a c y ( C i , L i ) ;
29:
  if  A c c u r a c y ( C i , L i ) > γ  then
30:
    G s i g i ;
31:
  end if
32:
end for

3.2. Data Augmentation

In order to prevent the scarce data set from reducing the effectiveness of fault detection and improve the generalization ability of detection model, data augmentation is a very important method to generate sufficient samples. The DCGAN-based data augmentation algorithm is proposed, where deep autoencoders are used in rough data generation and DCGANs are improved to refine rough generated data. Figure 5 shows the flowchart of the proposed data augmentation model.

3.2.1. Rough Data Generation

In this part, the method of generating rough data is illustrated in detail, where rough normal data is generated by encoder and decoder of deep autoencoder and the generation of rough data is guided by adjusting rules applied in deep autoencoder. The follow sections describe the detailed methods and the process of rough data generation is shown in Figure 6.
(1) Rough Normal Data Generation: The seven-layer AE subjecting to L1 regularization is used to produce the rough normal data, which is generated by first encoding and then decoding real normal data. Due to the same dimensions of input layer and output layer, the data converted by the deep autoencoder can be regarded as rough normal data.
(2) Rough Fault Data Generation: Contrast to the rough normal data generation process, the adjustment rules are applied to deep autoencoder in the simulated fault data generation, in which random Gaussian noise is added to the code layer to create rough fault samples deviating from normal ones.

3.2.2. Generated Data Refining

The rough generated data cannot be directly applied to the submersible fault detection, as there is still a big gap between it and real data. In this part, the improved DCGAN is used as the rough data refiner.
(1) Deep Convolutional Generative Adversarial Network: DCGAN is an unsupervised learning algorithm that combines CNN and GAN [40]. As shown in Figure 7a, similar to the general GAN, it consists of a generator G and discriminator D, and can be described in the following equation:
V G , D = E x P d a t a l o g D x + E z P z l o g 1 D G z
where x and z are the real data with the distribution P d a t a and data as the input of G with the distribution P z , respectively. Function D() represents the probability that the discriminated data is from real data and the optimum GAN is expressed as the follow equation.
GAN * = a r g min G max D V G , D
where D is trained to maximize D x and 1 D G z so as to correctly identify real data and generated data, and G is trained to minimize 1 D G z , so that generated data is more realistic.
(2) Rough Data Refiner Based on DCGAN: In order to better combine CNN and GAN, DCGAN replaces pooling operation with strided convolution in both generating network and discriminating network, and uses global pooling layer instead of fully connected layer to improve model stability. The detailed structures of generator networks and discriminator networks are shown in Figure 7b,c, respectively. Then, the generator loss L G and discriminator loss L D are calculated in Equations (8) and (9).
L G = 1 N i = 1 N l o g D G z i
L D = 1 N i = 1 N l o g D x i l o g 1 D G z i
To make the generated data closer to real data, loss function of generator is improved according to actual submersible sensor conditions and is described as follows:
L i m p r o v e d G = L G + L s i m i l a r i t y G = 1 N i = 1 N l o g D G z i + λ 1 G z i · x i G z i x i
where L s i m i l a r i t y is the loss from cosine similarity between generated data and real data and λ is the weight of cosine similarity loss.
Based on the above loss functions, the parameters of generating networks and discriminating networks are updated by SGD in the training process. As shown in Figure 7a, rough normal data and fault data are, respectively, processed by refiners composed of generators and discriminators, and when training epochs reach 200, the data from generators can be determined to be refined generated data.

3.3. Fault Detection Based on CNN

3.3.1. Data Preprocessing

In general, the data collected from sensor in the submersible is one-dimensional waveform signal data, but it can also be presented as two-dimensional grayscale images. In this work, a sensor data preprocessing method is proposed to convert waveform signal data to image data which are the ideal inputs for CNN model.
The detailed process of data preprocessing method is shown in Figure 8. Let signal data including k feature variables be evenly divided into N parts, and each segment have l samples. Since the signal data has a lower dimensionality compared with general images, so the method that l k data segments are repeatedly used to form a l × l matrix. To transform the matrix to a grayscale image, the value of each element in matrix is normalized from 0 to 255 and then used as gray level of a pixel in the image. The normalization method is designed as following:
G r a y i , j = i n t 255 × M a t r i x i , j min M a t r i x max M a t r i x min M a t r i x
where G r a y ( ) and M a t r i x ( ) are the value of pixel in grayscale image and the element value in matrix, respectively, and function i n t ( ) makes fractions round down. The preprocessing algorithm does not require the guidance of prior knowledge and the obtained images can maintain the characteristics of raw data as much as possible.

3.3.2. Proposed Fault Detection Framework

In this section, a submersible fault detection framework based on CNN model with LeNet-5 structure is described. As shown in Figure 2, the framework consists of three parts: pretraining and fine-tuning using synthetic dataset, and fault detection testing using test set in real data.
The LeNet-5 was originally proposed as convolutional neural network model for handwritten digit recognition and had achieved good results in image recognition and classification [41,42]. The structure of LeNet-5 is shown in Figure 9, in which there are one input layer, two convolution layers, two pooling layers, two fully connection layers and one output layer. ReLU function follows each convolution layer as an activation function and provides the sparse representation ability of the neural network.
In view of the fact that only one fault issue in the hydraulic system, the data used for submersible fault detection is very limited. In addition, if the detection model is directly trained with real data, it will increase the risk of overfitting, and cannot prove the effectiveness of our model. so we apply synthetic data to pretraining and fine-tuning of fault detection model. After obtaining the pretrained model, only a small portion of the generated data is used to fine-tune parameters of fully connection layers to get the model applied to real data. Based on the established framework and the trained model, the real sensor data can be detected whether a fault has occurred.

4. Experimental Result

4.1. Experiment Settings and Results

Feature selection, data augmentation and fault detection are the three parts of the proposed method. This section illustrates experiment settings and results of each part. All the numerical experiments are carried out with Python 3.5 and run on workstation equipped with an Intel 3.80 GHz CPU, RTX3060 GPU and 16.0-GB RAM.

4.1.1. Feature Selection Experiment

In feature selection section, normal samples are used for hierarchical clustering and the training of AEs in feature subsets evaluation and samples are used as predicting dataset for AEs, half of which are from normal dataset and the other half are part of fault samples.
The maximum size δ of cluster is set to 1 in feature clustering and the clustering results are listed in Table 3. The thresholds in feature subsets evaluation are set as: μ = 1 , γ = 0.95 , and the accuracy and recall rate of each feature subset obtained by evaluation are shown in Figure 10. According to the evaluation results, we can find that accuracy and recall rate of Cluster 2 have reached 0.98 and 0.99, respectively, while the evaluation results of other clusters are very poor, indicating that only features in Cluster 2 have strong correlation with fault event and others are not helpful for fault detection.

4.1.2. Data Augmentation Experiment

In this part, 30,000 signal samples have been selected from normal dataset to generate rough data, including 15,000 rough normal signal samples and 15,000 rough fault signal samples, respectively, which are preprocessed into 32 × 32 image data for subsequent data refining. In addition, setting the preprocessed image sample size to 32 × 32 takes into account the time required for the occurrence of submersible failure (approximately 10 to 20 s) and the sample size is set to an exponential power of 2 to facilitate the calculation of CNN. DCGAN is used as a refiner and the network structures of its generator and discriminator are listed in Table 4. Normal data refiner and fault data refiner share the same network structure in generators and discriminators, but the parameters of them are individually trained. Here, Convolution 1 ( 128 @ 4 × 4 ) indicates that there are 128 convolutional kernel of size 4 × 4 in this layer. The initial settings of hyperparameters for all networks are 0.0002 for learning rate, 64 for mini-batch size and 300 for max-epoch.
Using the proposed generating data model, a large amount of realistic normal data and fault data can be created and Figure 11 illustrates the real data, rough data and refined data. In reality, there is a difference between normal data and fault data in numerical values and changing trends, but after signal data is converted to grayscale images, the difference seems to be small to us, however, classifiers can clearly distinguish them. As shown in Figure 11, the refined data is closer to the real data than the rough data, and it is able to show the different characteristics of normal data and fault data.
In order to compare the real data and generated data more clearly, the details of real data and synthetic data of temperature of tank VP2 under normal and anomaly conditions are shown in Figure 12. Obviously, the value of fault data is lower than normal data and has been in a fluctuating state, while the normal data occasionally changes in value. In terms of numerical value, generated fault data is also smaller than generated normal data. Since the generated data contains more noise, the generalization of the classifier can be improved and overfitting can be prevented.

4.1.3. Fault Detection Experiment

In fault detection phase, 2448 image samples are generated from DCGAN, 80% of which are applied in pretraining phase and the remaining data is used in fine-tuning phase. Real data set is divided into 2994 images, and all of them are testing samples. Here, both synthetic data and real data are preprocessed into 32 × 32 images. The structure of LeNet-5 is detailed in Table 5, and the initial parameters of model are set as follows: learning rate is 0.0001, the min-batch size is set as 4 and max-epoch is 500. In this case, the model is first trained by synthetic data, and then, the fully connection layers are fine-tuned by the valid dataset from generated data. Finally, the trained model can carry out fault detection on the test dataset. The accuracy and the values of loss function of proposed method in validation and testing process are shown in Figure 13. At the validation stage, since model is still detecting synthetic data, the accuracy quickly reaches 100%. Moreover, it can be seen that a stable testing accuracy of 97% has been achieved and loss function gradually converges during the testing stage.

4.2. Comparative Experiments and Analysis

In this section, the proposed submersible fault detection method is evaluated by three comparative experiments. Comparative experiments in Section 4.2.1 are designed to verify that the proposed feature selection method is able to improve the accuracy of fault detection and outperforms other dimensionality reduction methods. In Section 4.2.2, experiments are conducted to examine the effect of different numbers of generated training samples on the submersible fault detection. Finally, experiments comparing our proposed method with three classic fault detection algorithms are carried out to verify the superiority of proposed method in Section 4.2.3.

4.2.1. Comparative Experiments with Different Feature Selection Methods

Four groups of fault detection experiments are carried out. In Group 1, feature selection process is not performed before fault detection, whereas PCA, Recursive Feature Elimination (RFE) and our proposed feature selection method are applied to Group 2, Group 3 and Group 4, respectively. Three general fault detection methods (LOF, isolation forest and one-class SVM) are used in the comparative experiments.
Figure 14 shows the results of four groups experiments. With the different feature selection methods, the following results hold:
(1) When using LOF method, our proposed method has made the greatest contribution to improving detection accuracy, whereas PCA and RFE can only improve fault detection slightly.
(2) When using isolation forest method, only our method can greatly improve the performance of fault detection, and other methods will reduce the accuracy of detection.
(3) When using one-class SVM method, both RFE and our method can greatly improve the accuracy of fault detection and our method outperforms RFE by 0.3%. However, the improvement effect of PCA is relatively small.
In short, after processing of the proposed feature selection method, the accuracy of three fault detection method has been greatly improved, and our method outperforms PCA and RFE.

4.2.2. Comparative Experiments with Different Numbers of Generated Samples

In this section, a comparative experiment is given to illustrate that the number of generated samples for training LeNet-5 model can affect the detection accuracy of fault detection model. The structure and parameters of detection model, validation dataset and testing dataset remain the same, whereas the number of training samples changes. We set the number of training samples to 1000, 1400 and 2000, then train, fine-tune and test the detection model, respectively. As shown in Figure 15, although the validation accuracy in the three experiments can reach 100%, the test accuracy improves as training samples increase. When the number of training samples is 1000, testing accuracy cannot reach 85%, whereas the testing accuracy is able to go up to 97% as the samples number increases to 2000. It can be concluded that the number of training samples has a great influence on the performance of fault detection.

4.2.3. Comparative Experiments with Classic Fault Detection Algorithms

In order to verify the effectiveness and superiority of the proposed method, the performances of classic fault detection methods including isolation forest, LOF and one-class SVM are given for comparison. As shown in Table 6, accuracy, recall, precision and F1 are used as metrics to compare the performance of fault detection. We observe that our proposed method has achieved the best results in accuracy, recall, precision and F1 at 0.97, 0.98, 0.96 and 0.97, respectively, and they are significantly better than other methods.

4.3. Failure Analysis of Submersible Hydraulic System

We conduct analyse to find the relationship between the failure of hydraulic system and the related sensor variables. In this dive mission, hydraulic oil leaked into the main valve box due to solenoid valve leakage at a depth of 2100 m. The liquid in the valve box with limited volume continued to accumulate, causing the pressure to rise, and the pressure was acting on the valve plate. The valve plate burst and sea water entered the valve box. The Electronic Control Unit (ECU) board in the valve box was short-circuited and burned in contact with water, and the current suddenly changed, which exceeded the bearing range of the relay after the air switch of the hydraulic system in the cabin, and the relay was burned out. Subsequently, the values of various sensors in the hydraulic system failed. Figure 16 shows the depth variation information during the dive of submersible and the six subgraphs in Figure 17 represent six sensor variables, where the red dashed lines mark the points of failure.
As shown in Figure 17a, since the valve plate of the hydraulic valve box burst and sea water entered the valve box, which caused the ECU board to short-circuit and burn, so the current from 24V power supply suddenly changed drastically. Moreover, activating signals of main hydraulic source and auxiliary hydraulic source were located on the ECU control board of main valve box, so that the failure caused the entire hydraulic system to be paralyzed. Therefore, the signals from tank pressure (see Figure 17b), temperature of tank VP1 (see Figure 17f) and displacement of compensator 15LPM (see Figure 17e) located in main valve box and temperature of tank VP2 (see Figure 17c) and displacement of compensator 10LPM (see Figure 17d) located in auxiliary valve box did not work properly.
By analyzing the fault events and sensor signals, we further understand the specific details of the fault and also discover the design loopholes in hydraulic system of the submersible. In the follow-up study, experts improve the hydraulic system to separate the activating signals of main and auxiliary hydraulic sources, so as to avoid similar incidents in the future.

5. Conclusions

In this paper, a submersible fault detection method is proposed. The method is designed to overcome the difficulties of scarce dive data and high dimensionality. There are three modules in this method: feature selection, data augmentation and fault detection. In the first module, agglomerative hierarchical clustering and AEs are used to select the optimal feature subset related to the fault event. In the second module, the proposed adjusting rules is used to generated rough data with deep autoencoders, then the improved DCGAN as refiner transforms the rough data to realistic data. In the third module, LeNet-5 structure-based CNN model is applied as the fault detector, which is trained and fine-tuned with generated data. The proposed method is tested by the real submersible sensor data, and the results indicate that our method can effectively detect fault occurring in submersible hydraulic system. In comparison with several classic algorithm, in terms of accuracy, recall, precision and F1, the proposed method outperforms other fault detection algorithms. We have also analyzed the relationship between fault event and sensor signals, which can provide information for the retrospect of the fault details.
Although good results have achieved in this paper, there are still some limitations in our study. First, we currently only detect and analyze the failure of the hydraulic system in the submersible. Second, our proposed method currently only processes the sensor signal of the submersible. Third, we can only simulate the fault occurred to generate data. Therefore, we will continue the study focusing on three aspects: (1) After obtaining the fault data of other systems, we will improve the algorithm according to its data characteristics to achieve accurate fault detection. (2) The adaptive improvement of the algorithm is made to transfer it to other data sets so as to realize the fault detection of other applications. (3) We will introduce expert knowledge in fault data generation to detect possible faults.

Author Contributions

Conceptualization, P.Z. and H.W.; methodology, P.Z. and Y.Y.; writing—original draft preparation, P.Z. and Q.Z.; writing—review and editing, P.Z., Z.D. and Y.Z. All authors have read and agreed to the published version of the manuscript.

Funding

This research was funded by Shandong Province Natural Science Foundation under Grant No.ZR2019ZD01.

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.

References

  1. Kohnen, W. Review of deep ocean manned submersible activity in 2013. Mar. Technol. Soc. J. 2013, 47, 56–68. [Google Scholar] [CrossRef]
  2. Liu, F.; Cui, W.; Li, X. China’s first deep manned submersible, JIAOLONG. Sci. China Earth Sci. 2010, 53, 1407–1410. [Google Scholar] [CrossRef]
  3. Zhang, T.; Tang, J.; Li, Z.; Zhou, Y.; Wang, X. Use of the Jiaolong manned submersible for accurate mapping of deep-sea topography and geomorphology. Sci. China Earth Sci. 2018, 61, 1148–1156. [Google Scholar] [CrossRef]
  4. Zhao, Q.; Zhang, Y.; Ding, Z.; Liu, B. Research on damage mechanism of buoyancy materials for deep sea manned submersibles. J. Huazhong Univ. Sci. Technol. Nat. Sci. 2020, 48, 104–108. [Google Scholar]
  5. Pan, Y.; Zheng, Z.; Fu, D. Bayesian-based water leakage detection with a novel multisensor fusion method in a deep manned submersible. Appl. Ocean Res. 2021, 106, 102459. [Google Scholar] [CrossRef]
  6. Duan, Z.; Wu, T.; Guo, S.; Shao, T.; Malekian, R.; Li, Z. Development and trend of condition monitoring and fault diagnosis of multi-sensors information fusion for rolling bearings: A review. Int. J. Adv. Manuf. Tech. 2018, 96, 803–819. [Google Scholar] [CrossRef] [Green Version]
  7. Chen, Y.; Xu, Y.; Yang, J.; Shi, Z.; Jiang, S.; Wang, Q. Fault detection, isolation, and diagnosis of status self-validating gas sensor arrays. Rev. Sci. Instrum. 2016, 87, 045001. [Google Scholar] [CrossRef]
  8. Taha, A.; Hadi, A. Anomaly detection methods for categorical data: A review. ACM Comput. Surv. 2019, 52, 1–35. [Google Scholar] [CrossRef]
  9. Guo, J.; Wang, X.; Li, Y. kNN based on probability density for fault detection in multimodal processes. ACM Comput. Surv. 2018, 32, 1–14. [Google Scholar] [CrossRef]
  10. Chen, Z.; Xu, K.; Wei, J.; Dong, G. Voltage fault detection for lithium-ion battery pack using local outlier factor. Measurement 2019, 146, 544–556. [Google Scholar] [CrossRef]
  11. Zhu, L.; He, F.; Tong, Y.; Li, D. Fault detection and diagnosis of belt weigher using improved DBSCAN and Bayesian regularized neural network. Mechanika 2015, 1, 70–77. [Google Scholar]
  12. Farshad, M. Detection and classification of internal faults in bipolar HVDC transmission lines based on K-means data description method. Int. J. Electr. Power 2019, 104, 615–625. [Google Scholar] [CrossRef]
  13. Zuo, H.; Liu, X.; Hong, L. Compound fault diagnosis based on two-stage adaptive wavecluster. Comput. Integr. Manuf. Syst. 2017, 23, 80–91. [Google Scholar]
  14. Li, X.; Liu, S. Fault separation and detection algorithm based on Mason Young Tracy decomposition and Gaussian mixture models. Int. J. Intell. Comput. Cybern. 2020, 13, 81–101. [Google Scholar] [CrossRef]
  15. Theodoropoulos, P.; Spandonidis, C.C.; Giannopoulos, F.; Fassois, S. A Deep Learning-Based Fault Detection Model for Optimization of Shipping Operations and Enhancement of Maritime Safety. Sensors 2021, 21, 5658. [Google Scholar] [CrossRef]
  16. Munir, M.; Siddiqui, S.A.; Chattha, M.A.; Dengel, A.; Ahmed, S. FuseAD: Unsupervised Anomaly Detection in Streaming Sensors Data by Fusing Statistical and Deep Learning Models. Sensors 2019, 19, 2451. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  17. Choi, K.; Yi, J.; Park, C.; Yoon, S. Deep Learning for Anomaly Detection in Time-Series Data: Review, Analysis, and Guidelines. IEEE Access 2021, 9, 120043–120065. [Google Scholar] [CrossRef]
  18. Xu, Q.; Guo, Q.; Wang, C.; Zhang, S.; Wen, C.; Sun, T.; Peng, W.; Chen, J.; Li, W. Network differentiation: A computational method of pathogenesis diagnosis in traditional Chinese medicine based on systems science. Artif. Intell. Med. 2021, 118, 102134. [Google Scholar] [CrossRef] [PubMed]
  19. Xu, Q.; Zeng, Y.; Tang, W.; Peng, W.; Xia, T.; Li, Z.; Teng, F.; Li, W.; Guo, J. Multi-Task Joint Learning Model for Segmenting and Classifying Tongue Images Using a Deep Neural Network. IEEE J. Biomed. Health 2020, 24, 2481–2489. [Google Scholar] [CrossRef]
  20. Xu, X.; Cao, D.; Zhou, Y.; Gao, J. Application of neural network algorithm in fault diagnosis of mechanical intelligence. Mech. Syst. Signal Process. 2020, 141, 106625. [Google Scholar] [CrossRef]
  21. Khodja, A.Y.; Guersi, N.; Saadi, M.N.; Boutasseta, N. Rolling element bearing fault diagnosis for rotating machinery using vibration spectrum imaging and convolutional neural networks. Int. J. Adv. Manuf. Tech. 2020, 106, 1737–1751. [Google Scholar] [CrossRef]
  22. Xu, G.; Liu, M.; Jiang, Z.; Shen, W.; Huang, C. Online Fault Diagnosis Method Based on Transfer Convolutional Neural Networks. IEEE Trans. Instrum. Meas. 2020, 69, 509–520. [Google Scholar] [CrossRef]
  23. Zhao, H.; Zheng, J.; Xu, J.; Deng, W. Fault Diagnosis Method Based on Principal Component Analysis and Broad Learning System. IEEE Access 2019, 7, 99263–99272. [Google Scholar] [CrossRef]
  24. Shi, M.; Cao, Z.; Liu, Y.; Liu, F.; Lu, S.; Li, G. Feature extraction method of rolling bearing based on adaptive divergence matrix linear discriminant analysis. Meas. Sci. Technol. 2021, 32, 075003. [Google Scholar] [CrossRef]
  25. Zhang, L.; Frank, S.; Kim, J.; Jin, X.; Leach, M. A systematic feature extraction and selection framework for data-driven whole-building automated fault detection and diagnostics in commercial buildings. Build. Environ. 2020, 186, 107338. [Google Scholar] [CrossRef]
  26. Yan, K. Chiller fault detection and diagnosis with anomaly detective generative adversarial network. Build. Environ. 2021, 201, 107982. [Google Scholar] [CrossRef]
  27. Gao, X.; Deng, F.; Yue, X. Data augmentation in fault diagnosis based on the Wasserstein generative adversarial network with gradient penalty. Neurocomputing 2020, 396, 487–494. [Google Scholar] [CrossRef]
  28. Ntalampiras, S. One-shot learning for acoustic diagnosis of industrial machines. Expert Syst. Appl. 2021, 178, 114984. [Google Scholar] [CrossRef]
  29. Zheng, Q.; Zhao, P.; Li, Y.; Wang, H.; Yang, Y. Spectrum interference-based two-level data augmentation method in deep learning for automatic modulation classification. Neural Comput. Appl. 2020, 33, 7723–7745. [Google Scholar] [CrossRef]
  30. Oh, J.W.; Jeong, J. Data augmentation for bearing fault detection with a light weight CNN. Procedia Comput. Sci. 2020, 175, 72–79. [Google Scholar] [CrossRef]
  31. Li, D.; Chen, D.; Shi, L.; Jin, B.; Goh, J.; Ng, S. MAD-GAN: Multivariate Anomaly Detection for Time Series Data with Generative Adversarial Networks; Springer International Publishing: Cham, Switzerland, 2019. [Google Scholar]
  32. Liu, J.; Qu, F.; Hong, X.; Zhang, H. A Small-Sample Wind Turbine Fault Detection Method With Synthetic Fault Data Using Generative Adversarial Nets. IEEE Trans. Ind. Inform. 2019, 15, 3877–3888. [Google Scholar] [CrossRef]
  33. Liu, Y.; Li, Z.; Zhou, C.; Jiang, Y.; Sun, J.; Wang, M.; He, X. Generative Adversarial Active Learning for Unsupervised Outlier Detection. IEEE Trans. Knowl. Data Eng. 2020, 32, 1517–1528. [Google Scholar] [CrossRef] [Green Version]
  34. Lungu, I.A.; Aimar, A.; Hu, Y.; Delbruck, T.; Liu, S. Siamese Networks for Few-Shot Learning on Edge Embedded Devices. IEEE J. Emerg. Sel. Top. Circuits Syst. 2020, 10, 488–497. [Google Scholar] [CrossRef]
  35. Zhou, X.; Liang, W.; Shimizu, S.; Ma, J.; Jin, Q. Siamese Neural Network Based Few-Shot Learning for Anomaly Detection in Industrial Cyber-Physical Systems. IEEE Trans. Ind. Inform. 2021, 17, 5790–5798. [Google Scholar] [CrossRef]
  36. Pan, D.; Tao, C.; Liao, S.; Deng, X.; Zhang, G. Study on prediction method of sediment distribution trend in seafloor hydrothermal field based on topography: A case study of Dragon Horn area on the Southwest Indian Ridge. Acta Oceanol. Sin. 2021, 43, 157–164. [Google Scholar]
  37. Krleza, D.; Vrdoljak, B.; Brcic, M. Statistical hierarchical clustering algorithm for outlier detection in evolving data streams. Mach. Learn. 2021, 110, 139–184. [Google Scholar] [CrossRef]
  38. Zheng, Q.; Zhao, P.; Zhang, D.; Wang, H. MR-DCAE: Manifold regularization-based deep convolutional autoencoder for unauthorized broadcasting identification. Int. J. Intell. Syst. 2021, 36, 7204–7238. [Google Scholar] [CrossRef]
  39. Beretta, M.; Jose Cardenas, J.; Koch, C.; Cusido, J. Wind Fleet Generator Fault Detection via SCADA Alarms and Autoencoders. Appl. Sci. 2020, 10, 8649. [Google Scholar] [CrossRef]
  40. Viola, J.; Chen, Y.; Wang, J. FaultFace: Deep Convolutional Generative Adversarial Network (DCGAN) based Ball-Bearing failure detection method. Inf. Sci. 2021, 542, 195–211. [Google Scholar] [CrossRef]
  41. Wan, L.; Chen, Y.; Li, H.; Li, C. Rolling-Element Bearing Fault Diagnosis Using Improved LeNet-5 Network. Sensors 2020, 20, 1693. [Google Scholar] [CrossRef] [Green Version]
  42. Sun, Y.; Liu, S.; Zhao, T.; Zou, Z.; Shen, B.; Yu, Y.; Zhang, S.; Zhang, H. A New Hydrogen Sensor Fault Diagnosis Method Based on Transfer Learning With LeNet-5. Front. Neurorobot. 2021, 15, 664135. [Google Scholar] [CrossRef] [PubMed]
Figure 1. Structural sketch and corresponding sensing signals of Jiaolong submersible: (a) structural sketch of Jiaolong submersible; (b) sensing signals of Jiaolong submersible.
Figure 1. Structural sketch and corresponding sensing signals of Jiaolong submersible: (a) structural sketch of Jiaolong submersible; (b) sensing signals of Jiaolong submersible.
Sensors 22 00204 g001
Figure 2. The overall architecture of the proposed fault detection method.
Figure 2. The overall architecture of the proposed fault detection method.
Sensors 22 00204 g002
Figure 3. The architecture of feature selection module.
Figure 3. The architecture of feature selection module.
Sensors 22 00204 g003
Figure 4. The sketch map of agglomerative hierarchical clustering algorithm.
Figure 4. The sketch map of agglomerative hierarchical clustering algorithm.
Sensors 22 00204 g004
Figure 5. Flowchart of DCGAN-based data augmentation.
Figure 5. Flowchart of DCGAN-based data augmentation.
Sensors 22 00204 g005
Figure 6. The process of generating rough data.
Figure 6. The process of generating rough data.
Sensors 22 00204 g006
Figure 7. The architecture of data refiner: (a) the basic architecture of DCGAN-based normal data refiner and fault data refiner; (b) structure of generator networks; (c) structure of discriminator networks.
Figure 7. The architecture of data refiner: (a) the basic architecture of DCGAN-based normal data refiner and fault data refiner; (b) structure of generator networks; (c) structure of discriminator networks.
Sensors 22 00204 g007
Figure 8. Proposed sensor data processing method.
Figure 8. Proposed sensor data processing method.
Sensors 22 00204 g008
Figure 9. The network structure of LeNet-5.
Figure 9. The network structure of LeNet-5.
Sensors 22 00204 g009
Figure 10. The evaluation results of feature subsets.
Figure 10. The evaluation results of feature subsets.
Sensors 22 00204 g010
Figure 11. Results of data generation. The first row of data is the normal data, whereas the second row is the fault data: (a) real normal data; (b) rough normal data; (c) refined normal data; (d) real fault data; (e) rough fault data; (f) refined fault data.
Figure 11. Results of data generation. The first row of data is the normal data, whereas the second row is the fault data: (a) real normal data; (b) rough normal data; (c) refined normal data; (d) real fault data; (e) rough fault data; (f) refined fault data.
Sensors 22 00204 g011
Figure 12. Real data and generated data: (a) real normal data of temperature of tank VP2; (b) generated normal data of temperature of tank VP2; (c) real fault data of temperature of tank VP2; (d) generated fault data of temperature of tank VP2.
Figure 12. Real data and generated data: (a) real normal data of temperature of tank VP2; (b) generated normal data of temperature of tank VP2; (c) real fault data of temperature of tank VP2; (d) generated fault data of temperature of tank VP2.
Sensors 22 00204 g012
Figure 13. Fault detection experiment result: (a) validation accuracy and testing accuracy; (b) validation loss and testing loss.
Figure 13. Fault detection experiment result: (a) validation accuracy and testing accuracy; (b) validation loss and testing loss.
Sensors 22 00204 g013
Figure 14. Comparison results of three fault detection methods with three feature selection algorithms.
Figure 14. Comparison results of three fault detection methods with three feature selection algorithms.
Sensors 22 00204 g014
Figure 15. Comparison results of validation accuracy and testing accuracy with different numbers of training samples: (a) 1000 training samples; (b) 1400 training samples; (c) 2000 traning samples.
Figure 15. Comparison results of validation accuracy and testing accuracy with different numbers of training samples: (a) 1000 training samples; (b) 1400 training samples; (c) 2000 traning samples.
Sensors 22 00204 g015
Figure 16. Depth values during the dive.
Figure 16. Depth values during the dive.
Sensors 22 00204 g016
Figure 17. Sensor variables related to hydraulic system fault event: (a) current of 24V power; (b) tank pressure; (c) temperature of tank VP2; (d) displacement of compensator 10LPM; (e) displacement of compensator 15LPM; (f) temperature of tank VP1.
Figure 17. Sensor variables related to hydraulic system fault event: (a) current of 24V power; (b) tank pressure; (c) temperature of tank VP2; (d) displacement of compensator 10LPM; (e) displacement of compensator 15LPM; (f) temperature of tank VP1.
Sensors 22 00204 g017
Table 1. Parameters of the Jiaolong manned submersible.
Table 1. Parameters of the Jiaolong manned submersible.
Parameters
Length8.6 m
Breadth3.9 m
Height3.4 m
Weight in air22.3 t
The inner diameter of the manned spherical shell3.4 m
Table 2. The features of hydraulic system.
Table 2. The features of hydraulic system.
Feature NameDescription
Pressure of system [VP1, VP2]The pressure values of main hydraulic system and auxiliary hydraulic system
Current of [110V power, 24V power]The current values of main power and auxiliary power
Tank pressureThe pressure values of fuel tank
Temperature of tank [VP1, VP2]The temperature of main fuel tank and auxiliary fuel tank
Displacement of compensator [10LPM, 15LPM]Displacement values of main compensator and auxiliary compensator
Trim system level compensation alarmAlarm conditions of liquid level compensation in trim system
LeakLeakage of hydraulic system
Backup [1, B1, A5, B5, A12, B12]Six types of backup data
Microbial samplerWorking conditions of the microbial sampler
Submerged drilling work [A2, B2]Working conditions of the two submersible drills
Trim pump power [A3, B3]Power of two trim pumps
Abandonment of main manipulator [A4, B4]Abandonment conditions of two main manipulators
Main manipulator work [A6, B6]Working conditions of two main manipulators
Deputy manipulator work [A7, B7]Working conditions of two deputy manipulator
Conduit pulp rotary mechanism [A8, B8]Two types of conduit pulp rotary mechanism
Load of [VP1, VP2]Load of main hydraulic system and auxiliary hydraulic system
Sea water pump signalSignal from sea water pump
Control signal of [15LPM, 10LPM, 1.2LPM]Three types of control signal
Sea valve [A9, B9, A10, B10, A11, B11]Six types of sea valve signal
Floating load rejection A13Load rejection conditions in floating
Diving load rejection B13Load rejection conditions in diving
Abandonment of deputy manipulator [A14, B14]Two types of abandonment of deputy manipulator
Ballast tank drainage [A15, B15]Two types of drainage ballast tank
Ballast tank inflow [A16, B16]Two types of inflow ballast tank
Proportional valve adjusts the trim angle [1, 2]Two trim angles in proportional valve adjusting
Table 3. Feature clustering results.
Table 3. Feature clustering results.
ClustersFeatures
Cluster 1Main manipulator work A6
Current of 110V power
15LPM control signal
Pressure of system VP1
VP1 load
Cluster 2Temperature of tank [VP1, VP2]
Current of 24V power
Tank pressure
Displacement of compensator [10LPM, 15LPM]
Cluster 3Sea water pump signal
Sea valve [BC A10, BC B10, AD B9]
Backup B12
Ballast tank inflow A16
Pressure of system VP2
10LPM control signal
VP2 load
Cluster 4∼35Each of the remaining 32 features is a cluster
Table 4. Structures of generators and discriminators.
Table 4. Structures of generators and discriminators.
Layers in GeneratorsLayers in Discriminators
Input ( 100 × 1 )Input ( 32 × 32 )
Convolution 1 ( 128 @ 4 × 4 )Convolution 1 ( 32 @ 16 × 16 )
Convolution 2 ( 64 @ 8 × 8 )Convolution 2 ( 64 @ 8 × 8 )
Convolution 3 ( 32 @ 16 × 16 )Convolution 3 ( 128 @ 4 × 4 )
Output ( 32 × 32 )Global pooling ( 128 × 1 )
Output ( D x )
Table 5. Structure of LeNet-5 model.
Table 5. Structure of LeNet-5 model.
Layers in LeNet-5
Input ( 32 × 32 )
Convolution 1 ( 16 @ 28 × 28 )
Pooling 1 ( 2 × 2 )
Convolution 2 ( 32 @ 10 × 10 )
Pooling 2 ( 2 × 2 )
Fully connection 1 (120)
Fully connection 1 (84)
Output (2)
Table 6. Fault detection performance comparisons.
Table 6. Fault detection performance comparisons.
MethodsAccuracyRecallPrecisionF1
Proposed method 0 . 97 0 . 98 0 . 96 0 . 97
Isolation forest0.700.870.750.81
LOF0.520.720.660.69
One-class SVM0.640.760.890.82
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Share and Cite

MDPI and ACS Style

Zhao, P.; Zheng, Q.; Ding, Z.; Zhang, Y.; Wang, H.; Yang, Y. A High-Dimensional and Small-Sample Submersible Fault Detection Method Based on Feature Selection and Data Augmentation. Sensors 2022, 22, 204. https://doi.org/10.3390/s22010204

AMA Style

Zhao P, Zheng Q, Ding Z, Zhang Y, Wang H, Yang Y. A High-Dimensional and Small-Sample Submersible Fault Detection Method Based on Feature Selection and Data Augmentation. Sensors. 2022; 22(1):204. https://doi.org/10.3390/s22010204

Chicago/Turabian Style

Zhao, Penghui, Qinghe Zheng, Zhongjun Ding, Yi Zhang, Hongjun Wang, and Yang Yang. 2022. "A High-Dimensional and Small-Sample Submersible Fault Detection Method Based on Feature Selection and Data Augmentation" Sensors 22, no. 1: 204. https://doi.org/10.3390/s22010204

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