Next Article in Journal
Validation of Inertial-Measurement-Unit-Based Ex Vivo Knee Kinematics during a Loaded Squat before and after Reference-Frame-Orientation Optimisation
Next Article in Special Issue
The Piston Slap Force Reconstruction of Diesel Engine Using WOA-VMD and Deconvolution
Previous Article in Journal
Personnel Detection in Dark Aquatic Environments Based on Infrared Thermal Imaging Technology and an Improved YOLOv5s Model
Previous Article in Special Issue
Lightweight Knowledge Distillation-Based Transfer Learning Framework for Rolling Bearing Fault Diagnosis
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

A Reinforcement Ensemble Learning Method for Rolling Bearing Fault Diagnosis under Variable Work Conditions

1
School of Automation, Northwest Polytechnic University, Xi’an 710072, China
2
Xi’an Modern Control Technology Research Institute, Xi’an 710065, China
3
Key Laboratory of Road Construction Technology & Equipment Ministry of Education, Chang’an University, Xi’an 710061, China
4
Advanced Power Research Institute, Northwest Polytechnic University, Xi’an 710072, China
*
Author to whom correspondence should be addressed.
Sensors 2024, 24(11), 3323; https://doi.org/10.3390/s24113323
Submission received: 2 April 2024 / Revised: 17 May 2024 / Accepted: 18 May 2024 / Published: 23 May 2024
(This article belongs to the Special Issue Advanced Sensing for Mechanical Vibration and Fault Diagnosis)

Abstract

:
Ensuring the smooth operation of rolling bearings requires a precise fault diagnosis. Particularly, identifying fault types under varying working conditions holds significant importance in practical engineering. Thus, we propose a reinforcement ensemble method for diagnosing rolling bearing faults under varying working conditions. Firstly, a reinforcement model was designed to select the optimal base learner. Stratified random sampling was used to extract four datasets from raw training data. The reinforcement model was trained by these four datasets, respectively, and we obtained four optimal base learners. Then, a sparse ANN was designed as the ensemble model and the reinforcement learning model that can successfully identify the fault type under variable work conditions was constructed. Extensive experiments were conducted, and the results demonstrate the superiority of the proposed method over other intelligent approaches, with significant practical engineering benefits.

1. Introduction

Modern large rotating machinery often runs in extreme environments, and in the case a failure occurs, the consequences will be catastrophic. And because rolling bearings are an important part of rotating machinery, it is vital to ensure their safe operation [1]. Hence, the precise identification of the health status of rolling bearings is crucial for the smooth and effective operation of large machinery and equipment [2]. Particularly in the face of the current increasingly complex working conditions, rolling bearings often need to operate at different speeds and under different loads, and so it has become a new challenge to accurately identify the operating conditions under different work conditions.
Currently, transfer learning is often used to conduct fault diagnosis problems under different work conditions. For instance, Wu et al. introduced a deep transfer maximum classifier discrepancy approach for diagnosing rolling bearing faults [3]. He et al. proposed a transfer fault diagnosis method using an enhanced deep auto-encoder [4]. However, these methods still rely on data distribution and cannot intelligently extract similar fault features through the network structure.
Recently, deep learning models have replaced shallow network models and have been extensively applied in fault diagnoses with remarkable results [5,6,7,8]. For instance, Lin et al. proposed a counter-based open-circuit switch method for a single-phase cascaded h-bridge multilevel converter [9]. Zhao et al. proposed a life prediction method based on a digital twin-driven model [10]. Mochammad et al. designed a bearing fault degradation model based on a multitime window fusion unsupervised health indicator [11]. Zhang et al. proposed a model-based analysis method for bearing daults [12].
As the research of intelligent diagnosis methods deepens, the network structure is becoming more and more complex, and selecting the appropriate network model often requires a lot of labor and time costs. Therefore, researchers began to explore automatic methods for building deep learning models based on different tasks [13,14,15]. Currently, reinforcement learning is widely used in this approach due to its powerful autonomous decision-making capabilities. For instance, the Google DeepMind team employed reinforcement learning to discover the optimal neural network structure [16]. Wang et al., on the other hand, introduced a reinforcement-based neural architecture search approach for diagnosing rolling bearing faults [17].
Ensemble learning is an effective deep learning method, and the mainstream ensemble learning methods still combine some weak models to improve the overall performance, and its integration effect mainly depends on the diversity of the models and integration strategies. The ensemble policies are mostly voting methods. For example, Li et al. introduced an improved selective ensemble deep learning approach for fault diagnosis [18]. Feng et al. proposed an ensemble learning method for classifying failure modes and predicting bearing capacity [19]. In this paper, the ensemble learning method is combined with intelligent modules. The first module is a reinforcement learning module, which is used to intelligently select the base model that can identify the same fault type under different operating states. The second module is a sparsely connected artificial neural network (SCANN) model for constructing the ensemble strategies.
Therefore, a Reinforcement Ensemble Learning Method (RELM) is proposed for rolling bearing fault diagnoses under variable work conditions. Firstly, data of identical fault types under varying working conditions are consistently labeled, and four training sets are randomly selected using a reinforcement learning model hierarchically. Secondly, the reinforcement learning model is trained by a policy gradient method, and four different optimal network structures are selected for the four different datasets, and the selected optimal network structures are used as the base models. Finally, a sparse artificial neural network (SCANN) is constructed as an ensemble model, and the output of the base model considered is the input feature of the ensemble model. The proposed method is validated with a high-speed aeronautical bearing dataset; the experimental results demonstrate the effectiveness of the proposed method, and the main contributions are listed as follows.
(1)
The RELM is proposed for rolling bearing fault diagnoses under variable working conditions. In contrast to traditional transfer learning methods, the RELM does not need to deal with the data distribution under different work conditions but directly seeks the optimal network structure that can extract key features reflecting the fault condition.
(2)
A reinforcement learning method is applied to design an optimal network structure selection model. Intelligent methods are used to replace the significant labor and time costs previously required to design deep learning models.
(3)
A SCANN was constructed to effectively reduce the overfitting problem of the secondary classifier.
The rest of this paper is organized as follows: the theoretical basis is introduced in Section 2. The proposed method is explained in detail in Section 3. Experimental verification is carried out in Section 4, and the conclusion is summarized in Section 5.

