Next Article in Journal
Energy Optimization in Dual-RIS UAV-Aided MEC-Enabled Internet of Vehicles
Next Article in Special Issue
A Weakly Supervised Gas-Path Anomaly Detection Method for Civil Aero-Engines Based on Mapping Relationship Mining of Gas-Path Parameters and Improved Density Peak Clustering
Previous Article in Journal
Distributed Watchdogs Based on Blockchain for Securing Industrial Internet of Things
Previous Article in Special Issue
An Online Data-Driven Fault Diagnosis Method for Air Handling Units by Rule and Convolutional Neural Networks
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

WDA: An Improved Wasserstein Distance-Based Transfer Learning Fault Diagnosis Method

1
State Key Laboratory of Robotics and System, Harbin Institute of Technology, Harbin 150001, China
2
The Department of Computer Science, City University of Hong Kong, Hong Kong
3
Beijing Institute of Aerospace Launch Technology, Beijing 100076, China
*
Author to whom correspondence should be addressed.
Sensors 2021, 21(13), 4394; https://doi.org/10.3390/s21134394
Submission received: 12 June 2021 / Revised: 22 June 2021 / Accepted: 23 June 2021 / Published: 26 June 2021

Abstract

:
With the growth of computing power, deep learning methods have recently been widely used in machine fault diagnosis. In order to realize highly efficient diagnosis accuracy, people need to know the detailed health condition of collected signals from equipment. However, in the actual situation, it is costly and time-consuming to close down machines and inspect components. This seriously impedes the practical application of data-driven diagnosis. In comparison, the full-labeled machine signals from test rigs or online datasets can be achieved easily, which is helpful for the diagnosis of real equipment. Thus, we introduced an improved Wasserstein distance-based transfer learning method (WDA), which learns transferable features between labeled and unlabeled signals from different forms of equipment. In WDA, Wasserstein distance with cosine similarity is applied to narrow the gap between signals collected from different machines. Meanwhile, we use the Kuhn–Munkres algorithm to calculate the Wasserstein distance. In order to further verify the proposed method, we developed a set of case studies, including two different mechanical parts, five transfer scenarios, and eight transfer learning fault diagnosis experiments. WDA reached an average accuracy of 93.72% in bearing fault diagnosis and 84.84% in ball screw fault diagnosis, which greatly surpasses state-of-the-art transfer learning fault diagnosis methods. In addition, comprehensive analysis and feature visualization are also presented.

1. Introduction

With the rise of machine learning, especially deep learning, more and more data-driven algorithms have been proposed and applied successfully in different fields in the last few years [1,2,3]. Similarly, data-driven methods are increasingly suggested to deal with problems in the field of machine health monitoring [4], which has great importance in modern industry.
For example, Atoui et al. [5] presented Bayesian network for fault detection and diagnosis, Rajakarunakaran S et al. [6] proposed artificial neural networks (ANN) for the fault detection of the centrifugal pumping system, and Ivan et al. [7] suggested a novel weighted adaptive recursive fault diagnosis method based on principal component analysis (PCA) to reduce the false alarm rate in processing monitoring schemes. Recently, as deep learning is rapidly developing, artificial intelligence methods are considered to handle the fault detection and classification in rolling bearing elements, e.g., autoencoders [8] and convolutional neural networks (CNN). Li et al. [9] proposed a bearing defect diagnosis technique based on a fully connected winner-take-all autoencoder. Jafar Zarei [10] proposed a pattern recognition technique for fault diagnosis of induction motor bearings via utilizing the artificial multilayer perceptron neural networks. Olivier Janssens et al. [11] introduced feature learning means for condition monitoring based on convolutional neural networks to obtain signal features for bearing fault detection. Although many studies have been conducted, most of them are only effective under a large amount of labeled data.
Through a brief review, it is obvious that most methods are only confirmed in theory, and few are able to be applied in industry [12,13]. In a real industry situation, as machines usually work in a healthy state, it is quite a difficult task to determine whether a fault has occurred during the data collection. Moreover, even when the equipment breaking down is known, it is difficult to point out the definite fault types disassembling and inspecting the components such as bearings and ball screws in a machine, being time and labor-consuming tasks. Additionally, the real machine always works under various working conditions. Thus, the collected signals are combined with different data distributions. Those scenarios in the industrial applications will seriously impact the performance of data- based fault diagnosis.
To overcome problems of different working conditions, some researchers proposed increasing the generalization ability of the algorithms, which are named domain adaption techniques. For instance, Zhang et al. [14] proposed a deep neural network with high diagnostic accuracy in diagnosing signals with high noise and signals from different loads. In their work, the authors suggested that the high-level features of data from the different working conditions have a more similar distribution and are less affected by noise. Moreover, Zhu et al. [15] used capsule net to extract more general features from the time-frequency spectrum and achieved higher diagnosis accuracy when dealing with data from different loads. With such improvement strategies, artificial neural networks have been proven to be a potential tool to deal with industry data. However, the above methods only focus on the variation between working conditions (e.g., speed, loads) on one machine, and they cannot handle the huge variations of mechanism between different types of equipment.
Transfer learning theory has been introduced to machine fault diagnosis in order to improve domain adaption ability among different machines. Transfer learning aims to reduce the distribution discrepancy of diverse domains, as data from the target domain have similar knowledge but different distribution compared to the source domain. For example, Lu et al. [16] presented a deep model-based domain adaptation method for the machine fault diagnosis. A gearbox dataset collected under different operation conditions was used to test the performance of the proposed method. Wen et al. [17] set up a new deep transfer learning method for fault diagnosis. The validation dataset was acquired from a bearing testbed operating under different working conditions. Xie et al. [18] proposed a transfer analysis-based gearbox fault diagnosis method. The performance of the presented method was verified by a gearbox dataset obtained under various operation conditions. Guo et al. [19] proposed deep transfer learning-based methods using maximum mean discrepancy and adversarial training techniques together to regularize the discrepancy between different domains. Sandeep et al. [20] presented a ConvNet-based transfer learning method for bearing fault diagnosis with varying speeds. Hasan et al. [21] proposed a transfer learning fault diagnosis framework using 2D acoustic spectral imaging-based pattern formation method. Zhang et al. [22] introduced hybrid-weighted adversarial learning to address the domain adaptation problem. Meanwhile, Zhang et al. [23] also utilized federated learning to facilitate the mechanical fault diagnosis. However, the above transfer learning methods took advantage of enough labeled data. Unfortunately, labeled signals from the practical industrial machine are rare and hard to collect.
As the most critical issue during the process of transfer learning, modeling and optimizing the discrepancy between different domains are the core of the proposed method. As a stable and continuous measurement, Wasserstein distance has displayed its superiority in different applications, e.g., image generation [24,25]. Thus, in this paper, we propose a new method with excellent domain adaptive ability based on Wasserstein distance (WDA) in order to deal with machine fault data from different machines. Cosine similarity and the Kuhn–Munkres algorithm are introduced to improve transfer effects. The contributions of this paper mainly lie in the following two parts:
(1) To achieve classification on unlabeled signals, we propose a transfer learning fault diagnosis method named WDA, which makes use of labeled signals from different machines to help the classification of signals. In WDA, Wasserstein distance is applied to manage the gaps between two distributions, during which we utilize cosine similarity to measure the discrepancy between feature embeddings. Moreover, Kuhn-Munkres algorithm is introduced to directly optimize the Wasserstein distance.
(2) We carried out extensive experiments to validate the effectiveness of the proposed method on various transfer scenarios. Meanwhile, to better illustrate the training process of high-dimensional feature embeddings, we also visualized the whole training process.
The structure of this paper is organized as follows. In Section 2, we introduce the basic conception of transfer learning, Wasserstein distance, and the corresponding Kuhn-Munkres algorithm. Following that, the proposed method and optimization algorithm are discussed in Section 3. Then, the experiments are carried out in Section 4 to verify the proposed method. Finally, the conclusion is drawn from the above experiments.

