Next Article in Journal
Conditioning Theory for Generalized Inverse CA and Their Estimations
Previous Article in Journal
The Application of Symbolic Regression on Identifying Implied Volatility Surface
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Entropy-Optimized Fault Diagnosis Based on Unsupervised Domain Adaptation

1
College of Mechanical and Vehicle Engineering, Chongqing University, Chongqing 400044, China
2
College of Computer Science, Chongqing University, Chongqing 400044, China
*
Author to whom correspondence should be addressed.
Mathematics 2023, 11(9), 2110; https://doi.org/10.3390/math11092110
Submission received: 18 March 2023 / Revised: 20 April 2023 / Accepted: 26 April 2023 / Published: 28 April 2023
(This article belongs to the Section Network Science)

Abstract

:
In practice, the cross-domain transfer of data distribution and the sample imbalance of fault status are inevitable, but one or both are often ignored, which restricts the adaptability and classification accuracy of the generated fault diagnosis (FD) model. Accordingly, an entropy-optimized method is proposed in this paper based on an unsupervised domain-adaptive technique to enhance FD model training. For the training, pseudosamples and labels corresponding to the target samples are generated through data augmentation and self-training strategies to diminish the distribution discrepancy between the source and target domains. Meanwhile, an adaptive conditional entropy loss function is developed to improve the data quality of the semisupervised learning, with which reliable samples are generated for the training. According to the experiment results, compared with other state-of-the-art algorithms, our method can achieve significant accuracy improvement in rolling bearing FD. Typically, the accuracy improvement compared with the baseline Convolutional Neural Network (CNN) is achieved by over 13.23%.

1. Introduction

A rolling bearing is a widely used key component in mechanical equipment. It serves under random noises, impact loads and thermal stresses persistently. Hence, failures from some hidden faults are not rare. Effective fault diagnosis (FD) ensures the reliable operation of rolling bearings and extends the service life of the equipment [1,2,3,4]. For instance, Qin et al. [5] applied the joint signal components and the improved logistic sigmoid units to diagnose the health condition of wind turbines. Shao et al. [6] introduced multisource signals as training data to enhance the robustness and accuracy of the FD model. Yang et al. [7] utilized graph theory for short-time Fourier transform and employed a Laplacian matrix to represent different features for data classification of FD.
Currently, most research findings are obtained by assuming that the distributions of the training and test data are consistent, as well as that the interclass data in the dataset are balanced. In practical scenarios, the first assumption is not always promised due to the varying working conditions and environment noises. Meanwhile, the fault-free data are generally more than the faulty ones from the industrial operation sites, which indicates high imbalance ratios (IRs) of the obtained data and a low possibility of the second assumption. An example is given in Figure 1 to illustrate these situations, where the data in the training and testing stages are set to cover the source domain and target domain, respectively. A large number of normal data (blue square) and a small number of failure data (blue circle) are chosen for the model training (Figure 1a). In a conventional way, the feature of the majority data from the same family is learned by the trained model, while the feature of the minority data is most probably ignored and incorrectly aligned into the family of the majority data (Figure 1b). These situations cause deviations between theory and practice. It is necessary to establish an effective FD scheme for mechanical components with high adaptability and strong classification ability.
The domain adaptation (DA) technique is an effective method to solve the distribution shift issue that arose in the first assumption, as it applies the object’s health knowledge from the source domain to the target domain, and the domain-invariant knowledge extracted between the source and target domains improves the model performance on the testing data [8,9]. Generally, the DA technique in the FD field contains adversarial-learning-based and moment-matching-based approaches. The first type is inspired by generative adversarial networks, which train the model antagonistically in two game classifiers and make it difficult for the model to distinguish features between the source and target domains [10]. The other type embeds various distance metrics into networks and minimizes them to mitigate distribution discrepancies. For example, Cui et al. [11] proposed a new feature distance metric method based on a stacked autoencoder (SAE) to minimize the distribution discrepancy between the source and target data and utilized a support vector machine as a classifier to detect faults. In [12], Qian et al. adopted the CORAL distance metric method based on a convolution autoencoder to resist the classification loss and diagnose the faults in the test data from the cross-domain bearings by combining the CORAL loss and domain classification loss. A cross-domain FD model was developed by Deng et al. [13] which extracts the features of a large number of source domain data based on SAE and is then fine-tuned with a small number of target domain data.
Concerning the imbalance issue that arose in the second assumption, only a few solutions have been proposed based on the aspects of data and algorithms [14,15,16,17,18]. Data-related methods focus on changing the data distribution, whereas algorithm-related methods tend to improve the precision of minority samples based on new algorithms [19,20]. For the algorithm aspect, the semisupervised learning (SSL) technique has been developed as an effective way to address the class-imbalanced issue of samples. Ge et al. [21] used an affinity propagation and spatial constraint algorithm that expanded the small number of labeled sample sets by selecting unlabeled samples with high confidence. Zhao et al. [22] proposed a new entropy perception algorithm to improve the self-training reliability on a small number of labels and limited node classification performance. In [23], an associative self-training classification approach is developed based on the ant colony optimization, which produces higher accuracy than the traditional self-training classification by using the correlation among the attribute values. From the related findings, it is found that the quality of the constructed pseudosample in the self-training algorithm is commonly poor, and hence the representation learning of the model would be misled.
To address the aforementioned issues, we consider eliminating the effect of the IRs for the target samples without obtaining additional samples in the process of applying the source knowledge to the target dataset (Figure 1c). To this end, an unsupervised-DA-based entropy optimization (UDA-EO) method is proposed for the FD of rolling bearings in this paper. In detail, a number of reliable pseudosamples are automatically constructed via a predicted consistency strategy; then, an entropy optimization algorithm under a leveraged entropy objective is designed to ensure the prediction consistency between the true and pseudosamples and minimize the distribution discrepancy across domains; and finally, the classification for FD is achieved, and the performance is improved by a progressively updated model, where the impacts from the class imbalance and distribution shift on the model are effectively reduced. Comparative experiments are performed to illustrate the effectiveness of the proposed UDA-EO method on the benchmarks of two industrial datasets. The results of 16 experiments indicate that UDA-EO has strong FD ability and robustness under different IRs and can handle the data in the processes with class imbalance. The main contributions of this study are listed as follows:
(1)
The issues of class imbalance and distribution discrepancy in datasets under different working conditions are simultaneously and effectively addressed.
(2)
The UDA-EO FD method is developed under a leveraged entropy objective that ensures prediction consistency.
(3)
By means of applying the source knowledge to the target samples, the predictive entropy of pseudosamples is selectively minimized to improve confidence on highly consistent target data.
The remainder of this paper is organized as follows. Section 2 introduces the basic knowledge and the motivation. In Section 3, the main methodologies are provided. Comparative experiments are presented in Section 4 to illustrate the effectiveness and superiority of the proposed method. Section 5 concludes the paper.