2. Reinforcement Learning

Reinforcement learning is utilized to describe and solve the task of an intelligent agent learning a policy to reach reward maximization or achieve a specific goal during its interaction with the environment. As depicted in Figure 1, the agent chooses actions, and the environment responds with feedback, causing the agent to transition to a new environment. Simultaneously, the environment provides rewards, and the agent strives to maximize these rewards over time [20].
Reinforcement learning can be viewed as a Markov Decision Process (MDP), representing the interaction between an agent and its environment. This MDP comprises a quadruplet. M D P = S , A , P , R : When the agent is in an environment E , S represents the state space. Each state, denoted as s S , describes the environment perceivable by the agent, and the agent’s possible actions make up the action space A ; when the agent implements action a A on the current state s , the environment will transfer from the current state to another state with certain probability P ; meanwhile, the environment will give the agent a reward according to the potential reward function R [21].
Hence, a value function is defined to represent the long-term rewards under policy π in the current state. The value function combines the current reward with the cumulative subsequent reward, essentially capturing the expectation of cumulative rewards. The state value function of state s under policy π is denoted as V π ( s ) .
V π s = E π t = 0 γ t r t s t = s
where E π represents the expectation under policy π , which is the expected value of selecting actions according to policy π . t = 0 γ t r t s t represents the discounted sum of rewards r t obtained at each time step t . γ 0,1 is the discount factor.
Expanding V π s , in which r t denotes the reward at the future time t and s refers to the next state.
V π s = E π r s s , a + γ V π s s t = s
The state s t at moment t and s t + 1 at moment t + 1 are related through a recurrence relation, leading to the deduction of the Bellman equation as follows:
V π s = E π r t + 1 + γ V π s t + 1 s t = s
Given a policy π and an initial state s , taking action a = π ( s ) leads to transitioning to the next state s , with a probability P s s , a . Consequently, the expectation E π of the equation can be expanded as
V π s = s , S P s , s , a r s , s , a + γ V π s ,
where r represents the immediate reward obtained when transitioning from state s to state s′ by taking action a. The initial action, denoted as a , is determined by the policy π and the state s . G t represents the return, which is the cumulative discounted reward obtained after time step t .Taking into account the value influence of action a , the action value function can be expressed as follows:
Q π s , a = E π G t s t = s , a t = a = E t = 0 γ t r t s t = s , a t = a
Similarly, the Bellman equation for the action value function can be expressed as follows:
Q π s , a = E π r t + 1 + γ Q π s t + 1 , a t + 1 s t = s , a t = a
The system will transition to the next state s , based on policy π , with a probability denoted as P s s , a :
V π s = s S P s s , a r s s , a + γ V π s
The optimal policy is determined by maximizing the value function under various initial conditions. This involves finding the policy π that achieves this optimization.
V * s = max π V π s = max a Q * s , a
Q * s , a = max π Q π s = r + γ s S P s s V * s
Q * s , a = r + γ s S P s s max a Q * s , a
In which Pss′ represents the transition probability from state ss to state s′ under the action a . In order to fit V π s and Q π s , a by the parameter θ . A function of the neural network is used to approximate V π s and Q π s , a [22].
V θ s V π s
Q θ s , a Q π s , a
Parameterize the policy as π θ s , a = Ρ a s , θ , use the model-free approach, put the agent into an uncertain dynamic environment, and use the initial value method for the objective function:
J θ = V π θ s = E r t + 1 + γ r t + 2 + γ 2 r t + 3 + π θ
In which J θ represents the expectation operator under the policy πθ. To maximize J θ , that means, seek a set of parameter vectors θ to maximizes J θ . Gradient descent is used to calculate θ J θ :
θ J θ = J θ θ 1 J θ θ n
For multi-step MDPs, the policy gradient method is approached by the likelihood rate, where the value function is the sum of the multi-step values, using Q π s , a to replace the reward value R   s , a of a single step:
θ J θ = E π θ θ l o g π θ s , a Q π θ s , a
The Monte Carlo policy gradient method using stochastic gradient ascent method to update the parameter θ by sampling; the updated formula:
θ t + 1 θ + α θ l o g π θ s t , a t v t
Add a baseline function b s , the equation can be modified to
θ J θ = E π θ θ l o g π θ s , a Q π θ s , a b s

3. The Proposed Method

3.1. The Generation of Baseline Model

At present, deep learning methods are widely used and have achieved good results in fault diagnosis. However, how to select the optimal hyperparameters of a neural network is still a difficult task. Some optimization methods have been used to optimize the network structure but they have not been widely used due to efficiency and network structure constraints [23,24,25]. However, due to the variable data distribution of different datasets and the black box characteristics of the deep learning model architecture, it is difficult to summarize the relevant laws. The selection of a network structure still mainly relies on human experience. Therefore, there is an urgent need to develop intelligent methods for automatically selecting neural network structures.
In this paper, a reinforcement learning model for optimal network structure selection is presented. The reinforcement learning model, illustrated in Figure 2, can be seen as a quadruplet comprising a controller, actions, child models, and rewards. First, the controller generates a series of actions to construct the child model network structure. Then, the child model is trained using the corresponding dataset, and its classification accuracy is obtained. This accuracy is fed back to the controller as a reward. Due to the non-differentiable nature of the reward function, the controller parameters are updated using the policy gradient of reinforcement learning methods. These steps are iteratively performed to select the optimal child model. The specific structure and function of each module are explained as follows.
  • Controller. The controller consists of Gated Recurrent Unit (GRU) cells, which we use to generate actions that represent the structure of the child model. The calculation process can be developed as follows:
z t = s i g W z · h t 1 , x t + b z
r t = s i g W r · h t 1 , x t + b r
h ~ t = t a n h W · r t h t 1 , x t + b h
h t = 1 z t h t 1 + z t h ~ t
In which, x t is the input state, h t is the output state and c t represents cell state at time t . W z is the connection matrix for input x t and update gate, W r is the connection matrix for input x t and rest gate, W is the weights connected with the cell state c t . b z , b r , and b h are the bias vectors.
In this paper, the controller’s structure consists of a one-hidden-layer GRU connected to a softmax classifier. The fundamental architecture of the controller is illustrated in Figure 3. The input to the controller is the child model network structure from the previous time step, and the output consists of predicted actions used to construct the child model.
In which θ denotes controller parameters, the objective function J θ can be denoted as follows:
J θ = 1 8 t t = 1 8 t P ^ l o g P + λ θ 2
J θ is the sum of cross entropy loss and regularization loss. λ represents the weight decay parameter. The exploration rate μ is 80%. t stands for the number of generated child models of the current dataset, which is set to be 20.
Currently, Adam, RMSProp, AdaDelta, and stochastic gradient descent (SGD) are commonly used optimization algorithms. However, there are currently no established guidelines for determining which optimization algorithm yields the best results. This means that the selection of the optimization algorithm is essentially based on experiments. To overcome the effects of different optimization algorithms on the selection of network structures, the controller is selected for each of the four different optimization algorithms when carrying out the selection of the four base model structures in this paper.
  • Action. Actions are the laws that link the controller to the child model. Actions are generated by the controller and are used to select the sub-model network structure. After each parameter update, the controller produces a list of actions A = a 1 , a 2 , , a 8 , in which a 1 , a 2 is the value of kernels and filters in the first convolution layer, a 3 , a 4 is the value of kernels and filters in the second convolution layer, and the rest, a 5 , a 6 and a 7 , a 8 , may be deduced by analogy.
  • Child model. The child model is constructed by actions generated in the previous step. To ensure efficiency and minimize computational effort, we predefined the search space for the child model as a four-layer convolutional structure, each layer consisting of kernels and filters, with the values of the kernels chosen from [1 × 1] and [3 × 3] and the values of the filters chosen from 16, 32, and 64. Each child model contains an input layer, four-layer convolutional layers, a global average pooling layer, and a fully connected layer. At iteration t , the controller produces new actions, trains the child model with the corresponding dataset, and obtains an accuracy a c c t .
  • Reward ( R ). The configuration of the reward system is pivotal for optimizing the selection of the child model structure in terms of efficiency and effectiveness. To maximize cumulative rewards, an exponentially weighted average method is employed. In this method, the accuracy obtained at each iteration is assigned different weights following an exponential decay function.
The exponentially weighted average accuracy E W A t at iteration t can be calculated as follows:
E W A t = β t 1 1 β a c c 1 + β t 2 1 β a c c 1 + + β 1 β a c c t 1 + 1 β a c c t
In order to balance the current accuracy and the historical accuracy, β is selected as 0.8.
After adding the bias correction:
E W A t = E W A t 1 β t
The cumulative reward R t set to be a c c t at t iterations minus E W A t .
R t = a c c t E W A t
To select the optimal child model, which is required to maximize the cumulative reward R t , the objective function of the controller can be written as
L θ = E P a 1 : 8 ; θ R t
R t is none-differentiable, the hyperparameters θ of the controller are updated using a policy gradient method.
θ L θ = E P a 1 : 8 ; θ θ J θ R t
θ L θ = 1 t k = 1 t θ J θ R t
To reduce variance, the bias term b is introduced:
1 t k = 1 t θ J θ R m b
After adding the discount factor γ , θ L θ can be modified as
θ L θ = 1 t k = 1 t θ J θ γ t t R m b
in which γ is 0.99.

3.2. Cross-Validation Method

Traditional training methods commonly employ the complete training dataset, which can easily lead to overfitting. Currently, cross-validation methods are applied to integrated methods, which can improve data utilization and effectively prevent overfitting and underfitting [26].
The main concept of the cross-validation method is shown in Figure 4. Divide the original training dataset into four subsets, with three subsets serving as the training set and the other subset serving as the verification set. For each iteration, use a subset of three training sets to train the model and use the remaining subset of one verification set to validate the performance of the model. The reinforcement model is trained with four datasets, respectively, so as to obtain the optimal network structure suitable for the current dataset as the base model. Eventually, four base models with different network structures can be obtained.
The detailed process of this method is (1) the fault data samples of the same type collected in different working conditions are directly assigned with the same labels to construct the training dataset; (2) the original data are divided into training sets and a test set; (3) the reinforcement models are trained with four datasets, and the controller optimization algorithms are selected as Adam, RMSProp, AdaDelta, and SGD, respectively, to obtain the optimal network structure suitable for the current dataset; (4) the four optimal network structures serve as base models, and their output matrices from the test results are preserved as input features for the subsequent ensemble model in constructing the reinforcement learning model.

3.3. The Sparse Artificial Neural Network