2. Related Works

In the field of machine learning, transfer learning is proposed to deal with the differences between the signals from the source domain and target domain, while Wasserstein distance is a powerful criterion of the discrepancy. However, the calculation of Wasserstein distance belongs to the general assignment problem. Yet, in most of the research work [26,27,28], there has hardly been one direct calculation of it. Thus, a brief introduction of transfer learning, Wasserstein distance, and the solution of the general assignment problem (GAP) are helpful to know about the development and the limitation of recent works.

2.1. Transfer Learning

Transfer learning is different from many other traditional machine learning methods, which are established under the assumption that training data and test data are drawn from the same distributions. To better illustrate transfer learning, we introduce two important conceptions: domain and task, as follows [29].
To begin with, domain D includes two key components: feature space χ and marginal distribution P ( X ) , where X = { x 1 , , x n } χ means that X is a set containing samples from feature space χ , e.g., the signals collected from the machine in different health conditions. Then, a task consists of two components: a label space Y and an objective function G ( · ) , corresponding to the health conditions of signals and classification algorithm. Generally speaking, the objective function could not be directly observed. However, it could be learned from training data, which consist of pairs { x i , y i } . with the notion of source domain data D s = { ( x S 1 , y S 1 ) , , ( x S n s , y S n s ) } and target domain data D T = { ( x T 1 , y T 1 ) , , ( x T n t , y T n t ) } . The transfer learning could be defined as the following:
Given source domain D S and learning task T S , a target domain D T and learning task T T transfer learning aims to help improve the performance of the predictive function f T ( · ) in D T through using the knowledge in D S and T S , where D S D T or T S T T .
In the field of fault diagnosis, source and target domains usually are different. However, the tasks are equivalent, i.e., D S D T ,   T S = T T . This kind of problem is also called domain adaptation, belonging to transductive transfer learning [29,30]. For the transfer learning problems, there are four different approaches to solve them: instance transfer, feature representation transfer, parameter transfer, and relational knowledge transfer. Among them, the feature representation transfer is a widely used transfer learning method in transfer fault diagnosis [18,19,31,32,33]. Moreover, there are currently two methods to bridge the gap between two distributions: feature extractor regularization, applying regularization terms on feature extractor to obtain features extracted from different domains in similar distributions, or using adversarial training methods to close two distributions.
Firstly, maximum mean discrepancy [34,35] and Wasserstein distance are widely used to measure discrepancies in domain adaptation transfer learning. They are used to regularize the output feature of the feature extractor to obtain equivalent marginal distribution. Secondly, some adversarial training methods such as DANN [36] are also proposed to narrow the gap between source and target domain. Most of them use adversarial training techniques in artificial neural networks to manage the gap of two different distributions. However, these training methods suffer problems, e.g., those methods are hard to train [37,38] and converge to a high-performance result. Thus, a high accuracy method is badly needed.

2.2. Wasserstein Distance

Wasserstein distance, also called earth mover’s distance, is a metric to measure the discrepancy between two distributions, and it is widely used in domain adaptation, e.g., WGAN [24] and BEGAN [39]. Wasserstein distance is generally based on a way that transforms one distribution to the other with minimal cost.
As shown in Figure 1a, different discrepancies of two domains are represented, which could also be considered as the cost of transporting distribution from one domain to the other. We define the transporting cost as:
= 1 n a + n b ( i = 1 n a ( a i ) + j = 1 n b ( b j ) )
where n a ,   n b denote the numbers of samples of different fault types, and ( · ) represents a function measuring the difference between two samples, which usually is L2-norm or L1-norm. As shown in Figure 1b, Wasserstein distance (noted as 1 ) is used to transport the feature from the source domain to the target domain with minimal cost. The other transport method, e.g.,   2 , shown in Figure 1b, is higher than 1 .
The formula of Wasserstein distance ( w ) is shown as:
w = i n f γ Γ ( μ 1 , μ 2 ) E ( x 1 , x 2 ) ~ γ ( x 1 , x 2 )
From the above equation, we can see that the Wasserstein distance is a low bound of the cost to transform a distance between two distributions. Berthelot et al. also proposed BEGAN to optimize the lower bound of Wasserstein distance to achieve better performance on image generation [39]. Note that all the above methods are unsupervised methods. Different from supervised or semi-supervised methods, unsupervised methods do not care about the similarity of distributions of the input and output domains. However, it would remain a huge problem, especially in the beginning training stage, if the discriminator is extremely unstable. Moreover, it is difficult to use it to regularize the feature extractor. Moreover, the discriminator could only be said to safely match the 1-Lipschitz function in the features that already are trained with the discriminator. That is, with the training process going on, the distribution of the high-level features may change, and that discriminator may not correctly calculate the distance between features from two domains. Thus, the methods based on adversarial training struggle to achieve high performance.

2.3. General Assignment Problem and Kuhn–Munkres Algorithm