2. Preliminaries

2.1. Convolutional Neural Network

During the past decades, CNNs have been widely used for image processing and machine vision. As a mainstream of the deep learning network techniques, the CNN includes a structure of convolutional, pooling, fully connected and classification layers. In a convolutional layer, filters are used to perform convolution operations to generate the features of the input samples. The pooling layer is set for extracting the features. The fully connected layer and the classification layer are responsible for outputting the probability and classification results of the network predictions, respectively. The convolution operation is defined as
z ( i ) = g ( w T x ( i ) + b ) ,
where x ( i ) { x ( 1 ) , x ( 2 ) , x ( 3 ) , , x ( n ) } is an input datum, n denotes the length of the input data, g ( * ) represents an activation function of the rectified linear unit (ReLU), w is a weight matrix, b indicates a bias and z ( i ) is the feature output learned from the convolution kernel.
To reduce the dimension of the features extracted from the convolution layer, the maximum pooling function is set as
p j ( i ) = max j R j { z j ( i ) } ,
where z j ( i ) represents the feature extracted in the jth pooling layer, p j ( i ) is the pooling value of the ith neuron and R j indicates the pooling area.

2.2. Maximum Mean Discrepancy

In this study, the maximum mean discrepancy (MMD) technique is adopted to estimate the distribution discrepancy. MMD is defined as
M M D H ( X S , X T ) = 1 n i = 1 n ( ϕ ( x i S ) ϕ ( x i T ) ) H 2 ,
and it is regarded as the distance metric of marginal distributions with kernel embedded, where ϕ is the nonlinear mapping function of the reproducing kernel Hilbert space H [24], S and T represent the source and target domains, respectively, and x i * and X * from S or T denote the data and the dataset, respectively. If the distributions of the source and target domains are consistent, M M D H ( X S , X T ) = 0 .
In a DA process, MMD is usually considered as the regularization term of the representation learning to minimize the discrepancy between different domains. In this study, the embedding of multiple kernels is performed to ensure low testing errors. Additionally, the MMD optimization objective L M between two datasets is given as
L M = k = 1 m M M D H k ( X S , X T ) ,
where M M D H k indicates that k Gaussian kernels are embedded in H.

2.3. Self-Training

Self-training is a kind of semisupervised learning and a promising way for training a classifier to expand the labeled samples. In the original dataset, only a small proportion of labeled samples are contained by comparing them with the unlabeled ones. Traditional self-training methods take labeled samples (A) as training data to generate an initial classifier (C). With the initial classifier (C), the most reliable samples (B′) are selected from the unlabeled samples (B) and then classified as labeled ones (A). By restarting a new training process based on the updated labeled samples (A), the final classifier (C) is obtained [25].

2.4. Motivation

In practical applications, data imbalance and distribution shifts of collected data are always present, but they are partially ignored in most of the FD research findings. Only a focus on one situation may result in weak model generalization ability and poor FD performance. Accordingly, dealing with these two issues simultaneously is necessary, which gives birth to this study. Decreasing IRs and using the DA technique will balance the interclass distributions and reduce the discrepancy between distributions, respectively. Hence, our goal is to solve the mentioned issues by fusing these measures to obtain the health condition of rolling bearings in the target domain. More details are given as below.

3. Methodology

3.1. Notations

Define an input space X, the input random variable x, the set of n health conditions Y = 1 , 2 , 3 , , n and the output random variable y. The CNN classifier is given as y = f ( x ) (mapping f : X Y ). The joint probability distributions of X and Y are set as P ( X , Y ) , and the joint probability distributions of the source domain S and target domain T are given as P S ( X , Y ) and P T ( X , Y ) , respectively. For the data from the source domain, the output probability predicted by the model is denoted as p ( y | x ) ; for the data in the target domain, the estimated pseudolabel y ^ represents max p ( y | x T ) .
In a UDA process, we have access to the labeled source sample ( x s , y s ) P S ( X , Y ) and unlabeled target sample ( x T ) P T ( X ) . Concerning the data distribution shift case, it is known that P T ( Y | X = x ) = P S ( Y | X = x ) , but P T X P S X . In the class-imbalanced domain, it gives P T ( X | Y = y ) and P T Y P S Y .

3.2. Overall Architecture

To realize our purpose, it is required to classify the imbalanced samples from the target domain into the correct fault statuses by decreasing the IRs between the majority and minority classes. The pipeline of the UDA-EO method consists of two parts, i.e., to learn the knowledge from S and to optimize the entropy objective from T , as shown in Algorithm 1. For the first part, UDA-EO learns the sample features in S and obtains a fault classifier. For the second part, it performs two steps to selectively minimize the predictive entropy of the pseudosamples and improve confidence on highly consistent target data. Firstly, UDA-EO constructs pseudosamples and labels of target samples with the data augmentation and self-training strategies to eliminate the IRs effects. Then, pseudosamples with high confidence are employed to train the model, with which the health condition in T is consequently classified. These two steps are executed continuously until the maximal epoch is reached.
Algorithm 1 Training of the UDA-EO model
Require: source domain data X S , source domain label Y S , unlabeled target domain data  X T .
Ensure: the network model y = f ( x ) and the predicted health conditions for the target data.
1:
Train an initial deep network on source dataset ( X S , Y S ) .
2:
Obtain the cross-entropy loss L M .
3:
while maximum epochs do
4:
   Initial m and n and predict the pseudolabels y T ^ = arg max p ( y | x T ) for the target data.
5:
   Obtain r 1 ( x T ) , r 2 ( x T ) , r 3 ( x T ) , , r i ( x T ) from RandAugment, p r e d i c t i o n + , and p r e d i c t i o n
6:
   if  p r e d i c t i o n +  then
7:
      L E O = L p r e d i c t i o n + based on Equation (6)
8:
   else
9:
      L E O = L p r e d i c t i o n based on Equation (6)