Traditional ensemble strategies like voting methods, bagging, or boosting typically employ shallow networks for their upper layer models and attempt to enhance performance by adjusting the weights of the base models, but they have limitations. To overcome these limitations, this paper employs a stacking ensemble strategy that uses deep learning models for the upper layer. The likelihood matrix output by the base models is utilized as input features for the upper model.
To optimize the ensemble model and prevent overfitting of the secondary learning machine, a sparse artificial neural network (SANN) is constructed as the ensemble model. The structure of the SANN is illustrated in Figure 5, comprising an input layer, three hidden layers, and an output layer.
The neural network contains four layers; the dimensionality of the input vector is 64, and the output vector is five-dimensional. The output vectors of each layer are represented as follows.
Input layer:
y l 4 = y 1 l 4 , y 2 l 4 , , y 64 l 4 T
First hidden layer:
y l 3 = y 1 l 3 , y 2 l 3 , , y 64 l 3 T
Second hidden layer:
y l 2 = y 1 l 2 , y 2 l 2 , , y 32 l 2 T
Third hidden layer:
y l 1 = y 1 l 1 , y 2 l 1 , , y 16 l 1 T
Output layer:
y l = y 1 l , y 2 l , , y 5 l T
The weight matrix and bias vector for each layer are w l 3 , b l 3 ; w l 2 , b l 2 ; w l 1 , b l and w l , b l . The active functions of each layer are f l 3 , f l 2 , f l 1 and f l .
To address overfitting issues resulting from excessive feature learning, half of the feature detectors are randomly omitted in each batch. Consequently, during forward propagation, the activation values of specific neurons are set to 0 with a probability of P, enhancing the network’s generalization.
Thus, the expression of hidden layer one is obtained:
r j l 4 ~ B e r n o u l l i p
y ~ l 4 = r l 4 y l 4
n e t i l 3 = j = 1 64 W i , j l 3 y ~ j l 4 + b i l 3 , 1 i 64
y l 3 = f l 3 n e t l 3 = r e l u n e t l 3
where each element in n e t l 3 represents the weighted sum of the input layer vector and the bias vector. Bernoulli function is used to generate the probability vector r, which means it randomly produces the vector of 0 or 1.
And so on, for layer l :
r j l 1 ~ B e r n o u l l i p
y ~ l 1 = r l 1 y l 1
n e t i l = j = 1 16 W i , j l y ~ j l 1 + b i l , 1 i 5
y l = f l n e t l = s i g n e t l
During the training of the sparse network, the process involves randomly removing half of the hidden neurons while keeping the input and output neurons intact. The input features are then forwarded through the altered network, and the loss function is backpropagated through this modified network. By employing the random gradient descent method, a small set of training samples is used to update the parameters of the undeleted neurons. Subsequently, the deleted neurons are restored (during this phase, the deleted neurons remain unchanged, and the undeleted neurons are updated), and this training process is repeated until the training is complete.

3.4. General Procedures of Proposed Method

To address the challenges of fault diagnosis under variable working conditions, this paper presents a reinforcement ensemble method. It automatically selects base learners and combines them using a sparse artificial neural network. The schematic representation of the proposed method is depicted in Figure 6, and the detailed procedures are outlined as follows:
(1)
The fault data samples of the same type collected under different working conditions are directly assigned with the same labels to construct the training dataset.
(2)
The original data are divided into training sets and a test set.
(3)
The reinforcement models are trained with four training datasets to obtain four optimal network structures; the controller optimization algorithms are selected: Adam, RMSProp, AdaDelta, and SGD, respectively.
(4)
The sparse artificial neural network is designed as the ensemble model, and the four optimal network structures obtained in the previous step are used as the base learners.
(5)
The output matrix of the base learners is used as the input feature of the ensemble model.
(6)
The proposed method is verified with a high-speed aerospace bearings dataset under variable work conditions.

4. Experimental Verification

4.1. Introduction of Experimental Dataset

This paper was validated through data collected from experiments conducted on a test rig established at the DIRG Lab within the Department of Mechanical and Aerospace Engineering. The test rig is purposefully designed to evaluate high-speed aerospace bearings, capturing acceleration data across varying speeds, radial loads, and damage levels. The test stand, as depicted in Figure 7, consists of a high-speed spindle with a rotating drive shaft. The spindle’s main body is securely fastened to a robust stand placed on a substantial steel base plate. The spindle’s speed is regulated via the inverter’s control panel. On the same base plate, two brackets hold two identical roller-bearing outer rings (positions B1 and B3). The inner rings of these bearings are connected to a short hollow shaft that is custom-designed for operation at speeds of up to 35,000 rpm. During the experiment, the precision sledge connected to the outer ring of the bearing is rotated and pulled by the nut, compressing two parallel springs to generate the required load [27].
The test data were gathered by measuring the acceleration of the bearing support and the electric spindle. For this purpose, a triaxial IEPE-type accelerometer was employed. This accelerometer is capable of recording frequencies within the range of 1 to 12,000 Hz (with an amplitude tolerance of ±5% and phase tolerance of ±10°). It features a nominal frequency of 55 kHz and a nominal sensitivity of 1 mV/ms−2.
Radial acceleration data were collected from bearings under various conditions, including different levels of damage, operating speeds, and loads. The conditions used were as follows: Nominal speed: 100 Hz, and nominal load: 0 N. Nominal speed: 200 Hz, and nominal load: 1000 N. Nominal speed: 300 Hz, and nominal load: 1800 N. Under these different operating conditions, the radial accelerations of the bearings were measured. Training and test samples were collected at a sampling rate of 51,200 Hz.
The dataset contained three different fault domains, each containing 4500 samples. Therefore, the original data consisted of 13,500 samples. To ensure the independence of the test samples. The 13,500 samples were divided into training samples and test samples, of which 9000 samples were training data and 4500 samples were test data. We divided the training data into four subsets, each containing 2250 samples, with three subsets serving as the training set and the other as the validation set. For each iteration, we used a subset of three training sets to train the model and the remaining subset of one validation set to validate the performance of the model.
Meanwhile, in order to ensure the fairness of the experiment, the test set consisted of 2250 randomly selected test samples from 4500 test samples, which were used to verify the performance of the proposed method and other comparative methods. Table 1 provides details about three distinct fault domains, while Table 2 describes the various fault types within each domain. Raw signals collected under different working conditions using the accelerometer are illustrated in Figure 8, Figure 9 and Figure 10.

4.2. The Effectiveness of Proposed Learning