The calculation of Wasserstein distance belongs to a general assignment problem (GAP) while the samples of two distributions are equal. Considering that there are 𝓂 samples from source domain { x S 1 , , x S m } and 𝓃 samples { x T 1 , , x T n } from target domain, without loss of generality, we assume that 𝓃 𝓂 . Any target samples x T j could be assigned to the source x S i . Each pair { x S i , x T j } has a cost 𝒸 ( x S i , x T j ) to transfer from x T j to x S i . The task is to assign 𝓃 target samples to 𝓂 source samples with the minimal cost, which is also the Wasserstein distance between two distributions. Moreover, the assignment problem could be formulated as the following optimization problem:
min i = 1 𝓂 j = 1 𝓃 𝒸 ( x S i , x T j ) · T i , j s . t .   0 i = 1 m T i , j 1 ,   j = 1 𝓃 T i , j = 1 ,   T i , j { 0 , 1 } .
The K-M algorithm [40] could be implanted through different versions: graph [41,42] or matrix [43]. Unlike the adversarial learning-based methods, which utilize discriminator to approximate Wasserstein distance of two distributions [26,28], in this section, we introduce the K-M algorithm through graph perspective, which has been applied to the applications such as multi-objective optimization [44] and role transfer [45]. Considering a bipartite graph G = ( X S i , E , X T j ) , where E means the edges of pairs ( x S i , x T j ) and E X S i × X T j , we introduce the following three definitions:
Definition 1:
Neighborhood: the neighborhood of a vertices   x is the set G ( x ) with all vertices sharing edges with x ; similarly, the neighborhood of a set X is G ( X ) , whose all vertices are sharing edges with any vertices in X .
Definition 2:
Feasible label: it is a function 𝓫 : X R , which satisfies the following condition:
𝓫 ( x S i ) + 𝓫 ( x T j ) 𝓌 ( x S i , x T j )   x S i X S   x T i X T
Definition 3:
Matched/exposed: considering a match   M , the vertex x is called matched if it is a vertex in M . Otherwise, it is exposed.
Meanwhile, G l denotes the subgraph of G , which contains those edges that perfectly satisfy the feasible label, such as the following:
𝓫 ( x S i ) + 𝓫 ( x T j ) = 𝓌 ( x S i , x T j )
Moreover, G l contains all the vertices of G . The K-M Algorithm 1 for solving the assignment problem is shown below.
Algorithm 1. Kuhn–Munkres Algorithm
  Input: A bipartite graph G = ( X S , E , X T ) , corresponding edge weights 𝓌 ( x S i , x T j )
  Output: the perfect matching M.
  Step 1: Generate initial labeling and match in G
  Step 2: If M perfect, stop. Otherwise, pick a free vertex x S i X S . Set S = x S i ,   T = .
  Step 3: If S ( X ) = T , update labels (forcing S ( X ) T ) with following Equations (6) and (7)