10:
   end if
11:
   Minimize the loss function defined in Equation (8).
12:
   Update the network parameters by back propagation.
13:
end while
The framework of the proposed method used for cross-domain FD with imbalanced data is shown in Figure 2. By concerning the available source dataset under multiple working conditions for data preprocessing, the samples from each condition are all put into the network. Reshaping operations are conducted based on Gramian angular field (GAF) technique for all input data to generate a 2D image [26,27,28]. Note that the following UDA-EO framework still works if no GAF-based preprocessing is given.
Considering the domain generalization error and the imbalanced class distribution, the feature extractor (FE), consistency discriminator (CD) and fault classifier (FC) are designed core components of the framework, as shown in Figure 2. A CNN backbone is customized to realize the functions of the above core components. In detail, FE is a combination of a 7 × 7 convolutional layer, batch normalization (BN) layers, ReLU activation functions and block modules, which extracts domain-invariant features to alleviate the distribution discrepancies between domains. The CD is composed of data augmentation and a decider, which is trained by the proposed entropy-optimized objective function and aimed to reduce the interclass IRs and improve the reliability of pseudolabels from the unlabeled target samples. The FC consists of a linear layer, ReLU, and max pooling, which is applied to decrease the generalization error and identify the status of the target data. The pseudosamples augmented in CD and the truth samples are input into the FE via EO to extract features and to train the FC, with which it finally obtains a domain-adaptation classifier that focuses on the feature information of the minority class. The backbone could be adapted to other CNN models, e.g., LeNet.

3.3. Entropy-Optimized Strategy

The goal of UDA-EO in CD is to decrease the IRs impact on the target data by using the data augmentation and self-training techniques. RandAugment [29], the data augmentation technique adopted in this paper, is a useful way to promote the reliability of the model because of its diversity and randomness [30]. It has 14 predefined transformations of available images. We define set P = r 1 ( x T ) , r 2 ( x T ) , r 3 ( x T ) , , r i ( x T ) as the generated pseudosamples (see Figure 3), where i [ 1 , 14 ] .
If the pseudosamples from the real target data are directly utilized to train the model, the prediction performance of the model is not stable, since the quality of the constructed pseudosamples cannot be guaranteed. With high-quality pseudosamples, the performance is positively confirmed, whereas low-quality pseudosamples could lead to wrong learning directions and result in poor prediction accuracy.
In traditional UDA research, the FD method based on UDA is sufficient to address the data distribution shift problem while achieving mediocre results on the imbalanced class problems [31]. Concerning this situation, the method based on conditional entropy minimization (CEM) is able to achieve good results. By denoting the moving average q ( y ^ ) ( y ^ [ 1 , 2 , 3 , , n ] ) as an approximation of p ( y | x T ) , the entropy objective L e is given as
L e = E x P T i = 1 n p ( y | x T ) log 1 q ( y ^ )
By minimizing L e , a model with good initialization performs well on class-imbalanced problems, because it leads the model to learn data features in the right direction. Once the model is initialized in a negative direction, minimizing L e causes a catastrophic result, as the prediction error and the confidence of the wrong prediction are simultaneously increased, whereas the confidence of the correct target sample is decreased.
Accordingly, an entropy-optimized strategy with two steps is proposed to ensure that the high-quality pseudosamples are selected for model training, where the estimation of the prediction consistency between the pseudo and true labels is generated.

3.3.1. Decreasing IRs in the Target Domain

Given the samples of batch B, for each x in B, its pseudosample set P = { r 1 ( x T ) , r 2 ( x T ) , r 3 ( x T ) , , r i ( x T ) } is generated in the data augmentation strategy under the CD module. The predicted labels and pseudolabels of the unlabeled truth sample x and pseudosample set P in B are predicted in the FC module, respectively. Define n and m to represent the degree of consistency between predicted labels and predicted pseudolabels, respectively. If the predicted label of x and all the corresponding predicted pseudolabels in P are the same, n counts; otherwise, m counts. The prediction consistency is evaluated by a majority strategy, that is,
p r e d i c t i o n + , if n > m , p r e d i c t i o n , if n m ,
where p r e d i c t i o n + measures the prediction accuracy between the true and pseudolabels, and p r e d i c t i o n measures the prediction inaccuracy. A larger n indicates that the prediction results of pseudosamples are more consistent with the true samples. Explicitly, if the predictions are consistent, i.e., the majority of the prediction results falls into p r e d i c t i o n + , more reliable samples will be noticed by the proposed EO function. Its prediction entropy will be minimized, which boosts the model to learn the features of the minority classes. The objective of the positive entropy minimization L p r e d i c t i o n + can be defined as
L p r e d i c t i o n + = i = 1 m j = 1 n p ( y = j | r i ( x T ) ) log 1 p ( y ^ = j | r i ( x T ) )
Conversely, if the predictions are inconsistent, i.e., the negative observation dominates the results, the entropy objective will be maximized by EO, which reduces the model learning of data features in a wrong direction. The objective of the negative entropy minimization L p r e d i c t i o n can be defined as
L p r e d i c t i o n = i = 1 m j = 1 n p ( y = j | r i ( x T ) ) log 1 p ( y ^ = j | r i ( x T ) ) .
With the above selection process for prediction consistency, the complete entropy minimization objective L E O can be defined as
L E O = L p r e d i c t i o n + , if p r e d i c t i o n + L p r e d i c t i o n , if p r e d i c t i o n
By this means, not only can the class-imbalanced issue be efficiently addressed, but more consistent samples can also be encouraged to be a group by the selection strategy. Moreover, the misleading of the model by incorrect pseudolabels and the overfitting of minority data samples can be reduced.

3.3.2. Object Function Optimization

Provided with the source labeled data, a standard cross-entropy loss L C of the classifier FC is given as
L C = 1 n i = 1 n j = 1 m y i j * log y i j
to correctly identify the data classes, where m is the total number of samples and y i j * denotes the ground-truth label.
The integrated entropy objective of the model is defined as
min L final = L C + α L M + β L e + γ L E O
where α , β and γ denote the penalty coefficients. The default value of α is set to 1 [8]. Back propagation is employed to transfer the loss parameters and update the network parameters in every epoch.

4. Case Study

4.1. Dataset Description