To verify the REM method proposed in this paper, four datasets were trained with the reinforcement model for 20 epochs to obtain the four base models. The base models were adopted as base learners of the ensemble model. The structures of four base learners are shown in Table 3.
Using the above four convolutional models as the base learners, followed by a sparse artificial neural network (SANN) as the secondary trainer, the hidden layer structure of SANN was 64-32-16, and the activation function was the relu function. The reinforcement ensemble model was constructed and executed ten times under consistent conditions, resulting in the average accuracy presented in Table 4. The visual representation of the test results can be seen in Figure 11.
The test results illustrate that the highest accuracy among these base classifiers is of base learner two, which can reach 97.90%. Base learner one has a slightly lower accuracy than base learner two and base learner three, and the worst is base learner four, which has a test accuracy of 94.71%. Among them, the four base classifiers have better recognition of fault type two and fault type four, and the average accuracy can reach more than 99%. The next is the fifth fault type, except for base learner four, whose average accuracy is 94.71%, and the other three base learners can reach more than 98%. In contrast, the recognition accuracy of the first and third fault types is poor in general.
After ensembling the base model with SANN, the overall accuracy has improved significantly, and the average accuracy can achieve over 99%. The accuracy of the first and third types of faults can reach more than 98%, and the accuracy of the remaining three types of faults is close to 100%.
In summary, the reinforcement ensemble learning model efficiently selects the base models, and the sparse artificial neural network (SANN) as a secondary learning machine notably enhances the accuracy in recognizing various types of faults.
The confusion matrix analysis reveals interesting patterns in the performance of the base learners. Base learner one tends to struggle with the third fault type, often misclassifying it as the first fault type. Similarly, the first fault type frequently gets misclassified as the third fault type. In contrast, the second and fourth fault types exhibit high accuracy in base learner one. Base learner two follows a similar pattern, with the first fault type having low accuracy and frequently being misclassified as the third fault type. The second, fourth, and fifth fault types achieve accuracy rates exceeding 99%. Base learner three exhibits lower accuracy for the third fault type and often mistakes it for the first fault type. The first fault type, again, is prone to being misclassified as the third fault type. Base learner four shares characteristics with the other learners, with the first fault type showing lower accuracy and often getting misclassified as the third fault type, along with the third fault type itself. The fifth fault type is also commonly misclassified as the third fault type. These insights highlight the strengths and weaknesses of each base learner when dealing with specific fault types. The ensemble model aims to leverage these differences to improve overall fault diagnosis performance. (See Figure 12).
After being ensembled by SANN, it can be found that the accuracy of both the first and third fault types improves significantly and reaches above 98%. The accuracy of the remaining three types of faults is also above 99%. The proposed method has successfully improved diagnostic accuracy and can effectively identify variable types of faults under different working conditions.
Various ensemble methods, such as the Random Forest Classifier (RF), K-Nearest Neighbor Classifier (KNN), Fully Connected Artificial Neural Network (ANN), and Deep Belief Network (DBN), were applied to combine the predictions from the four base learners selected through a reinforcement learning model. These ensemble methods had specific configurations and were trained for 100 epochs to assess their performance. Notably, the Random Forest Classifier utilized 200 decision trees, while the K-Nearest Neighbor Classifier considered six neighboring points. The Fully Connected Artificial Neural Network had a hidden layer structure of 64-32-16, and the Deep Belief Network was structured with two hidden layers and hidden units of 200, 100, and 50. The outcomes of these experiments were recorded and are summarized in Table 5.
Compared to the test results in Table 4, all five ensemble methods can improve the test accuracy of the base learners, but the proposed method is the most outstanding. The second is KN, ANN, and DBN, and the RF is slightly worse. Since the diagnostic accuracy of the base learners selected by the reinforcement learning method is relatively high, the total accuracy of the proposed method is not very prominent. However, the performance of the proposed method is significantly better than that of other integration methods in the first and third fault types, which are the most difficult to identify.
The test results are represented visually in Figure 13. The proposed method demonstrates notable superiority, particularly in the identification of the first and third fault types, which are challenging to distinguish. In contrast, when dealing with the second, fourth, and fifth fault types, the ensemble methods’ performance exhibits marginal differences. This can be attributed to the strong individual performance of the base learners in these cases, as they consistently deliver commendable recognition results. On the whole, the method introduced in this study surpasses other integrated techniques.
We randomly selected a group of test results to show the confusion matrix. The confusion matrix of the test results for different ensemble methods is shown in Figure 14. It can be seen that in RF, the first type of fault has the lowest accuracy rate of 95.15% and is most likely to be misclassified as the third category of fault. This is followed by the third type of fault, which is easily misclassified as the first type of fault, and the second, fourth, and fifth types of faults have the highest accuracy, which can reach more than 99%. For KN, the third fault type has the lowest accuracy and is also prone to be misclassified as the first category of faults, followed by the first category of faults, which is prone to be misclassified as the third category of faults, and the second, fourth, and fifth category of faults can reach an accuracy of more than 99%. Similarly, in ANN, the first category of faults has the lowest accuracy rate and is most likely to be misclassified as the third category of faults. This is followed by the third fault type, which is easily misclassified as the first type of fault. Finally, in DBN, the third fault type has the lowest accuracy and is likewise easily misclassified as the first fault type, followed by the first type of fault, which is easily misclassified as the third type of fault. For the proposed method, similarly, the accuracy of the first- and third-category faults is relatively low, but the diagnostic accuracy is better than the other integration methods overall.

4.3. Compared with Other Intelligent Diagnosis Methods

The proposed method is evaluated in comparison with several established machine learning and deep learning methods for fault identification. Specifically, the BP network architecture consists of multiple hidden layers with the specifications of 256-128-64-32 and employs the Rectified Linear Unit (ReLU) activation function. The optimization method employed is AdaDelta. The Support Vector Machine (SVM) utilizes a regularization coefficient of 5.0 and applies the radial basis kernel function (Gaussian kernel function). For Convolutional Neural Networks (CNNs), four convolutional layers are used with corresponding kernel and filter sizes of [1,16] [3,32] and [1,16] [3,32], respectively. These convolutional layers are followed by a global average pooling layer, a fully connected layer, and a softmax classifier. LSTM (Long Short-Term Memory) is utilized with a single layer containing 128 hidden units.
Therefore, 6750 samples are randomly sampled from the original training data while keeping the test dataset unaltered. Each method underwent training 100 times, resulting in multiple sets of test results. The various methods were executed ten times under identical conditions, and the average test accuracy was calculated and is presented in Table 6.
The proposed method consistently outperforms the other approaches in terms of the average accuracy. Detecting the same fault type under varying working conditions proves challenging when employing a straightforward, intelligent diagnostic model. Among them, the diagnosis effect of the CNN and BP neural networks is better than that of SVM and LSTM, and the overall recognition accuracy can reach 87%. However, for the first, third, and fifth types of faults, the recognition accuracy is low, especially for the third type of faults, and the recognition accuracy of these two methods does not reach 70%. The diagnosis results of SVM and LSTM are poor at 75.82% and 77.93%, respectively. These two methods have poor recognition results for the third and fifth types of faults. For the first type of fault, the diagnosis accuracy of SVM can reach 94.05%, while LSTM is only 70.16%. However, these four intelligent methods can accurately identify the second and fourth types of faults. The proposed method effectively and accurately identifies various types of faults, achieving an overall recognition accuracy exceeding 99%, thereby demonstrating its efficacy.
Figure 15 visually demonstrates the diagnostic accuracy of these methods, with the proposed approach consistently exhibiting high accuracy in identifying various fault types. The other four intelligent diagnosis methods can only accurately identify the second and fourth types of faults. For the BP network, the identification accuracy of the third fault type is the worst, followed by the fifth type of fault. The identification accuracy of the first fault type is slightly poor, but it can also reach 85%. The accuracy of the third and fifth types of fault recognition of SVM is very low. CNN also has the lowest accuracy rate for the third type of fault, followed by the first type of fault. LSTM has poor accuracy for three types of faults that are difficult to identify.