α = min s S , y T { 𝓫 ( x S i ) + 𝓫 ( x T j ) 𝓌 ( x S i , x T j ) }
𝓫 ^ = { 𝓫 ( x ) α ,     x S 𝓫 ( x ) + α , x T 𝓫 ( x ) , o t h e r w i s e
  Step 4: If S ( X ) T , choose y S ( X ) T :
       If y free, 𝓊 𝓎 is augmenting path. Augment M and go to 2
       If y matched, say to 𝓏 , extend alternating tree: S = S   𝓏 , T = T   y . Go to
The K-M algorithm can efficiently address assignment problems, especially small-scale ones, e.g., transfer between two mini-batch samples. Meanwhile, Wasserstein distance as a useful divergence to measure the distance between two distributions has been widely used in the field of transfer learning. However, the performances of these methods leave much to be desired. Most of them used the approximation form of Wasserstein distance instead of calculating it directly. Actually, the calculation of Wasserstein distance is an assignment problem that could compute through the K-M algorithm. Thus, we proposed a novel method using the K-M algorithm to address the discrepancy measurement of transferring between two domains.

3. Proposed Method

In this section, the proposed Wasserstein distance-based domain adaptive neural network (WDA) is discussed. The architecture of the neural network and the objective of WDA are introduced.
The framework of the proposed method is shown in Figure 2. Meanwhile, the detailed architecture is shown in Figure 3. WDA is composed of two parts: CNN (feature extractor) and a fully connected layer to extract features (noted as G 1 ( θ f , · ) ), and a full-connected layer (classifier) noted as G 2 ( θ c , · ) . The aim of CNN is to extract high-level features from input data. Before high-level features are fed into the classifier, Wasserstein distance is used to regularize the features from two different domains. Thus, the CNN could extract features from different domains with similar distributions. Finally, the classifier is used to predict the health conditions of different signals.

3.1. Network Architecture

The architecture of WDA is shown in Figure 4. It contains two parts: feature extractor and fully connected classifier.
As shown in Table 1, there are essentially 12 layers in the proposed WDA. The feature extractor block contains two Conv-BN-Pooling-activation modules and a full-connected layer. In addition, the classifier contains only one full-connected layer to predict the health conditions of input data. The details of WDA are shown in Table 2. Due to the different conditions of these methods, the ranges of labels vary from condition to condition, e.g., in some datasets, they are health, inner fault, and outer fault. However, in other datasets, there are four fault types: health, inner fault, outer fault, and rolling ball fault, where N o means the number of classes of the models, and it should be 3 or 4.

3.2. Objective of WDA

In the proposed WDA, the loss function consists of two parts: classification loss ( c ) on the source domain D S and domain adaptive loss ( w ) between source D S and target domains   D T . The classification loss aims at reducing the classification error on the source domain, and the domain adaptive loss aims to bridge the gap between the source domain and target domain. In the following section, they are introduced separately.

3.2.1. Classification Loss

Classification loss of WDA is a cross-entropy loss set as Equation (8), where softmax is described in Equation (9). As shown in Algorithm 1, G 1 ( θ f , · ) represents the feature extractor and G 2 ( θ c , · ) represents the classifier. Note that classification loss is only acted upon a source domain data whose labels are known.
c = 1 n i n log ( s o f t m a x ( G 2 ( θ c , G 1 ( θ f , x s i ) ) ) ) · y s i
s o f t m a x ( z i 0 ) = e x p ( z i 0 ) i n u m _ c l a s s e x p ( z i )

3.2.2. Domain Adaptive Loss

Usually, for the semi-supervised problems, most methods want to regularize the feature extractor to obtain the features of source and target domains in exactly the same distribution. However, it is too strict for transfer learning categorical models. Actually, for the classifier, especially the linear classifier, the real concern is the pattern of the features (e.g., orientation of features). We demonstrate it through the following equation:
f ( W , b , s i ) = W s i + b
As shown in Equation (10), a linear classifier, which is designed to classify output features from a feature extractor, is present to explain the mechanism, where   W R n , m indicates the weights of classifier, b R m means the bias of the classifier, and   s i R n indicates the input feature of the classifier. If the label of the feature s i is y i , Equation (11) would be established:
f ( W , b , s i ) y i > f ( W , b , s k ) y k   y k y i .
As we utilize the ReLu activation function, there is an interesting characteristic that R e L U ( α s i ) = α R e L U ( s i ) (for s i 0 ,   R e L U ( α s i ) = 0 = α R e L U ( s i ) ). From Equation (12), we can see that if the label of the feature s i is y i , the prediction of feature α · s i in the same orientation with s i is also y i , that is:
f ( w , b , α · s i ) y i = α · f ( W , b , s i ) y i > α · f ( w , b , s k ) y k = f ( w , b , α · s k ) y k .
Equation (12) shows that the scale of features actually does not affect the classification result. Thus, the traditional ways are limited by using the L2-norm to measure the disparities between two variables. It is noted that cosine similarity calculates the orientation divergence of two vectors, which focuses more on the output pattern. Thus, for the feature extractor, we could use the cosine similarity to measure samples from different domains and change Wasserstein distance as:
w = i n f γ Γ ( μ 1 , μ 2 ) E ( x 1 , x 2 ) ~ γ ( x 1 , x 2 )
where ( x 1 , x 2 ) is cosine similarity from feature x 1 , x 2 , shown as the following:
( x 1 , x 2 ) ( x 1 , x 2 ) = a r c c o s ( x 1 · x 2 x 1 · x 2 ) 1 π
Once the objectives and architecture of WDA are established, the optimization of the proposed method is introduced in the following section.

3.3. Optimization of WDA

Following the establishment of the architecture and objective of WDA, the training algorithms are introduced in this chapter. The optimization algorithm is shown in Algorithm 2.
Algorithm 2. Training WDA with ADAM optimization method N c = number of categories
Initialize: initial WDA feature extractor parameters θ f and classifier parameters θ g
For the number of training iterations, do:
• Sample minibatch of samples ( X S i , Y S i ) = ( { x S 1 x S n } , { y S 1 y S n } ) , from source domain signals distribution P S ( X , Y ) , X T j = { x T 1 x T n } from target domain P T ( X ) .
• Extract feature from two different domains with two shared weights feature extractors through Equation (15).
{ χ S i = G 1 ( θ f , X S i )     χ T i = G 1 ( θ f , X T i )    
• Calculate the n × n cost matrix A between the high-level features from source and target domains (Equation (16)).
A [ i , j ] ( χ S i , χ T j )   f o r   i ϵ [ 1 , N ] , j ϵ [ 1 , N ]
• Use the K-M algorithm in Table 2 to address the assignment problem of cost matrix A .
   Input: bipartite graph   G = ( X S , E , X T = χ T i ) ,
{ X S = { χ S 1 , χ S 2 , , χ S n }     X T = { χ T 1 , χ T 2 , , χ T n }     E = A
   Output: permutations   S .
After obtaining optimal permutations S = { S 1 , S 2 S n } , calculate Wasserstein distance d :
d i = 1 n A [ i , S i ]
• Calculate cross-entropy classification loss on the source domain.
c 1 n i = 1 n log ( s o f t m a x ( G 2 ( G 1 ( x S i , θ f ) , θ g ) ) [ y S i ] )
• Calculate cross-entropy loss on the source domain.
• Calculate loss.
= c + d
• Backward propagation of , getting the gradients of parameters and updating the parameters θ f ,   θ g .
end
Moreover, in order to verify the choice of cosine similarity, we carried out experiments that contain feature visualization and comparisons with state-of-the-art domain adaptive transfer learning methods.

4. Case Study and Experiment Result

In this section, experiments and analyses of the model that were carried out are shown. In order to verify the generalization of the proposed method, we separately investigated transfer scenarios on different mechanical parts, bearing and ball screws. WDA was written in python 3.6, Pytorch 0.4.1 training with Intel i3-8100 CPU, and a GTX1070 GPU.

4.1. CASE I: Bearing Fault Diagnosis

In this section, the proposed method was trained and tested on three different domains. There were three datasets named IMS dataset ( α ), self-collected bearing dataset ( β ), and CWRU bearing dataset ( γ ). We first give a brief introduction to those three datasets. Then, we present the data preprocessing procedures with implementation details and finally discuss the experimental results.

4.1.1. α: IMS Bearing Dataset

The data were generated by the NSF I/UCR Center for Intelligent Maintenance Systems (IMS) [46]. These sets of data contain four bearings that were run to failure under a constant load as shown in Figure 5a,b. Every 10 min, 1 s vibration signals were collected and saved into a file that contains 20,480 points for each bearing. IMS contains four different conditions: health, inner fault, rolling elements fault, and outer fault. Radial load is 6000 lbs., and rotation speed is kept constant at 2000 RPM under all conditions.

4.1.2. β: Self-Collected Bearing Dataset

The second dataset was collected by the test rig shown in Figure 6. It contains an induction motor, an accelerometer, and a rotation shaft with two bearings for support. Bearing is in the type of 6204. The dataset contains three different health conditions: health, inner fault, and outer fault as shown in Figure 7. The dataset includes artificial defects, which are shown in Figure 6. Different rotation speeds were also collected, including 900 RPM, 1020 RPM, 1140 RPM, 1260 RPM, 1380 RPM, and 1500 RPM, while the sample rate was 48 kHz.

4.1.3. γ: CWRU Bearing Dataset

Data from dataset γ were collected from Case Western Reserve University [47], whose test rig is shown in Figure 8. All faults in the dataset arise in the form of EMD. The experimental setup mainly contained an induction motor, an accelerometer, testing bearings, and a loading motor.
Each bearing was tested under four different loads (1, 2, and 3 hp). In addition, damages caused by EMD lie in the outer race, inner race, or rollers of the bearings with fault diameters of 0.007, 0.014, and 0.021 inches (1 in. = 25.4 mm), respectively, which means that the number of categories under each load is 10. All of the information is listed in Table 3.
Data preprocessing and implementation details: In the proposed method, the short-time Fourier transform is applied to the raw signals to obtain a time-frequency graph. For a window sliding on the raw signals at the same stride, we obtained the signals in the window and applied Fourier transform to it. With the above steps occurring, we could change a series of time-domain signals to a graph that fuses both time and frequency features. In order to reduce the accidental noise, we applied normalization to the time-frequency graph as:
x * = x μ σ
where x is input signals, and μ and σ are the average and standard deviation of the data, respectively. Through zero-mean normalization, the effect of the noise and zero drift on the data could be removed.
In Figure 9 and Table 2, different datasets contain different signals collected in different sample rates. The sample rate greatly affects the characteristics of signals. Moreover, it is fixed for one dataset and artificially set. Thus, in the experiment, the signals were resampled to be the same (1 Kh). Meanwhile, short time Fourier transformation (STFT) was used as means of preprocessing. The kernel size of STFT was set to 128, and the stride was 5. Moreover, the size of the output time-frequency graph (TFG) was 128 × 63 . Then it was clipped to 63 × 63 because TFG is symmetrical, and the first element was the dc component. Thus, the length of raw signals of a TFG was 128 +   62 × 5 = 438. Due to the fault types of different datasets: β ,   γ contained four health conditions, α contained three health conditions, and the number of samples in datasets was changed. The sample number of each health condition was 5000, e.g., in the transfer condition γ α , the numbers of samples in train and test domains both were 20,000; however, in α β , they were 15,000. All the training and testing signals were randomly sampled from datasets.
During the training phase, we utilized the ADAM optimizer with the first and the second momentums as 0.9 and 0.999, respectively. We trained it for 100 epochs with the batch size set to 128. The learning rate was initialized to 0.003 and exponentially decayed with a factor of 0.98 for each epoch to 0.00013. The comparison methods are listed in Table 4. The detailed information of training process of different methods is presented in Table 5. CNN denotes a simple convolutional network without any transfer learning technique. SVM represents a support vector machine [48], which is also only trained on the source domain. DDC [34] and DANN [36] are image-based transfer learning algorithms. For fair comparison, we trained them with the time-frequency graph (TFG), which is the same as the proposed method. DCTLN [17] is a transfer learning-based deep neural network for bearing fault diagnosis. We trained those methods with the same protocols and recommended hyper-parameters from the original paper for a fair comparison.
The experiment results in Figure 10 and Table 6 show the excellent performance of the proposed method. No matter the traditional machine learning method or deep learning method, it is easy to obtain semi-supervised methods that could achieve better performance than supervised methods. DCTLN as a transfer learning method designed for fault diagnosis showed its superiority over general transfer learning algorithms such as DCC and DANN. However, proposed WDA exceeded DCTLN in most conditions, especially conditions γ→β (from 80.60% to 98.96%). Although DCTLN achieved 89.70% on the γ α , it only exceeded 1.67% to WDA. Moreover, WDA finally achieved an average accuracy of 93.72%, more than 7.79% of DCTLN, and 16.45% and 22.87% of DANN and DCC, respectively.

4.2. CASE II: Ball Screw Fault Diagnosis

In order to further investigate the domain adaptive ability of the proposed method, we set up a test rig for ball screw fault diagnosis, and some vibration signals were collected from the machine, which is shown in Figure 11.
In order to simulate different working conditions, we collected the vibration signals of the ball screw under different forms of end supports. As shown in Table 4, there WERE two ball screw supporting forms: fixed-floating ( ζ ) and fixed-none ( η ). In the ζ set, the ball screws were fixed in one end and supported in a floating form on the other end. In the η set, the ball screws were fixed on one end and had no support on the other end.
As seen in the Figure 12, all the transfer learning methods surpassed the traditional methods, showing that transfer learning is essential and effective to bridge the gap between different domains. Moreover, the experiment result shows that WDA had better performance than other state-of-the-art transfer learning methods. Compared to DCTLN, WDA improved about 11.04% more than DCTLN and 21.52% more than DANN. In the condition (‘ ζ η ’), WDA reached an accuracy of 89.13%, greatly surpassing other methods. All this evidence shows that WDA as a transfer learning method has superiority over state-of-the-art methods.

4.3. Feature Visualization

To further investigate the inner mechanism of the proposed method, we applied the feature visualization to output features of CNN from both source and target domains. Different colors represent different features from different health conditions, and the shapes of feature points represent different domains.
In the feature visualization of Figure 13, the features in the whole training process of WDA are shown. Figure 13a–f indicates the visualizations of intermedia feature maps by PCA with the proposed fault diagnosis method from 0 to 100 epochs. The features in the training process gradually gathered into several lines, as in the WDA, cosine similarity was chosen to measure the differences of features from different do-mains. In addition, under the restriction of cosine similarity, features with the same characteristics (e.g., within the same category) turned to keep in the same line rather than a point, although there were some features that did not get in the same line with other features. However, this had little effect on the prediction accuracy of the proposed method. Moreover, we could see that with the training process going on, the source domain features were gradually grouped in several lines with target domain features.

5. The Limitation and Future Works

The proposed method utilized the labeled source domain signals with unlabeled target domain signals for joint training. However, signals from target domains were still class-balanced, which is the limitation of the proposed method. In future works, we will continue to work on the transfer learning task to improve its practicability on the class-unbalanced signals. Moreover, we also want to popularize this method into other transfer learning background problems.

6. Conclusions

In order to produce a more accurate fault diagnosis in unlabeled data, we proposed a Wasserstein distance-based transfer learning fault diagnosis method called WDA. In WDA, the K-M algorithm was introduced to directly calculate the Wasserstein distance. Unlike other methods that use L2-norm measuring the Wasserstein distance, in our methods, cosine similarity was used instead. Moreover, the conception of transfer learning and Wasserstein distance were well explained. Experiments showed that: (1) WDA had better performance than state-of-the-art transfer learning fault diagnosis methods and reached average accuracies of 93.72% and 84.84% on different mechanical parts transfer learning; (2) feature visualization also demonstrated that cosine similarity is efficient to group features from different domains; and (3) the proposed methods could make use of available labeled signals to help unlabeled data classification, thus addressing the problem of the high cost of data labeling and insufficient labeled data. In the age of big data, with the cost of data labeling going up, making use of unlabeled data has become a hot research topic. Thus, transfer learning fault diagnosis requires more attention in research.

Author Contributions

Conceptualization, Z.Z., G.P. and S.L.; methodology, Z.Z., G.P. and S.L.; software, L.W.; validation, Z.Z., G.P. and S.L.; formal analysis, L.W.; investigation, L.W.; resources, L.W. and G.P. All authors have read and agreed to the published version of the manuscript.

Funding

This research received no external funding.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Voulodimos, A.; Doulamis, N.; Doulamis, A.; Protopapadakis, E. Deep learning for computer vision: A brief review. Comput. Intell. Neurosci. 2018, 2018, 1–13. [Google Scholar] [CrossRef] [PubMed]
  2. Arik, S.Ö.; Chrzanowski, M.; Coates, A.; Diamos, G.; Gibiansky, A.; Kang, Y.; Li, X.; Miller, J.; Ng, A.; Raiman, J. Deep voice: Real-time neural text-to-speech. In Proceedings of the 34th International Conference on Machine Learning, JMLR. Org, Sydney, Australia, 6–11 August 2017; Volume 70. [Google Scholar]
  3. Angermueller, C.; Pärnamaa, T.; Parts, L.; Stegle, O. Deep learning for computational biology. Mol. Syst. Biol. 2016, 12, 878. [Google Scholar] [CrossRef]
  4. Zhao, R.; Yan, R.; Chen, Z.; Mao, K.; Wang, P.; Gao, R.X. Deep learning and its applications to machine health monitoring. Mech. Syst. Signal Process. 2019, 115, 213–237. [Google Scholar] [CrossRef]
  5. Atoui, M.A.; Verron, S.; Kobi, A. Fault Detection and Diagnosis in a Bayesian Network classifier incorporating probabilistic boundary1. IFAC-PapersOnLine 2015, 48, 670–675. [Google Scholar] [CrossRef]
  6. Rajakarunakaran, S.; Venkumar, P.; Devaraj, D.; Rao, K.S.P. Artificial neural network approach for fault detection in rotary system. Appl. Soft Comput. 2008, 8, 740–748. [Google Scholar] [CrossRef]
  7. Portnoy, I.; Melendez, K.; Pinzon, H.; Sanjuan, M. An improved weighted recursive PCA algorithm for adaptive fault detection. Control Eng. Pract. 2016, 50, 69–83. [Google Scholar] [CrossRef]
  8. Lu, C.; Wang, Z.-Y.; Qin, W.-L.; Ma, J. Fault diagnosis of rotary machinery components using a stacked denoising autoencoder-based health state identification. Signal Process. 2017, 130, 377–388. [Google Scholar] [CrossRef]
  9. Li, C.; Zhang, W.; Peng, G.; Liu, S. Bearing fault diagnosis using fully-connected winner-take-all autoencoder. IEEE Access 2017, 6, 6103–6115. [Google Scholar] [CrossRef]
  10. Zarei, J. Induction motors bearing fault detection using pattern recognition techniques. Expert Syst. Appl. 2012, 39, 68–73. [Google Scholar] [CrossRef]
  11. Janssens, O.; Van de Walle, R.; Loccufier, M.; Van Hoecke, S. Deep learning for infrared thermal image based machine health monitoring. Ieee/Asme Trans. Mechatron. 2017, 23, 151–159. [Google Scholar] [CrossRef] [Green Version]
  12. Zhang, B.; Zhang, S.; Li, W. Bearing performance degradation assessment using long short-term memory recurrent network. Comput. Ind. 2019, 106, 14–29. [Google Scholar] [CrossRef]
  13. Cui, L.; Wang, X.; Xu, Y.; Jiang, H.; Zhou, J. A novel Switching Unscented Kalman Filter method for remaining useful life prediction of rolling bearing. Measurement 2019, 135, 678–684. [Google Scholar] [CrossRef]
  14. Zhang, W.; Li, C.; Peng, G.; Chen, Y.; Zhang, Z. A deep convolutional neural network with new training methods for bearing fault diagnosis under noisy environment and different working load. Mech. Syst. Signal Process. 2018, 100, 439–453. [Google Scholar] [CrossRef]
  15. Zhu, Z.; Peng, G.; Chen, Y.; Gao, H. A convolutional neural network based on a capsule network with strong generalization for bearing fault diagnosis. Neurocomputing 2019, 323, 62–75. [Google Scholar] [CrossRef]
  16. Lu, W.; Liang, B.; Cheng, Y.; Meng, D.; Yang, J.; Zhang, T. Deep model based domain adaptation for fault diagnosis. IEEE Trans. Ind. Electron. 2016, 64, 2296–2305. [Google Scholar] [CrossRef]
  17. Wen, L.; Li, X.; Gao, L.; Zhang, Y. A new convolutional neural network-based data-driven fault diagnosis method. IEEE Trans. Ind. Electron. 2017, 65, 5990–5998. [Google Scholar] [CrossRef]
  18. Xie, J.; Zhang, L.; Duan, L.; Wang, J. On cross-domain feature fusion in gearbox fault diagnosis under various operating conditions based on transfer component analysis. In Proceedings of the 2016 IEEE International Conference on Prognostics and Health Management (ICPHM), Ottawa, ON, Canada, 20–22 June 2016. [Google Scholar]
  19. Guo, L.; Lei, Y.; Xing, S.; Yan, T.; Li, N. Deep convolutional transfer learning network: A new method for intelligent fault diagnosis of machines with unlabeled data. IEEE Trans. Ind. Electron. 2018, 66, 7316–7325. [Google Scholar] [CrossRef]
  20. Udmale, S.S.; Singh, S.K.; Singh, R.; Sangaiah, A.K. Multi-Fault Bearing Classification Using Sensors and ConvNet-Based Transfer Learning Approach. IEEE Sens. J. 2020, 20, 1433–1444. [Google Scholar] [CrossRef]
  21. Hasan, M.J.; Islam, M.M.; Kim, J.-M. Acoustic spectral imaging and transfer learning for reliable bearing fault diagnosis under variable speed conditions. Measurement 2019, 138, 620–631. [Google Scholar] [CrossRef]
  22. Zhang, W.; Li, X.; Ma, H.; Luo, Z.; Li, X. Universal Domain Adaptation in Fault Diagnostics with Hybrid Weighted Deep Adversarial Learning. IEEE Trans. Ind. Informatics 2021. [Google Scholar] [CrossRef]
  23. Zhang, W.; Li, X.; Ma, H.; Luo, Z.; Li, X. Federated learning for machinery fault diagnosis with dynamic validation and self-supervision. Knowl.-Based Syst. 2021, 213, 106679. [Google Scholar] [CrossRef]
  24. Arjovsky, M.; Chintala, S.; Bottou, L. Wasserstein Generative Adversarial Networks. In Proceedings of the International Conference on Machine Learning, PMLR, Sydney, Australia, 6–11 August 2017; pp. 214–223. [Google Scholar]
  25. Gulrajani, I.; Ahmed, F.; Arjovsky, M.; Dumoulin, V.; Courville, A. Improved training of wasserstein gans. arXiv 2017, arXiv:1704.00028. [Google Scholar]
  26. Zhang, M.; Wang, D.; Lu, W.; Yang, J.; Li, Z.; Liang, B. A Deep Transfer Model With Wasserstein Distance Guided Multi-Adversarial Networks for Bearing Fault Diagnosis Under Different Working Conditions. IEEE Access 2019, 7, 65303–65318. [Google Scholar] [CrossRef]
  27. Shen, J.; Qu, Y.; Zhang, W.; Yu, Y. Wasserstein distance guided representation learning for domain adaptation. arXiv 2017, arXiv:1707.01217. [Google Scholar]
  28. Cheng, C.; Zhou, B.; Ma, G.; Wu, D.; Yuan, Y. Wasserstein Distance based Deep Adversarial Transfer Learning for Intelligent Fault Diagnosis. arXiv 2019, arXiv:1903.06753. [Google Scholar]
  29. Pan, S.J.; Yang, Q. A survey on transfer learning. IEEE Trans. Knowl. Data Eng. 2009, 22, 1345–1359. [Google Scholar] [CrossRef]
  30. Tan, C.; Sun, F.; Kong, T.; Zhang, W.; Yang, C.; Liu, C. A survey on deep transfer learning. In International Conference on Artificial Neural Networks; Springer: Berlin/Heidelberg, Germany, 2018. [Google Scholar]
  31. Long, M.; Wang, J.; Ding, G.; Sun, J.; Yu, P.S. Transfer feature learning with joint distribution adaptation. In Proceedings of the IEEE International Conference on Computer Vision; IEEE: Piscataway, NJ, USA, 2013. [Google Scholar]
  32. Shen, F.; Chen, C.; Yan, R.; Gao, R.X. Bearing fault diagnosis based on SVD feature extraction and transfer learning classification. In Proceedings of the 2015 Prognostics and System Health Management Conference (PHM), Beijing, China, 21–23 October 2015. [Google Scholar]
  33. Tong, Z.; Li, W.; Zhang, B.; Jiang, F.; Zhou, G. Bearing fault diagnosis under variable working conditions based on domain adaptation using feature transfer learning. IEEE Access 2018, 6, 76187–76197. [Google Scholar] [CrossRef]
  34. Tzeng, E.; Hoffman, J.; Zhang, N.; Saenko, K.; Darrell, T. Deep domain confusion: Maximizing for domain invariance. arXiv 2014, arXiv:1412.3474. [Google Scholar]
  35. Yan, H.; Ding, Y.; Li, P.; Wang, Q.; Xu, Y.; Zuo, W. Mind the class weight bias: Weighted maximum mean discrepancy for unsupervised domain adaptation. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition; IEEE: Piscataway, NJ, USA, 2017. [Google Scholar]
  36. Ganin, Y.; Ustinova, E.; Ajakan, H.; Germain, P.; Larochelle, H.; Laviolette, F.; Marchand, M.; Lempitsky, V. Domain-adversarial training of neural networks. J. Mach. Learn. Res. 2016, 17, 2030–2096. [Google Scholar]
  37. Bang, D.; Shim, H. Improved training of generative adversarial networks using representative features. In Proceedings of the International Conference on Machine Learning, PMLR, Stockholm, Sweden, 10–15 July 2018; pp. 433–442. [Google Scholar]
  38. Wiatrak, M.; Albrecht, S.V. Stabilizing Generative Adversarial Network Training: A Survey. 2019. Available online: https://arxiv.org/abs/1910.00927v2 (accessed on 26 June 2021).
  39. Berthelot, D.; Schumm, T.; Metz, L. Began: Boundary equilibrium generative adversarial networks. arXiv 2017, arXiv:1703.10717. [Google Scholar]
  40. Kuhn, H.W. The Hungarian method for the assignment problem. Nav. Res. Logist. Q. 1955, 2, 83–97. [Google Scholar] [CrossRef] [Green Version]
  41. Liu, Z.-Y.; Qiao, H.; Xu, L. An extended path following algorithm for graph-matching problem. IEEE Trans. Pattern Anal. Mach. Intell. 2012, 34, 1451–1456. [Google Scholar] [CrossRef] [Green Version]
  42. Cui, H.; Zhang, J.; Cui, C.; Chen, Q. Solving large-scale assignment problems by Kuhn-Munkres algorithm Hong Cui1, Jingjing Zhang2, b, Chunfeng Cui3, c, Qinyu Chen4, d. 2016. Available online: https://www.atlantis-press.com/proceedings/ameii-16/25854748 (accessed on 26 June 2021).
  43. Carpaneto, G.; Toth, P. Algorithm 548: Solution of the assignment problem [H]. ACM Trans. Math. Softw. (TOMS) 1980, 6, 104–111. [Google Scholar] [CrossRef]
  44. Berenguer, J.A.M.; Coello, C.A.C. Evolutionary many-objective optimization based on kuhn-munkres’ algorithm. In International Conference on Evolutionary Multi-Criterion Optimization; Springer: Cham, Switzerland, 2015; pp. 3–17. [Google Scholar]
  45. Zhu, H.; Zhou, M. Efficient role transfer based on Kuhn–Munkres algorithm. IEEE Trans. Syst. Man Cybern. Part A Syst. Hum. 2011, 42, 491–496. [Google Scholar] [CrossRef]
  46. Qiu, H.; Lee, J.; Lin, J.; Yu, G. Wavelet filter-based weak signature detection method and its application on rolling element bearing prognostics. J. Sound Vib. 2006, 289, 1066–1090. [Google Scholar] [CrossRef]
  47. Lou, X.; Loparo, K.A. Bearing fault diagnosis based on wavelet transform and fuzzy inference. Mech. Syst. Signal Process. 2004, 18, 1077–1095. [Google Scholar] [CrossRef]
  48. Suykens, J.A.; Van Gestel, T.; De Brabanter, J. Least Squares Support Vector Machines; World Scientific: Singapore, 2002; Available online: https://doi.org/10.1142/5089 (accessed on 26 June 2021).
Figure 1. Different pairs for measuring discrepancy between two distributions.
Figure 1. Different pairs for measuring discrepancy between two distributions.
Sensors 21 04394 g001
Figure 2. Flow chart of the proposed framework for fault diagnosis on different working equipment. During the training phase, we narrow the gaps between the distributions. At the test phase, the WDA directly predicts the health conditions of unlabeled signals.
Figure 2. Flow chart of the proposed framework for fault diagnosis on different working equipment. During the training phase, we narrow the gaps between the distributions. At the test phase, the WDA directly predicts the health conditions of unlabeled signals.
Sensors 21 04394 g002
Figure 3. The architecture of the proposed WDA. In the testing phase, the feature maps from the target domain are directly fed into the classifier.
Figure 3. The architecture of the proposed WDA. In the testing phase, the feature maps from the target domain are directly fed into the classifier.
Sensors 21 04394 g003
Figure 4. Architecture of WDA.
Figure 4. Architecture of WDA.
Sensors 21 04394 g004
Figure 5. (a) Test rig of IMS dataset. (b) Illustration of IMS test rig.
Figure 5. (a) Test rig of IMS dataset. (b) Illustration of IMS test rig.
Sensors 21 04394 g005
Figure 6. Test rig used to collect different speeds and different sample rate data.
Figure 6. Test rig used to collect different speeds and different sample rate data.
Sensors 21 04394 g006
Figure 7. Different fault in testing bearings.
Figure 7. Different fault in testing bearings.
Sensors 21 04394 g007
Figure 8. Test rig used in Case Western Reserve University Lab [41].
Figure 8. Test rig used in Case Western Reserve University Lab [41].
Sensors 21 04394 g008
Figure 9. Transfer pipeline of the proposed framework. Dataset α dataset β denotes that we utilized the α as the source domain and the β as the target domain.
Figure 9. Transfer pipeline of the proposed framework. Dataset α dataset β denotes that we utilized the α as the source domain and the β as the target domain.
Sensors 21 04394 g009
Figure 10. Comparison accuracies of different methods.
Figure 10. Comparison accuracies of different methods.
Sensors 21 04394 g010
Figure 11. Test rig for ball screw fault diagnosis.
Figure 11. Test rig for ball screw fault diagnosis.
Sensors 21 04394 g011
Figure 12. Accuracies of methods under different transfer conditions.
Figure 12. Accuracies of methods under different transfer conditions.
Sensors 21 04394 g012
Figure 13. Feature visualization of the training process. (a) 0 epochs. (b) 20 epochs. (c) 40 epochs. (d) 60 epochs. (e) 80 epochs. (f) 100 epochs.
Figure 13. Feature visualization of the training process. (a) 0 epochs. (b) 20 epochs. (c) 40 epochs. (d) 60 epochs. (e) 80 epochs. (f) 100 epochs.
Sensors 21 04394 g013aSensors 21 04394 g013b
Table 1. Details of the classifier.
Table 1. Details of the classifier.
No.Layer NameKernel Size/Stride/FiltersParametersSymbolsOutput Shape
1Convolution14 × 4/1/1616(4 × 4 × 1 + 1) = 202 W 1 𝒷 1 / 1 (60,60,16)
2BatchNorm1-16 × 2 = 32(60,60,16)
3MaxPooling14 × 4/1/1-(30,30,16)
4ReLU--(30,30,16)
5Convolution23 × 3/1/6464 × 16 × (3 × 3 + 1) = 10,240 W 2 𝒷 2 / 2 (28,28,64)
6BatchNorm2--(28,28,64)
7MaxPooling22 × 2/2/1-(14,14,64)
8ReLU2--(14,14,64)
9Dense Layer1-(14 × 14 × 64 × 96 + 1) = 1,204,225 W 3 𝒷 3 96
10BatchNorm3--96
11ReLU--96
12Dense Layer2-(128 × 3 (4) + 1) = 387/(513) W 4 𝒷 4 N o
Table 2. Description of the dataset.
Table 2. Description of the dataset.
DatasetSample RateResample RateLoadsSpeed
IMS20 KHz1 KHz6000 lbs.2000 RPM
Self-collected25 KHz1 KHz0 lbs.900–1500 RPM
CWRU48 KHz1 KHz2 hp1750 RPM
Table 3. The working condition of different loads.
Table 3. The working condition of different loads.
IndexSupportingSpeed (RPM)Loads (N.M)
ζ Fixed—floating1500 × Sin(5t)/400/15000/10/35
η Fixed—none1500 × Sin(5t)/400/15000/10/35
Table 4. Accuracies of methods under different transfer conditions.
Table 4. Accuracies of methods under different transfer conditions.
MethodCNNSVMDDCDANNDCTLNWDA
ζ η 53.30%48.78%67.50%58.10%74.34%89.13%
η ζ 47.41%49.60%63.20%66.53%73.25%80.54%
Average50.36%49.19%65.35%63.32%73.80%84.84%
Table 5. Description of the training process of different methods.
Table 5. Description of the training process of different methods.
NamePropertyInput Type
CNNSupervised (only source domain)TFG
SVMSupervised (only source domain)TFG
DCCTransfer learningTFG
DANNTransfer learningTFG
DCTLNTransfer learningTime frequency signals
WDATransfer learningTFG
Table 6. Results of different transfer result.
Table 6. Results of different transfer result.
Method α β β α α γ γ α β γ γ β Average
CNN75.95%67.78%52.83%73.01%70.34%70.35%67.98%
SVM60.72%73.52%61.35%66.75%73.65%77.13%68.85%
DDC74.56%72.71%75.45%73.87%69.91%58.61%70.85%
DANN78.80%85.27%81.80%78.76%73.72%64.70%77.18%
DCTLN87.98%85.04%89.90%89.70%82.36%80.60%85.93%
WDA94.89%93.80%97.96%88.06%88.64%98.96%93.72%
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Share and Cite

MDPI and ACS Style

Zhu, Z.; Wang, L.; Peng, G.; Li, S. WDA: An Improved Wasserstein Distance-Based Transfer Learning Fault Diagnosis Method. Sensors 2021, 21, 4394. https://doi.org/10.3390/s21134394

AMA Style

Zhu Z, Wang L, Peng G, Li S. WDA: An Improved Wasserstein Distance-Based Transfer Learning Fault Diagnosis Method. Sensors. 2021; 21(13):4394. https://doi.org/10.3390/s21134394

Chicago/Turabian Style

Zhu, Zhiyu, Lanzhi Wang, Gaoliang Peng, and Sijue Li. 2021. "WDA: An Improved Wasserstein Distance-Based Transfer Learning Fault Diagnosis Method" Sensors 21, no. 13: 4394. https://doi.org/10.3390/s21134394

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