(1) Case Western Reserve University (CWRU) Dataset: The CWRU dataset is obtained from [32]. In the experiment, the single-point damage of the electrodischarge machining (EDM) was artificially made. The signals from the bearings (model SKF6205) were collected at a sampling frequency of 12 kHz over 3 different rotational speeds of a motor drive. Except the normal state, the faults are set as the damages on the inner race, outer race and ball, where the damage diameters of 0.007 , 0.014 , 0.021 and 0.028 inches are contained. By considering the correspondences between the damage places and diameters, the 11 fault statuses shown in Table 1 are adopted.
(2) Xi’an Jiaotong University (XJTU) Dataset: The XJTU dataset is obtained from [33]. During the accelerated lifetime test, the data from the bearings (model LDK UER204) were collected at a sampling frequency of 64 kHz over 3 different working conditions of an AC motor. The faults are set as the damages on the outer race, inner race and cage. Three fault statuses are considered, as listed in Table 2. By comparison with the CWRU dataset, the rotational speeds from the XJTU dataset obviously change between different working conditions, which results in significant distribution differences in the collected data.

4.2. Detailed Settings

(1) CWRU Dataset: With this dataset, experiments covering 1HP → 2HP ( C 12 ), 2HP → 1HP ( C 21 ), 2HP → 3HP ( C 23 ) and 3HP → 2HP ( C 32 ) are designed for the 11 fault statuses. For each experiment situation, 1.8 million sampling points are collected, where 80 % of the data are used for training and the rest of the data are used for testing. A range of datasets with different IRs from these data are further designed. IR N max class / N min class is subject to a power-law distribution [34], since some categories are more likely to occur than others, where N max class and N min class represent, respectively, the maximum and minimum numbers of samples from the fault classes. Detailed information is listed in Table 3 and Table 4.
(2) XJTU Dataset: With this dataset, experiments covering 1HP → 2HP ( X 12 ), 2HP → 1HP ( X 21 ), 2HP → 3HP ( X 23 ) and 3HP → 2HP ( X 32 ) are designed for the 3 fault statuses. For each experiment, 0.5 million sampling points are collected. The detailed information is also listed in Table 4, which implements similar settings to that of the CWRU dataset.
In the model training procedure, the detailed parameter settings of UDA-EO are given as listed in Table 5, where the optimizer is set as the stochastic gradient descent (SGD).

4.3. Comparison Methods

All experiments are carried out on a PC with an Intel Core i9 CPU, 32 GB RAM and GeForce RTX 2080Ti GPU. The programming platform is PyTorch. In this paper, a CNN backbone is customized, where the last linear layer is replaced by a fully connected layer with Xavier-initialized weights and no bias.
To validate the competitiveness of the proposed method, 5 other methods are implemented below for comparisons, including the baseline CNN, domain adversarial NN (DANN, [35]), deep coral [36], deep adaptation network (DAN, [37]) and conditional domain adversarial network (CDAN, [38]). According to the detailed settings shown in the references, the experimental parameters of all the models are properly fine-tuned.
(1)
DANN is a typical adversarial learning method and a way to solve transfer learning under severe label imbalance.
(2)
Deep coral is a DA model that utilizes the second-order statistics to align features between the source and the target domains.
(3)
DAN is an adaptive model that selects the optimal kernel in the multicore Hilbert space to match the mean value of the distribution.
(4)
CDAN is an adaptive model that improves the discrimination ability of classifiers through multilinear conditions and conditional entropy.

4.4. Experimental Results

The overall average accuracy defined as the number of correctly identified samples divided by the total number of test samples is adopted to measure the performance of different methods. To eliminate the randomness in the experiments, the average values of 10 experimental results are collected for comparison.
(1)
Result analyses between different methods in terms of different working conditions
The overall classification results of these two datasets on the imbalanced experiments are listed in Table 6, Table 7 and Table 8 and shown in Figure 4, Figure 5 and Figure 6. As listed in Table 6, the proposed UDA-EO outperforms the other methods significantly at an average level of 8 transfer experiments with IR1. The average accuracy of UDA-EO for all transfer experiments exceeds 97.96 % , which is a 6.49 % more accurate performance than the second best method. As shown in Figure 4, each method performs different degrees of fluctuations, among which CNN and the proposed UDA-EO show the largest and smallest degrees, respectively. These results indicate that the proposed UDA-EO is able to handle the class-imbalanced problem more effectively under variable working conditions.
In Table 7, the average accuracy of UDA-EO with IR2 for 8 transfer experiments is more than 97.91 % , which improves the average accuracy over the next competing method by 15.09 % . In Table 8, the classification accuracy of the proposed method with IR3 approximately reaches an 11.27% improvement compared with the baseline CNN method. This shows that the proposed UDA-EO retains the capability of shared-class classification, even with sharp IR in real applications. In addition, the proposed method still displays more robust performance and keeps relatively stable classification accuracy in all eight experiments, as shown in Figure 5 and Figure 6.
It should be noted that accurate classification for the imbalanced data is yielded based on two main reasons. Firstly, the proposed selection strategy promotes more reliable pseudosamples for model training, ensuring that the feature of the minority class can be effectively learned by the model on severely class-imbalanced conditions. Secondly, the data features across domains are well-aligned, which guarantees that the sample categories are correctly identified by the classifier.
(2)
Feature visualization
A result randomly selected from the C 23 experiment under IR2 is processed to visualize the classification effects. The 2D features are displayed by the t-SNE ([39]), as shown in Figure 7. It is observed from Figure 7a–e that the comparison methods have limited learning and separation effects on different health categories under severe class imbalance, resulting in quite a few incorrect classifications of the fault types. However, the classes shown in Figure 7f were effectively separated with a much clearer class boundary and a more compact learned class feature based on the proposed UDA-EO. The reasons come from the fact that UDA-EO well fits the distributions of the 11 fault types of the imbalanced samples in T , and the overlaps of the class probability distributions are reduced under the conditional entropy minimization. These results indicate the effectiveness and feasibility of using the pseudolabel idea and the entropy minimization method to address the class-imbalanced problem.
(3)
Interclass performance study
To explore the detailed impact of the proposed framework on some minority class in the class-imbalanced datasets under a cross-domain condition, a single-class performance study is implemented on eight imbalanced experiments. By comparing with the baseline CNN, the average accuracies of all classes can be seen in Figure 8a, where it corresponds to the majority class, and the rest of the subfigures correspond to the minority classes. It is observed that both methods perform stably on the majority class, but only the proposed UDA-EO maintains good performances on the minority classes when IRs intensify; comparatively, the performances of the baseline CNN on the minority classes degrade significantly. This indicates that the proposed method substantially improves the classification accuracy of the minority classes while maintaining good classification ability on the majority class.
To display the role of the proposed UDA-EO more profoundly in T with imbalanced samples, we randomly visualize one result from C 23 by comparing with the baseline CNN, as shown in Figure 9. Clearly, the proposed selection strategy achieves a 4 / 5 improvement in classification accuracy over the baseline CNN. As has been discussed in Section 3.3, UDA-EO is designed to assist the model in improving the confidence of pseudosamples and overcoming the performance degradation caused by ignoring the minority classes under class imbalance, which allows the model to maintain good classification ability in severe class imbalance.
(4)
Parameter sensitivity analysis
Because the penalty coefficients β and γ are critical for UDA-EO, these two hyperparameters are further discussed. Experimental results of X 23 are listed in Table 9, which indicate that the FD ability of the proposed method is relatively stable when β and γ vary in [ 0 , 1 ] . It is based on the fact that the model takes advantage of the predictive consistency and robustness of the proposed EO and data augmentation strategies to select reliable target samples for corresponding classes. The slight changes in the performances indicate that the best parameters could be found, such as the ones around β = 0.1 and γ = 1 .
(5)
Ablation case analysis
To evaluate the effectiveness of the proposed optimized-entropy algorithm, ablation experiments are designed in this subsection. In particular, UDA-EO is compared with the following modifications. (1) w/o conditional entropy: the CNN is trained without conditional entropy loss function. (2) w/o L E O : the model is trained without the proposed data augmentation strategy. (3) Ours: the proposed method is provided to train the model. The ablation results with IR3 settings are listed in Table 10.
In Table 10, the results of (1–3) show that the proposed method obtains relatively higher classification accuracy, which implies that the conditional entropy and the proposed data augmentation strategy have positive impacts on the UDA-EO model and improve FD precision with data imbalance settings. By comparing (2) with (3), it can be discovered that the precision of 3/4 FD drops when the data augmentation strategy is removed from the proposed method, which shows that the data augmentation strategy can effectively alleviate the model’s negative learning of minority class feature information in the initial state and improve the FD accuracy.