4.4. Parameters Sensitivity Analysis

In the proposed approach, the hyperparameter μ controls the exploration rate during child model generation. And β represents the forgetting coefficient to balance the current reward and the historical reward. The values of μ and β directly affect the diagnostic result of the proposed method. Therefore, this section conducted sensitivity analysis experiments to check the rationality of the two hyperparameters. The range of μ is {50%, 60%, 70%, 80%, 90%}, and the range of β is {0.5, 0.6, 0.7, 0.8, 0.9}.
We conducted experiments on cross-domain fault diagnosis cases. Figure 16 illustrates the sensitivity analysis regarding the diagnostic outcomes and two hyperparameters. The experimental findings highlight the significant influence of hyperparameters μ and β on the diagnostic outcome. Notably, for μ = 80% and β = 0.8, the diagnostic accuracy reached its peak at 99.19%. These results underscore the validity of the selected hyperparameter values.

5. Conclusions

A reinforcement ensemble method was proposed for fault identification under different working conditions. Firstly, a reinforcement model was constructed to select optimal base learners. Secondly, stratified random sampling was used to extract four datasets from raw training data. The reinforcement model was trained by these four datasets, respectively, and four optimal base learners were obtained. Finally, a sparse ANN was designed as the ensemble model, and the reinforcement learning model that could successfully identify the fault type under variable work conditions was constructed.
The proposed method has been rigorously tested using a high-speed aerospace-bearing dataset. The results from these tests demonstrate the method’s ability to effectively identify identical fault modes under varying working conditions. This achievement marks a departure from the previous approaches that relied on specific data distributions, instead leveraging deep learning models to identify consistent fault characteristics. Going forward, the authors plan to refine the reward function further to achieve global optimization of the model.

Author Contributions

Methodology, Software, Investigation, Writing original draft, Y.L.; Validation, Visualization, Y.Z.; Supervision, R.W.; funding acquisition, Conceptualization, J.F. All authors have read and agreed to the published version of the manuscript.

Funding

This research is supported by the National Science and Technology Major Project of China (J2019-V-0016-0111, 2022-B-V-003-001), Defense Industrial Technology Development Program (JCKY2022607C002), Key R&D Project in Shaanxi Province (2021GXLH-01-16), AECC Industry University Cooperation Project (HFZL2022CXY013), National Natural Science Foundation of China (52372396).

Data Availability Statement

The original data presented in the study are openly available at DOI 10.1016/j.ymssp.2018.10.010.

Conflicts of Interest

The authors declare no conflicts of interest.