5. Conclusions

This paper investigated the application of the transfer learning technique for diagnosing the faults of rolling bearings in a fault-imbalanced scenario, where the common but not widely discussed class imbalance and distribution discrepancy of datasets exist. To address the problem, an EO method on the basis of UDA was proposed, which combines the construction of pseudobalanced class samples and the learning of domain-invariant features in a framework and encourages the FD model to learn the feature information of the minority class in variable conditions. Moreover, the predictive entropy of the pseudosamples is selectively minimized to improve confidence on highly consistent target data and improve the consistency prediction between the ground-truth labels and pseudolabels. Diverse FD experiments focusing on the classification accuracy of bearing faults with imbalanced data in various operating conditions were conducted based on the CWRU and XJTU datasets. The statistical and visual results indicate that UDA-EO effectively improves the feature learning of minority fault categories in imbalanced datasets. In future research, an open-set FD method will be developed to handle more practical issues.

Author Contributions

Conceptualization, F.L. and Y.C.; methodology, Y.C.; software, Y.C.; validation, F.L. and M.Z.; formal analysis, M.Z.; investigation, Y.C. and W.D.; resources, F.L.; data curation, Y.C.; writing—original draft preparation, F.L. and Y.C.; writing—review and editing, W.D. and M.Z.; visualization, Y.C.; supervision, F.L. and M.Z.; project administration, F.L.; funding acquisition, F.L. All authors have read and agreed to the published version of the manuscript.

Funding

This research was funded by the National Key R&D Program of China grant number 2019YFB1703600, the National Natural Science Foundation of China grant number 62033001, and the State Key Laboratory of Mechanical Transmissions grant number SKLMT-ZZKT-2022M01.

Data Availability Statement

All data used during the study appear in the submitted article.

Conflicts of Interest

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

References

  1. Yu, X.; Zhao, Z.; Zhang, X.; Zhang, Q.; Liu, Y.; Sun, C.; Chen, X. Deep-learning-based open set fault diagnosis by extreme value theory. IEEE Trans. Ind. Inform. 2022, 18, 185–196. [Google Scholar] [CrossRef]
  2. Wang, D.; Chen, Y.; Shen, C.; Zhong, J.; Peng, Z.; Li, C. Fully interpretable neural network for locating resonance frequency bands for machine condition monitoring. Mech. Syst. Signal. Process 2022, 168, 108673. [Google Scholar] [CrossRef]
  3. Qu, F.; Liu, J.; Liu, X.; Jiang, L. A multi-fault detection method with improved triplet loss based on hard sample mining. IEEE Trans. Sustain. Energy 2020, 12, 127–137. [Google Scholar] [CrossRef]
  4. Zou, Y.; Zhang, Y.; Mao, H. Fault diagnosis on the bearing of traction motor in high-speed trains based on deep learning. Alex. Eng. J. 2021, 60, 1209–1219. [Google Scholar] [CrossRef]
  5. Qin, Y.; Wang, X.; Zou, J. The optimized deep belief networks with improved logistic sigmoid units and their application in fault diagnosis for planetary gearboxes of wind turbines. IEEE Trans. Ind. Electron. 2019, 66, 3814–3824. [Google Scholar] [CrossRef]
  6. Shao, S.; Yan, R.; Lu, Y.; Wang, P.; Gao, R. DCNN-based multi-signal induction motor fault diagnosis. IEEE Trans. Instrum. Meas. 2020, 69, 2658–2669. [Google Scholar] [CrossRef]
  7. Yang, C.; Zhou, K.; Liu, J. SuperGraph: Spatial-temporal graph-based feature extraction for rotating machinery diagnosis. IEEE Trans. Ind. Electron. 2022, 69, 4167–4176. [Google Scholar] [CrossRef]
  8. Li, X.; Zhang, W.; Ding, Q.; Sun, J. Multi-layer domain adaptation method for rolling bearing fault diagnosis. Signal Process 2019, 157, 180–197. [Google Scholar] [CrossRef]
  9. Han, T.; Liu, C.; Yang, W.; Jiang, D. Deep transfer network with joint distribution adaptation: A new intelligent fault diagnosis framework for industry application. ISA Trans. 2019, 97, 269–281. [Google Scholar] [CrossRef]
  10. Li, Q.; Shen, C.; Chen, L.; Zhu, Z. Knowledge mapping-based adversarial domain adaptation: A novel fault diagnosis method with high generalizability under variable working conditions. Mech. Syst. Signal Process. 2021, 147, 107095. [Google Scholar] [CrossRef]
  11. Cui, M.; Wang, Y.; Lin, X.; Zhong, M. Fault diagnosis of rolling bearings based on an improved stack autoencoder and support vector machine. IEEE Sens. J. 2021, 21, 4927–4937. [Google Scholar] [CrossRef]
  12. Qian, Q.; Qin, Y.; Wang, Y.; Liu, F. A new deep transfer learning network based on convolutional auto-encoder for mechanical fault diagnosis. Measurement 2021, 178, 109352. [Google Scholar] [CrossRef]
  13. Deng, Z.; Wang, Z.; Tang, Z.; Huang, K.; Zhu, H. A deep transfer learning method based on stacked autoencoder for cross-domain fault diagnosis. Appl. Math. Comput. 2021, 408, 126–318. [Google Scholar] [CrossRef]
  14. Liu, H.; Liu, Z.; Jia, W.; Zhang, D.; Tan, J. A novel imbalanced data classification method based on weakly supervised learning for fault diagnosis. IEEE Trans. Ind. Inform. 2022, 18, 1583–1593. [Google Scholar] [CrossRef]
  15. Johnson, J.M.; Khoshgoftaar, T.M. Survey on deep learning with class imbalance. J. Big Data 2019, 6, 1–54. [Google Scholar] [CrossRef]
  16. Chawla, N.V.; Bowyer, K.W.; Hall, L.O.; Kegelmeyer, W.P. Smote: Synthetic minority over-sampling technique. J. Artif. Intell. Res. 2011, 16, 321–357. [Google Scholar] [CrossRef]
  17. Peng, P.; Zhang, W.; Zhang, Y.; Xu, Y.; Wang, H.; Zhang, H. Cost sensitive active learning using bidirectional gated recurrent neural networks for imbalanced fault diagnosis. Neurocomputing 2020, 407, 232–245. [Google Scholar] [CrossRef]
  18. Lin, T.-Y.; Goyal, P.; Girshick, R.; He, K.; Dolla´r, P. Focal loss for dense object detection. IEEE Trans. Pattern Anal. Mach. Intell. 2017, 42, 2980–2988. [Google Scholar]
  19. Li, W.; Shang, Z.; Gao, M.; Qian, S.; Zhang, B.; Zhang, J. A novel deep autoencoder and hyperparametric adaptive learning for imbalance intelligent fault diagnosis of rotating machinery. Eng. Appl. Artif. Intell. 2021, 102, 104279. [Google Scholar] [CrossRef]
  20. Li, Z.; Zheng, T.; Wang, Y.; Cao, Z.; Guo, Z.; Fu, H. A novel method for imbalanced fault diagnosis of rotating machinery based on generative adversarial networks. IEEE Trans. Instrum. Meas. 2021, 70, 1–17. [Google Scholar] [CrossRef]
  21. Ge, H.; Pan, H.; Wang, L.; Li, C.; Liu, Y.; Zhu, W.; Teng, Y. A semi-supervised learning method for hyperspectral imagery based on self-training and local-based affinity propagation. Eng. Appl. Artif. Intell. 2021, 42, 6391–6416. [Google Scholar] [CrossRef]
  22. Zhao, G.; Wang, T.; Li, Y.; Jin, Y.; Lang, C. Entropy-aware self-training for graph convolutional networks. Neurocomputing 2021, 464, 394–407. [Google Scholar] [CrossRef]
  23. Awan, H.H.; Waseem, S. Semi-supervised associative classification using ant colony optimization algorithm. PeerJ Comput. Sci. 2021, 7, e676. [Google Scholar] [CrossRef]
  24. Gretton, A.; Borgwardt, K.M.; Rasch, M.J.; Scho¨lkopf, B.; Smola, A. A kernel two-sample test. J. Mach. Learn. Res. 2012, 13, 723–773. [Google Scholar]
  25. Rizve, M.N.; Duarte, K.; Rawat, Y.S.; Shah, M. In defense of pseudo-labeling: An uncertainty-aware pseudo-label selection framework for semi-supervised learning. arXiv 2021, arXiv:2101.06329. [Google Scholar]
  26. Jiang, J.; Guo, M.; Yang, S. Fault diagnosis of rolling bearings based on GAF and DenseNet. Ind. Mine Autom. 2021, 47, 84–89. [Google Scholar]
  27. Wang, Z.; Oates, T. Imaging time-series to improve classification and imputation. In Proceedings of the Twenty-Fourth International Joint Conference on Artificial Intelligence, Buenos Aires, Argentina, 25–31 July 2015. [Google Scholar]
  28. Sun, S.; Ren, J. GASF–MSNN: A new fault diagnosis model for spatiotemporal information extraction. Ind. Eng. Chem. Res. 2021, 60, 6235–6248. [Google Scholar] [CrossRef]
  29. Cubuk, E.D.; Zoph, B.; Shlens, J.; Le, Q.V. Randaugment: Practical automated data augmentation with a reduced search space. In Proceedings of the 2020 IEEE/CVF Conference on Computer Vision and Pattern Recognition Workshops (CVPRW), Seattle, WA, USA, 14–19 June 2020; pp. 3008–3017. [Google Scholar]
  30. Viraj, P.; Shivam, K.; Deeksha, K.; Judy, H. Sentry: Selective entropy optimization via committee consistency for unsupervised domain adaptation. In Proceedings of the 2021 IEEE/CVF International Conference on Computer Vision (ICCV), Montreal, QC, Canada, 10–17 October 2021; pp. 8558–8567. [Google Scholar]
  31. Li, B.; Wang, Y.; Che, T.; Zhang, S.; Zhao, S.; Xu, P.; Zhou, W.; Bengio, Y.; Keutzer, K. Rethinking distributional matching based domain adaptation. arXiv 2020, arXiv:2006.13352. [Google Scholar]
  32. Case Western Reserve University Bearing Data Center. Available online: http://csegroups.case.edu/bearingdatacenter (accessed on 20 February 2022).
  33. Wang, B.; Lei, Y.; Li, N.; Li, N. A hybrid prognostics approach for estimating remaining useful life of rolling element bearings. IEEE Trans. Reliab. 2020, 69, 401–412. [Google Scholar] [CrossRef]
  34. Tan, S.; Peng, X.; Saenko, K. Class-imbalanced domain adaptation: An empirical odyssey. In Proceedings of the European Conference on Computer Vision, Glasgow, UK, 23 August 2020; pp. 585–602. [Google Scholar]
  35. Ganin, Y.; Lempitsky, V. Unsupervised domain adaptation by backpropagation. Proc. Mach. Learn. Res. 2015, 37, 1180–1189. [Google Scholar]
  36. Sun, B.; Saenko, K. Deep coral: Correlation alignment for deep domain adaptation. In Computer Vision—ECCV 2016 Workshops. ECCV 2016; Lecture Notes in Computer Science; Springer: Cham, Switzerland, 2016; Volume 9915, pp. 443–450. [Google Scholar]
  37. Long, M.; Cao, Y.; Wang, J.; Jordan, M. Learning transferable features with deep adaptation networks. arXiv 2015, arXiv:1502.02791. [Google Scholar]
  38. Long, M.; Cao, Z.; Wang, J.; Jordan, M. Conditional adversarial domain adaptation. In Proceedings of the NIPS’18: 32nd International Conference on Neural Information Processing Systems, Montréal, QC, Canada, 3–8 December 2018; pp. 1647–1657. [Google Scholar]
  39. Maaten, L.V.; Hinton, G. Visualizing data using t-SNE. J. Mach. Learn. Res. 2008, 9, 2579–2605. [Google Scholar]