References

  1. Wang, R.; Jiang, H.; Zhu, K.; Wang, Y. A deep feature enhanced reinforcement learning method for rolling bearing fault diagnosis. Adv. Eng. Inform. 2022, 54, 101750. [Google Scholar] [CrossRef]
  2. Zhao, K.; Liu, Z.; Zhao, B.; Shao, H. Class-Aware Adversarial Multiwavelet Convolutional Neural Network for Cross-Domain Fault Diagnosis. IEEE Trans. Ind. Inform. 2024, 20, 4492–4503. [Google Scholar] [CrossRef]
  3. Wu, Z.; Jiang, H.; Lu, T.; Zhao, K. A deep transfer maximum classifier discrepancy method for rolling bearing fault diagnosis under few labeled data. Knowl.-Based Syst. 2020, 196, 105814. [Google Scholar] [CrossRef]
  4. He, Z.; Shao, H.; Jing, L.; Cheng, J.; Yang, Y. Transfer fault diagnosis of bearing installed in different machines using enhanced deep auto-encoder. Measurement 2019, 152, 107393. [Google Scholar]
  5. Liu, S.W.; Jiang, H.K.; Wu, Z.H.; Li, X.Q. Data synthesis using deep feature enhanced generative adversarial networks for rolling bearing imbalanced fault diagnosis. Mech. Syst. Signal Process. 2022, 16, 108139. [Google Scholar] [CrossRef]
  6. Zhao, K.; Jia, F.; Shao, H. A novel conditional weighting transfer Wasserstein auto-encoder for rolling bearing fault diagnosis with multi-source domains. Knowl.-Based Syst. 2023, 262, 110203. [Google Scholar] [CrossRef]
  7. Zhao, K.; Hu, J.; Shao, H.; Hu, J. Federated multi-source domain adversarial adaptation framework for machinery fault diagnosis with data privacy. Reliab. Eng. Syst. Saf. 2023, 236, 109246. [Google Scholar] [CrossRef]
  8. Liu, S.W.; Jiang, H.K.; Wang, Y.F.; Zhu, K.; Liu, C. A deep feature alignment adaptation network for rolling bearing intelligent fault diagnosis. Adv. Eng. Inf. 2022, 52, 101598. [Google Scholar] [CrossRef]
  9. Lin, H.; Lin, C.; Xie, D.; Acuna, P.; Liu, W. A Counter-Based Open-Circuit Switch Fault Diagnostic Method for a Single-Phase Cascaded H-Bridge Multilevel Converter. IEEE Trans. Power Electron. 2023, 39, 814–825. [Google Scholar] [CrossRef]
  10. Zhao, W.; Zhang, C.; Wang, J.; Wang, S.; Lv, D.; Qin, F. Research on digital twin driven rolling bearing model-data fusion life prediction method. IEEE Access 2023, 11, 48611–48627. [Google Scholar] [CrossRef]
  11. Mochammad, S.; Noh, Y.; Kang, Y.J. Bearing Fault Degradation Modeling Based on Multi-time Windows Fusion Unsupervised Health Indicator. IEEE Sens. J. 2023, 23, 19623–19634. [Google Scholar] [CrossRef]
  12. Zhang, S.; Wang, B.; Kanemaru, M.; Lin, C.; Liu, D.; Miyoshi, M.; Teo, K.H.; Habetler, T.G. Model-based analysis and quantification of bearing faults in induction machines. IEEE Trans. Ind. Appl. 2020, 56, 2158–2170. [Google Scholar] [CrossRef]
  13. Wang, L.; Xie, S.; Li, T.; Fonseca, R.; Tian, Y. Sample-efficient neural architecture search by learning actions for monte carlo tree search. IEEE Trans. Pattern Anal. Mach. Intell. 2022, 44, 5503–5515. [Google Scholar] [CrossRef] [PubMed]
  14. Yao, Y.; Liu, R.; Zhang, J.; Zhong, W.; Luo, Z. Hardware-Aware Low-Light Image Enhancement via One-Shot Neural Architecture Search with Shrinkage Sampling. In Proceedings of the 2021 IEEE International Conference on Multimedia and Expo (ICME), Shenzhen, China, 5–9 July 2021; IEEE: New York, NY, USA, 2021. [Google Scholar]
  15. Yang, Z.; Zhang, S.; Li, R.; Li, C.; Zhang, M. Efficient resource-aware convolutional neural architecture search for edge computing with pareto-bayesian optimization. Sensors 2021, 21, 444. [Google Scholar] [CrossRef]
  16. Zoph, B.; Le, Q.V. Neural architecture search with reinforcement learning. Sci. Total Environ. arXiv 2019, arXiv:1611.01578. [Google Scholar]
  17. Wang, R.; Jiang, H.; Li, X.; Liu, S. A reinforcement neural architecture search method for rolling bearing fault diagnosis. Measurement 2020, 154, 107417. [Google Scholar] [CrossRef]
  18. Li, X.; Jiang, H.; Niu, M.; Wang, R. An enhanced selective ensemble deep learning method for rolling bearing fault diagnosis with beetle antennae search algorithm. Mech. Syst. Signal Process. 2020, 142, 106752. [Google Scholar] [CrossRef]
  19. Feng, D.-C.; Liu, Z.-T.; Wang, X.-D.; Jiang, Z.-M.; Liang, S.-X. Failure mode classification and bearing capacity prediction for reinforced concrete columns based on ensemble machine learning algorithm. Adv. Eng. Inform. 2020, 45, 101126. [Google Scholar] [CrossRef]
  20. Li, Y. Deep reinforcement learning: An overview. arXiv 2017, arXiv:1701.07274. [Google Scholar]
  21. Lillicrap, T.P.; Hunt, J.J.; Pritzel, A.; Heess, N.; Erez, T.; Tassa, Y.; Silver, D.; Wierstra, D. Continuous control with deep reinforcement learning. arXiv 2015, arXiv:1509.02971. [Google Scholar]
  22. Ma, Y.; Zhao, T.; Hatano, K.; Sugiyama, M. An online policy gradient algorithm for markov decision processes with continuous states and actions. Neural Comput. 2016, 28, 563–593. [Google Scholar] [CrossRef] [PubMed]
  23. Peng, D.; Tan, G.; Fang, K.; Chen, L.; Zhang, Y. Multiobjective optimization of an off-road vehicle suspension parameter through a genetic algorithm based on the particle swarm optimization. Math. Probl. Eng. 2021, 2021, 9640928. [Google Scholar] [CrossRef]
  24. Zhang, G. Solder joint reliability risk estimation by ai-assisted simulation framework with genetic algorithm to optimize the initial parameters for ai models. Materials 2021, 14, 4835. [Google Scholar] [CrossRef] [PubMed]
  25. Omidi, J.; Mazaheri, K. Differential evolution algorithm for performance optimization of the micro plasma actuator as a microelectromechanical system. Sci. Rep. 2020, 10, 18865. [Google Scholar] [CrossRef] [PubMed]
  26. Zhao, K.; Jiang, H.; Li, X.; Wang, R. Ensemble adaptive convolutional neural networks with parameter transfer for rotating machinery fault diagnosis. Int. J. Mach. Learn. Cybern. 2021, 12, 1483–1499. [Google Scholar] [CrossRef]
  27. Daga, A.P.; Fasana, A.; Marchesiello, S.; Garibaldi, L. The politecnico di torino rolling bearing test rig: Description and analysis of open access data. Mech. Syst. Signal Process. 2019, 120, 252–273. [Google Scholar] [CrossRef]
Figure 1. Reinforcement learning.
Figure 1. Reinforcement learning.
Sensors 24 03323 g001
Figure 2. Reinforcement learning model.
Figure 2. Reinforcement learning model.
Sensors 24 03323 g002
Figure 3. The Structure of Controller.
Figure 3. The Structure of Controller.
Sensors 24 03323 g003
Figure 4. Cross-validation method.
Figure 4. Cross-validation method.
Sensors 24 03323 g004
Figure 5. The sparse artificial neural network.
Figure 5. The sparse artificial neural network.
Sensors 24 03323 g005
Figure 6. Abstract graphic of proposed method.
Figure 6. Abstract graphic of proposed method.
Sensors 24 03323 g006
Figure 7. General view of the test rig.
Figure 7. General view of the test rig.
Sensors 24 03323 g007
Figure 8. Raw signal in D 1 : (1) Normal condition; (2) Serious inner ring fault; (3) Slight inner ring fault; (4) Serious roller fault; (5) Slight roller fault.
Figure 8. Raw signal in D 1 : (1) Normal condition; (2) Serious inner ring fault; (3) Slight inner ring fault; (4) Serious roller fault; (5) Slight roller fault.
Sensors 24 03323 g008
Figure 9. Raw signal in D 2 : (1) Normal condition; (2) Serious inner ring fault; (3) Slight inner ring fault; (4) Serious roller fault; (5) Slight roller fault.
Figure 9. Raw signal in D 2 : (1) Normal condition; (2) Serious inner ring fault; (3) Slight inner ring fault; (4) Serious roller fault; (5) Slight roller fault.
Sensors 24 03323 g009
Figure 10. Raw signal in D 3 : (1) Normal condition; (2) Serious inner ring fault; (3) Slight inner ring fault; (4) Serious roller fault; (5) Slight roller fault.
Figure 10. Raw signal in D 3 : (1) Normal condition; (2) Serious inner ring fault; (3) Slight inner ring fault; (4) Serious roller fault; (5) Slight roller fault.
Sensors 24 03323 g010
Figure 11. Test result of proposed method.
Figure 11. Test result of proposed method.
Sensors 24 03323 g011
Figure 12. Confusion matrix of proposed method. (1) Base learner one, (2) Base learner two, (3) Base learner three, (4) Base learner four, and (5) Ensemble model.
Figure 12. Confusion matrix of proposed method. (1) Base learner one, (2) Base learner two, (3) Base learner three, (4) Base learner four, and (5) Ensemble model.
Sensors 24 03323 g012
Figure 13. Test result of different ensemble methods.
Figure 13. Test result of different ensemble methods.
Sensors 24 03323 g013
Figure 14. Confusion matrix of different ensemble methods (1) RF (2) KN (3) ANN (4) DBN (5) The proposed method.
Figure 14. Confusion matrix of different ensemble methods (1) RF (2) KN (3) ANN (4) DBN (5) The proposed method.
Sensors 24 03323 g014
Figure 15. Test result of different diagnosis methods.
Figure 15. Test result of different diagnosis methods.
Sensors 24 03323 g015
Figure 16. Sensitivity analysis of μ and β .
Figure 16. Sensitivity analysis of μ and β .
Sensors 24 03323 g016
Table 1. Details about different fault domain.
Table 1. Details about different fault domain.
Fault DomainNominal Speed (Hz)Nominal Load (N)Training
Samples
Test
Samples
D 1 10002250750
D 2 20010002250750
D 3 30018002250750
Table 2. Descriptions of each fault conditions.
Table 2. Descriptions of each fault conditions.
Fault TypesFault Dimension (μm)Training
Samples
Test
Samples
Labels
Normal condition04501501
Inner ring fault4504501502
Inner ring fault1504501503
Roller fault4504501504
Roller fault1504501505
Table 3. Base learners earned by meta learning method.
Table 3. Base learners earned by meta learning method.
StructureBase Learners
Base Learner 1Base Learner 2Base Learner 3Base Learner 4
Convolution layer
(filters, kernels)
(64, 3)(64, 3)(16, 3)(32, 3)
Convolution layer
(filters, kernels)
(16, 1)(64, 3)(64, 3)(32, 3)
Convolution layer
(filters, kernels)
(64, 3)(32, 3)(64, 3)(64, 3)
Convolution layer
(filters, kernels)
(32, 3)(32, 3)(16, 3)(16, 1)
Pooling layer2 × 2 2 × 2 2 × 2 2 × 2
Output layer5555
Optimization algorithmsAdamRMSPropAdaDeltaSGD
Table 4. Testing result of proposed method.
Table 4. Testing result of proposed method.
ModelsAccuracy
LabelsTotal Accuracy
12345
Base learner 194.71%99.86%91.09%99.34%98.25%96.71%
Base learner 295.63%99.91%95.65%99.74%98.55%97.29%
Base learner 396.33%99.87%92.49%99.78%98.76%97.51%
Base learner 491.19%99.88%93.77%99.52%94.71%95.84%
Ensemble model98.07%99.93%98.14%99.84%99.89%99.19%
Table 5. Testing result of different ensemble methods.
Table 5. Testing result of different ensemble methods.
ModelsAccuracy
LabelsTotal
Accuracy
12345
RF95.52%99.92%95.95%99.78%99.50%98.13%
KN97.25%99.90%96.25%99.67%99.34%98.48%
ANN96.15%99.95%96.96%99.89%99.51%98.49%
DBN97.24%99.90%95.13%99.90%99.84%98.41%
The proposed method98.07%99.93%98.14%99.84%99.89%99.19%
Table 6. Testing result of different diagnosis methods.
Table 6. Testing result of different diagnosis methods.
ModelsAccuracy
LabelsTotal
Accuracy
12345
BP85.47%99.48%68.36%99.04%82.93%87.28%
SVM94.05%99.78%32.48%99.56%50.77%75.82%
CNN80.73%99.23%63.91%99.01%92.78%87.42%
LSTM70.16%97.90%58.65%97.47%64.33%77.93%
The proposed method98.07%99.93%98.14%99.84%99.89%99.19%
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

Li, Y.; Zhang, Y.; Wang, R.; Fu, J. A Reinforcement Ensemble Learning Method for Rolling Bearing Fault Diagnosis under Variable Work Conditions. Sensors 2024, 24, 3323. https://doi.org/10.3390/s24113323

AMA Style

Li Y, Zhang Y, Wang R, Fu J. A Reinforcement Ensemble Learning Method for Rolling Bearing Fault Diagnosis under Variable Work Conditions. Sensors. 2024; 24(11):3323. https://doi.org/10.3390/s24113323

Chicago/Turabian Style

Li, Yanning, Yi Zhang, Ruixin Wang, and Jiangfeng Fu. 2024. "A Reinforcement Ensemble Learning Method for Rolling Bearing Fault Diagnosis under Variable Work Conditions" Sensors 24, no. 11: 3323. https://doi.org/10.3390/s24113323

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