Figure 1. Illustration of FD methods with imbalanced data: (a) Original imbalanced dataset. (b) Conventional FD classification result. (c) FD result of our proposed method.
Figure 1. Illustration of FD methods with imbalanced data: (a) Original imbalanced dataset. (b) Conventional FD classification result. (c) FD result of our proposed method.
Mathematics 11 02110 g001
Figure 2. Framework of the UDA-EO.
Figure 2. Framework of the UDA-EO.
Mathematics 11 02110 g002
Figure 3. Examples for RandAugment in UDA-EO.
Figure 3. Examples for RandAugment in UDA-EO.
Mathematics 11 02110 g003
Figure 4. Average accuracies (%) of IR1 in terms of different transfer scenarios.
Figure 4. Average accuracies (%) of IR1 in terms of different transfer scenarios.
Mathematics 11 02110 g004
Figure 5. Average accuracies (%) of IR2 in terms of different transfer scenarios.
Figure 5. Average accuracies (%) of IR2 in terms of different transfer scenarios.
Mathematics 11 02110 g005
Figure 6. Average accuracies (%) of IR3 in terms of different transfer scenarios.
Figure 6. Average accuracies (%) of IR3 in terms of different transfer scenarios.
Mathematics 11 02110 g006
Figure 7. Feature visualization of IR2 on C 23 experiment: (a) CNN. (b) Deep coral. (c) DAN. (d) DANN. (e) CDAN. (f) Ours. Numbers 0–10 represent the labels of different fault statuses.
Figure 7. Feature visualization of IR2 on C 23 experiment: (a) CNN. (b) Deep coral. (c) DAN. (d) DANN. (e) CDAN. (f) Ours. Numbers 0–10 represent the labels of different fault statuses.
Mathematics 11 02110 g007
Figure 8. Performance improvements on different IRs in CWRU bearing datasets: (a) Healthy. (be) are the classification results of experiments C 12 , C 21 , C 23 and C 32 on IR1, respectively. (fi) are the classification results of experiments C 12 , C 21 , C 23 and C 32 on IR2, respectively.
Figure 8. Performance improvements on different IRs in CWRU bearing datasets: (a) Healthy. (be) are the classification results of experiments C 12 , C 21 , C 23 and C 32 on IR1, respectively. (fi) are the classification results of experiments C 12 , C 21 , C 23 and C 32 on IR2, respectively.
Mathematics 11 02110 g008
Figure 9. Performance on C 23 experiment with IR1: (a) CNN. (b) UDA-EO. (c) The improvement on per-class accuracy after using UDA-EO.
Figure 9. Performance on C 23 experiment with IR1: (a) CNN. (b) UDA-EO. (c) The improvement on per-class accuracy after using UDA-EO.
Mathematics 11 02110 g009
Table 1. Fault statuses of the bearings from the CWRU dataset.
Table 1. Fault statuses of the bearings from the CWRU dataset.
Bearing ConditionFault Diameters (inch)LabelWorking Condition
Normal001HP: 1772 rpm
2HP: 1750 rpm
3HP: 1730 rpm
Ball0.0071
Outer race0.0072
Ball0.00143
Inner race0.00144
Outer race0.00145
Ball0.00216
Inner race0.00217
Outer race0.00218
Ball0.00289
Inner race0.002810
Table 2. Fault statuses of the bearings from the XJTU dataset.
Table 2. Fault statuses of the bearings from the XJTU dataset.
FaultOuter RaceInner RaceCage
Fault label012
Working condition1HP: 2100 rpm, 12 KN
2HP: 2250 rpm, 11 KN
3HP: 2400 rpm, 10 KN
Table 3. Detailed data distributions (%) of Imbalance settings.
Table 3. Detailed data distributions (%) of Imbalance settings.
LabelIR1IR2IR3
022.3026.2828.92
117.7219.6520.64
214.0514.6914.95
311.1510.9810.75
48.848.217.72
57.016.135.55
65.564.583.99
74.413.432.87
83.502.562.06
93.172.011.48
102.191.431.07
Table 4. Detailed information of diagnosis experiments.
Table 4. Detailed information of diagnosis experiments.
Transfer experiment C 12 , C 21 , C 23 , C 32 , X 12 , X 21 , X 23 , X 32
Data division 80 % for training and 20 % for testing
IRsIR1: 10.16 ; IR2: 18.38 ; IR3: 27.03
Table 5. Detailed parameters of UDA-EO in the experiments.
Table 5. Detailed parameters of UDA-EO in the experiments.
Learning RateOptimizerEpochBatch SizeTransformation NumberPenalty Coefficients
i α β γ
0.001 SGD901631 0.1 1
Table 6. Average accuracies (%) of IR1 in terms of different transfer scenarios.
Table 6. Average accuracies (%) of IR1 in terms of different transfer scenarios.
TasksCNNDANNDANDeep CoralCDANProposed
C 12 88.43 ± 1.9381.79 ± 6.7089.25 ± 2.0390.46 ± 1.3086.24 ± 3.3196.94 ± 1.48
C 21 91.39 ± 4.1481.76 ± 5.6787.00 ± 2.0589.83 ± 2.5880.00 ± 1.3594.58 ± 0.68
C 23 88.29 ± 3.0284.12 ± 6.4989.19 ± 1.0589.59 ± 0.9985.19 ± 4.0897.28 ± 0.57
C 32 94.30 ± 1.0985.00 ± 9.2489.36 ± 1.6890.84 ± 1.2483.96 ± 2.4997.03 ± 0.69
X 12 97.89 ± 1.8982.88 ± 12.8276.57 ± 3.86100 ± 0.0597.85 ± 1.32100 ± 0.03
X 21 50.11 ± 0.3386.82 ± 5.4189.96 ± 1.6394.74 ± 0.7368.89 ± 12.698.68 ± 0.55
X 23 78.33 ± 7.6582.98 ± 2.9381.67 ± 4.1276.52 ± 2.0388.94 ± 4.4199.26 ± 0.48
X 32 89.12 ± 8.6496.71 ± 2.1990.68 ± 3.2899.78 ± 0.2682.32 ± 2.7499.89 ± 0.33
Average84.73 ± 14.1185.26 ± 4.6186.71 ± 4.6691.47 ± 6.9284.17 ± 7.6697.96 ± 1.73
Table 7. Average accuracies (%) of IR2 in terms of different transfer scenarios.
Table 7. Average accuracies (%) of IR2 in terms of different transfer scenarios.
TasksCNNDANNDANDeep CoralCDANProposed
C 12 88.53 ± 1.8080.29 ± 8.7387.75 ± 1.5290.26 ± 1.5784.86 ± 2.2696.47 ± 0.73
C 21 91.69 ± 3.0575.30 ± 9.3183.03 ± 2.4486.11 ± 2.2781.59 ± 3.7194.96 ± 1.15
C 23 89.35 ± 1.8485.97 ± 5.9889.71 ± 1.3091.33 ± 1.4390.06 ± 3.5998.01 ± 0.62
C 32 86.78 ± 0.5684.80 ± 5.0090.43 ± 1.7991.47 ± 1.3685.81 ± 1.6897.13 ± 0.88
X 12 98.34 ± 1.1772.93 ± 10.3269.24 ± 1.6598.84 ± 1.37100 ± 0.02100 ± 0.02
X 21 51.03 ± 1.0041.01 ± 9.7850.76 ± 1.3434.14 ± 2.9154.70 ± 12.4499.47 ± 0.53
X 23 68.51 ± 3.5573.84 ± 3.3068.89 ± 3.0270.96 ± 2.3173.74 ± 4.2197.29 ± 1.54
X 32 98.74 ± 0.9484.64 ± 6.3077.03 ± 2.2799.45 ± 0.2678.74 ± 2.3499.97 ± 0.01
Average84.12 ± 15.2774.85 ± 13.6877.11 ± 12.7882.82 ± 20.1881.19 ± 12.4097.91 ± 1.69
Table 8. Average accuracies (%) of IR3 in terms of different transfer scenarios.
Table 8. Average accuracies (%) of IR3 in terms of different transfer scenarios.
TasksCNNDANNDANDeep CoralCDANProposed
C 12 91.34 ± 0.6481.61 ± 3.5486.79 ± 1.9589.10 ± 1.5683.34 ± 1.9596.27 ± 0.76
C 21 93.20 ± 2.8581.62 ± 5.1484.05 ± 2.9186.83 ± 2.9177.05 ± 0.7694.81 ± 1.48
C 23 87.57 ± 3.1783.63 ± 6.8089.12 ± 1.5090.71 ± 1.4383.11 ± 3.1997.98 ± 0.41
C 32 90.02 ± 0.4078.96 ± 10.1989.33 ± 2.2289.22 ± 1.3681.67 ± 4.9496.25 ± 1.11
X 12 95.28 ± 1.3273.93 ± 11.1864.44 ± 2.5396.96 ± 1.4399.90 ± 0.299.94 ± 0.12
X 21 50.77 ± 0.4643.22 ± 5.0747.87 ± 0.7432.12 ± 3.0243.63 ± 1.9898.51 ± 0.12
X 23 85.83 ± 2.7194.88 ± 1.0672.32 ± 6.6078.58 ± 3.2778.48 ± 5.7599.69 ± 0.27
X 32 98.63 ± 0.8379.39 ± 4.6470.10 ± 4.3382.12 ± 2.1382.32 ± 2.7499.82 ± 0.37
Average86.58 ± 14.0677.16 ± 13.9975.50 ± 13.7080.71 ± 19.0776.87 ± 15.197.85 ± 1.91
Table 9. Fault diagnosis performances under varying penalty coefficients.
Table 9. Fault diagnosis performances under varying penalty coefficients.
Parameters β = 0.1 β = 0.3 β = 0.5 β = 1
γ = 0.1 89.4195.1991.6397.99
γ = 0.5 98.8299.1999.5697.65
γ = 1 99.5999.4198.3098.64
Table 10. Ablation case on IR3.
Table 10. Ablation case on IR3.
Ablation Case C 12 C 21 C 23 C 32
W/o conditional entropy91.3493.2087.5790.02
W/o L E O 96.2893.4794.9794.43
Ours96.2794.3697.9896.25
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Liu, F.; Chen, Y.; Deng, W.; Zhou, M. Entropy-Optimized Fault Diagnosis Based on Unsupervised Domain Adaptation. Mathematics 2023, 11, 2110. https://doi.org/10.3390/math11092110

AMA Style

Liu F, Chen Y, Deng W, Zhou M. Entropy-Optimized Fault Diagnosis Based on Unsupervised Domain Adaptation. Mathematics. 2023; 11(9):2110. https://doi.org/10.3390/math11092110

Chicago/Turabian Style

Liu, Fuqiang, Yandan Chen, Wenlong Deng, and Mingliang Zhou. 2023. "Entropy-Optimized Fault Diagnosis Based on Unsupervised Domain Adaptation" Mathematics 11, no. 9: 2110. https://doi.org/10.3390/math11092110

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