Next Article in Journal
Graph Regression Model for Spatial and Temporal Environmental Data—Case of Carbon Dioxide Emissions in the United States
Next Article in Special Issue
Degradation-Sensitive Health Indicator Construction for Precise Insulation Degradation Monitoring of Electromagnetic Coils
Previous Article in Journal
A Quantum Genetic Algorithm for Building a Semantic Textual Similarity Estimation Framework for Plagiarism Detection Applications
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Corn Harvester Bearing Fault Diagnosis Based on ABC-VMD and Optimized EfficientNet

School of Mechanical Engineering, Xinjiang University, Urumqi 830047, China
*
Author to whom correspondence should be addressed.
Entropy 2023, 25(9), 1273; https://doi.org/10.3390/e25091273
Submission received: 25 July 2023 / Revised: 16 August 2023 / Accepted: 24 August 2023 / Published: 29 August 2023

Abstract

:
The extraction of the optimal mode of the bearing signal in the drive system of a corn harvester is a challenging task. In addition, the accuracy and robustness of the fault diagnosis model are low. Therefore, this paper proposes a fault diagnosis method that uses the optimal mode component as the input feature. The vibration signal is first decomposed by variational mode decomposition (VMD) based on the optimal parameters searched by the artificial bee colony (ABC). Moreover, the key components are screened using an evaluation function that is a fusion of the arrangement entropy, the signal-to-noise ratio, and the power spectral density weighting. The Stockwell transform is then used to convert the filtered modal components into time–frequency images. Finally, the MBConv quantity and activation function of the EfficientNet network are optimized, and the time–frequency pictures are imported into the optimized network model for fault diagnosis. The comparative experiments show that the proposed method accurately extracts the optimal modal component and has a fault classification accuracy greater than 98%.

1. Introduction

As a critical component of corn harvesters, the significance of the bearing lies in its crucial role in guaranteeing the safety and dependability of the equipment operation [1]. In recent years, several technologies, such as big data and machine learning, have made significant progress in bearing fault diagnosis. In particular, big data technology can help process and analyze bearing operation data under different working conditions, and machine learning technology can efficiently mine the hidden features of these data to perform early detection and prediction of faults. Nevertheless, in the actual working environment, the vibration signal is often interfered with by many irrelevant signals due to the intricate operational conditions and the presence of noise interference in the equipment, which diminishes the precision of fault diagnosis. Therefore, it is of great significance to propose a bearing fault diagnosis method in complex environments to ensure the safe operation of corn harvesters [2].
The recent studies on bearing fault diagnosis focused on signal extraction and processing. The parameter selection of the VMD method significantly affects the decomposition results, which limits its application range in bearing fault diagnosis. Wang et al. [3] used the Tennessee Whisker search algorithm to optimize the search for the optimal parameter combinations of the VMD. The fitness function was defined as the inverse of the craggy value of each intrinsic modal function. Liang [4] enhanced the variational mode decomposition (VMD) method using an improved particle swarm optimization (IPSO) algorithm for the efficient extraction of fault features from non-stationary signals. Ye [5] introduced multiscale permutation entropy (MPE) in VMD to construct multidimensional feature vectors for fault classification. Although this method can optimize the VMD parameters, it is challenging to converge in some cases. JC et al. [6] used the genetic variant particle swarm algorithm for parameter optimization. They combined it with sample entropy for fault diagnosis, which improved the diagnostic accuracy to a certain extent but still had limitations when dealing with non-smooth signals. Addressing the issue of extracting fault features from nonlinear and non-stationary vibration signals of rolling bearings, this study aims to develop an effective approach that results in a low diagnosis and recognition rate. Liang [7] proposed an improved variational mode decomposition (VMD) and multi-feature feature extraction method based on the multi-island genetic algorithm (MIGA). Li [8] proposed a rolling bearing fault diagnosis method based on the variational mode decomposition-fractional Fourier transform (VMD-FRFT) to deal with the problem of over-decomposition in VMD. Li [9] used modified ensemble empirical mode decomposition (MEEMD) as a feature extraction technique. The latter mitigates the influence of the noise observed in ensemble empirical mode decomposition (EEMD). However, additional post-processing is necessary to diminish the presence of spurious components.
Bai et al. [10] proposed a method for the fault diagnosis of rolling bearings, which is based on the combination of the multi-channel convolutional neural network (MCNN) and the multiscale clipping fusion (MSCF) data enhancement technique. Niu et al. [11] proposed an optimized adaptive PReLU-DBN method for the identification of bearing faults. Huo [12] introduced an adaptive dimension-transformed convolutional neural network (ADC-CNN), which is able to dynamically convert one-dimensional vibration signals into two-dimensional matrices. This allows them to be efficiently processed by 2D-CNN for feature learning, thereby harnessing the strengths of CNN in extracting two-dimensional data features. Many classification models are currently used, such as EfficientNet, GoogleNet, and VGG, which are the mainstream models. Given the long training time and low classification accuracy of the original network, many experts and researchers have successively improved the model structure and used other algorithms to optimize the original model. Ding [13] proposed a reparameterized VGG (RepVGG)-based method to enhance the precision of bearing fault diagnosis. Wang [14] developed an improved 1D-CNN model based on VGG-16, which can input decomposed signals from different channels into separate convolutional blocks in the model and fuse them into the fusion layer. Gu [15] proposed a cosine similarity-based self-attentive Wasserstein generative adversarial network with gradient penalty (CSWGAN-GP) for bearing fault diagnosis under unbalanced conditions. Nijaguna [16] introduced ResNet50 and VGG16 to enrich the extracted features. Zhang [17] proposed an AM-ResNet model based on the convolution layer composition of addition and multiplication, which solved the problem of high energy consumption of the traditional ResNet. Gai [18] proposed a parameter-optimized deep belief network (DBN) to optimize the diagnosis difficulty due to the highly similar signals in fault features. Gang [19] combined neural network search techniques to balance the depth, width, and resolution of the network according to a specific ratio while balancing the speed and accuracy and optimizing the activation function of EfficientNet [19].
With the increase in the application of neural network models in fault diagnosis, the large scale of network parameters often leads to overfitting in the training process. Therefore, it is necessary to adopt a lightweight model to perform fault diagnosis with high generalization ability.
In summary, although VMD has improved the signal decomposition, it still has some problems, such as the number of decomposition layers and the penalty factor, which is challenging to select accurately. The EfficientNet classification model uses deep scalable convolutional blocks and lightweight feature extractors to provide the network with a strong representation with few parameters. However, the convergence process and classification accuracy of the model still have much room for improvement.
To this end, this paper proposes a bearing fault diagnosis method based on ABC-ANC and optimizes the EfficientNet. The main contributions of this study are summarized as follows.
(1) The artificial bee colony (ABC) algorithm is used to optimize the decomposition number K and the variational mode decomposition penalty factor. The permutation entropy, power spectral density, and signal-to-noise ratio are used to construct an evaluation function in order to select the best decomposition signal.
(2) The EfficientNet model optimized for the count of MBConv modules and activation function is proposed to improve the stability of the training process and the classification accuracy of the model.

2. Methodology

2.1. Variational Modal Decomposition (VMD) and Artificial Bee Colony Optimization

The VMD non-recursively decomposes a real-valued signal x(t) into k amplitude-FM sub-signals. To determine uk and ωk, the VMD can be written as a constrained variational problem described by the following equations:
min { u k } , { ω k } k t δ ( t ) + j π t u k ( t ) e j ω k t 2 2
S . t . k u k = x
The constrained variational problem is solved using the quadratic penalty term α and the Lagrange multiplier λ. The augmented Lagrange quantity function is given by:
L ( { u k } , { ω k } , λ ) = α k t δ ( t ) + j π t u k e j ω k t 2 2 + x ( t ) k u k ( t ) 2 2 + λ ( t ) , x ( t ) k u k ( t )
where α is the equilibrium parameter of the data fidelity constraint.
The solution of the equation consists of updating each mode function and neutral frequency using the alternating direction multiplier method. The KTH amplitude-FM sub-signal obtained from the spectral domain solution is written as:
u ^ k n + 1 ( ω ) = x ^ ( ω ) i k u ^ i ( ω ) + λ ( ω ) 2 1 1 + 2 α ( ω ω k ) 2
The central frequency of each eigenmode component is expressed as [20]:
ω k n + 1 = 0 ω u ^ k ( ω ) 2 d ω 0 u ^ k ( ω ) 2 d ω
The ABC algorithm should first initialize the colony. That is, the SN d-dimensional initial solution xi (i = 1, 2,…, SN) is randomly generated as:
x i = l b + ϕ i ( u b l b )
where SN is the population size, lb denotes the lower bound of the target space, ub represents the upper bound, φi represents a vector consisting of random values uniformly distributed between [0, 1] and xi = (xi1, xi2,…, xid)T.
Note that after initialization, the three bees search cyclically until reaching the maximum number of iterations. In the search phase, new food sources are randomly selected by the bees as follows:
x i j = x i j + ϕ i j ( x i j x k j )
where xij(j = 1, 2, … d) is the JTH element of the ith solution, j and k are randomly selected within their value ranges.
According to Equation (7), the employed bee randomly selects a new food source, which fitness is then calculated as:
f i t i = 1 / ( 1 + f i ) f i 0 1 + a b s ( f i ) f i < 0
The employed bee compares the fit value of the new scheme with the original scheme and chooses the best scheme. After the search, the employed bee gives the onlooker bee the latest information about food sources. The selection probability of each food source is then calculated according to Equation (9), and the watching bees select their food source scheme based on a roulette wheel style selection scheme.
p r o b i = f i t / i = 1 S N f i t i
During the bystander bee search phase, a random value is generated in the range of [0, 1]. If the random value is less than the probabilistic value, the relevant onlooker bee will find a new solution based on Equation (7). The onlooker bee then chooses a better solution, just like the employed bee. If the solution is not updated after a specified number, in an iteration known as limiting, in which employed bees give up their food source and become scout bees. This prevents the ABC from falling into a locally optimal solution, which is then randomized by the scout bee to choose a new food source. The traditional VMD decomposition usually leads to the problem of over-decomposition due to the improper choice of the decomposition mode (K) and penalty factor, which results in the deterioration of the input quality of the fault diagnosis model. Therefore, the artificial bee colony algorithm is used to optimize the selection of K and penalty factors in order to enhance the effectiveness and precision of the VMD decomposition.
Figure 1 shows the specific process of optimizing variational modal decomposition by artificial bee colony, the overall process is summarized as follows.
Step 1: The parameter boundaries are determined, and the boundaries of K and α are initialized as [2, 15] and [200, 2000], respectively [21].
Step 2: The parameters of the artificial colony algorithm, including the number of food sources (SN), the ABC parameters (e.g., the proportion of employed bees and scout bees), the maximum number of iterations, and the limit value, are set. K and α are then randomly searched to decompose the input signal VMD, while the fitness value of the bee number of the ABC is calculated in each iteration.
Step 3: For the iteration termination conditions, a maximum number of iterations is set, and the best fitness value over several consecutive iterations below a set threshold is improved. If the iteration termination condition has not been met, the iterative process is repeated by updating the food sources K and α.
Step 4: The optimal K and α values based on the best fitness value are determined, and the original signal is decomposed by VMD using the optimal parameters.

2.2. Optimization of EfficientNet

In general, the bearing fault dataset cannot reach the million-level dataset required by EfficientNet to achieve the best classification effect. Too many MBConv modules in EfficientNet will result in high model complexity and computational workload. Therefore, this study adjusts and reduces the number of MBConv modules [22]. Adjustments were initially performed to the number of MBConv modules and the internal structure of the original network. More precisely, the 15 MBConv modules in the original network were reduced to 6. This modification aimed to minimize the complexity of the model and mitigate the risk of overfitting on smaller datasets. The enhanced version of EfficientNet incorporates only two convolutions with an extension factor of 6 in the fourth MBConv stage while employing only one convolution in the other stages.
The primary role of the activation function is to provide nonlinear expressivity to the neural network. The first-order derivative of the LeakyRelu activation function is constant, while the second and first-order derivatives of the Swish activation function are not constants, and the derivation process is more complex [22]. Although the intricate derivation process does not contribute to the enhancement of the neural network performance, it merely escalates the training time and computational burden of the network. In this study, the improved EfficientNet employs the LeakyReLU activation function instead of the Swish activation function. The detailed architecture of EfficientNet is illustrated in Figure 2, where K represents the size of each convolutional kernel.

3. Bearing Fault Diagnosis Process and Model

In this section, the precise diagnostic procedure shown in Figure 3 is detailed.
The bearing fault diagnosis classification model based on the ABC-VMD and optimized EfficientNet mainly comprises five steps.
Step 1: The vibration signals of bearings under normal operation, ball fault, inner ring fault, and outer ring fault state are collected and optimized through the test bench, and vibration characteristics under different fault states are obtained. The irrelevant signals are eliminated by signal filtering using several techniques, such as thresholding to filter out the data that are not within the expected range and by replacement for irrelevant or missing data using interpolation or other methods.
Step 2: ABC-VMD is used to find the optimal penalty factor and decomposition number. The best parameters for the modal decomposition of the vibration signal collected in Step 1 are determined.
Step 3: The permutation entropy [23], power spectral density [24], and signal-to-noise ratio [25] are calculated for each signal component. Note that the arrangement entropy measures the signal complexity, and the signal-to-noise ratio assesses the signal quality. These three metrics are fused to construct an evaluation function in order to determine the valuable components of the signal, and the top three most significant components of the evaluation function are selected.
Step 4: The selected signal components are converted to time–frequency images using the Stockwell transform [26]. The latter is a time–frequency analysis method that provides good resolution in the time and frequency domains, capturing localized signal features to identify better types of bearing faults.
Step 5: The generated time–frequency images are fed into the optimized EfficientNet model for training and validation.
The use of VMD as the signal processing means of the proposed method has the following advantages [27].
(1) Adaptive decomposition: In contrast to the traditional fixed-base decomposition methods, VMD can adaptively select the decomposition mode to better match the characteristics of the signal.
(2) Nonlinear and non-stationary signal analysis: VMD is suitable for analyzing nonlinear and non-stationary signals. It can adapt to the local characteristics of the signal, which allows it to provide a more precise analysis.
(3) No prior information required: In contrast to the other methods, VMD does not require prior information about the signal or noise.
(4) Sparsity: VMD can usually produce relatively sparse solutions, with each mode capturing only one specific signal component. This helps to better understand and visualize the structure of the signal.
(5) Fewer pseudo components and mode mixing: VMD tries to reduce the generation of spurious components and the mixing between different modes, which provides a cleaner decomposition.
(6) Ability of real-time analysis: Due to its mathematical properties, VMD can be quickly executed, which makes it suitable for real-time or near-real-time signal analysis applications.
(7) Robustness: VMD has a certain robustness and resistance to noise and other disturbances.
However, the traditional VMD decomposition usually leads to problems such as over-decomposition due to the improper selection of the decomposition mode number (K) and penalty factor, which results in decreasing the input quality of the fault diagnosis model. Therefore, although the following problems are faced when dealing with large-scale datasets [28], artificial bee colonies are used to search for the optimal parameters.
(1) Local searchability: ABC has a low local search ability, which leads to getting stuck when approaching the global optimal solution.
(2) Adaptability to complex problems: The ABC algorithm may need to perform better for some very complex or high-dimensional optimization problems.
(3) Parameter tuning: Although fewer parameters exist, their choice may affect the performance of the algorithm. For different problems, the parameters may require to be accurately tuned.
(4) Possibility of falling into local optimum: In some cases, especially in complex multimodal function optimization problems, ABC may fall into the local optimum solution.
Therefore, the artificial bee colony algorithm has higher performance on the small dataset of bearings collected in this paper. More precisely, it has the following characteristics.
(1) Global search ability: ABC can perform a global search in the solution space, and it can find the global optimal solution.
(2) Robustness: Compared with many other optimization methods, ABC is less sensitive to the selection of initial parameters, and it has a higher robustness.
(3) Ease of implementation: The rules of ABC are straightforward, and it can be easily implemented.
(4) Existence of a small number of control parameters: ABC only requires a small number of control parameters that can be easily adjusted and optimized.
(5) Parallelism: The natural parallel nature of the algorithm allows it to be effectively implemented in a parallel computing environment.
The Stockwell transform in step 4 can provide a joint representation of the time and frequency of the signal. It then preserves the phase information of the signal, which allows a more accurate time–frequency and multi-resolution analysis. It has higher time resolution at low frequencies and higher frequency resolution at high frequencies [26]. Therefore, the extracted bearing characteristic signal is input into EfficientNet after Stockwell transformation.

4. Experimental Analysis

4.1. Case Western Reserve Experimental Dataset Validation

4.1.1. Dataset Introduction

The bearing failure dataset used in this paper is derived from the bearing dataset provided by Case Western Reserve University (CWRU). The experimental setup shown in Figure 4 contains a 1.5 kW drive motor, a torque sensor, and a loading motor. The sampling frequency is 12 kHz [29]. During the experiment, an accelerometer was installed at the fan end and the drive end bearing housings of the electric motor. These sensors were used to collect the vibration signals from the drive-end bearing, while the data were recorded using a data acquisition device.
In the experiment, the SKF6205 bearing type was divided into four states: normal, ball defects, inner ring failure, and outer ring failure. The failure under the load was 0, 1, 2, and 3 hp, where the damage degree of each failure diameter size was 0.007, 0.014, and 0.021 inches, leading to a total of 10 conditions of the bearing data. The dataset consists of 9660 samples, with 6720 and 2940 samples allocated to the training set and testing set, respectively. The details of the dataset are shown in Table 1.

4.1.2. Construction of the Stockwell Time–Frequency Graph Sample Set

In order to determine the valuable signal components, a comprehensive evaluation function is established, which fully considers the permutation entropy, PSD mean, and signal-to-noise ratio. The evaluation function is given by:
Score = ω 1 × SNR + ω 2 × PSD   mean ω 3 × PE
where ω1, ω2, and ω3 are the weighting parameters.
The magnitude of change in each indicator is the basis for the selection of the weighting parameters. More precisely, the magnitude of the components of the permutation entropy transformation is relatively small, and thus, the components of the permutation entropy are set with smaller weights. The evaluation function is characterized by the combined permutation entropy, PSD mean, and signal-to-noise ratio in a weighted manner. The permutation entropy, PSD mean, and signal-to-noise ratio reflect the complexity, energy distribution, and intensity of the signal relative to the noise, respectively.
The process of parameter optimization based on ABC-VMD is summarized as follows.
(1) Initialization: The kurtosis is defined as the objective function for assessing the quality of the VMD, and the artificial bee colony is initialized. Each bee represents a possible solution (i.e., the values of ‘K’ and the penalty factor).
(2) Evaluation: For each solution in the bee colony, VMD decomposition is performed, and the obtained result is evaluated using the defined objective function.
(3) Selection: Based on the assessment of the objective function, the best solutions for the worker bees to continue their search are selected while leaving the rest as scout bees to explore new potential solutions.
(4) Search Optimization: The worker bees employ localized search to improve their solutions, while the scout bees use random search strategies to find entirely new solutions.
(5) Iterative Process: The aforementioned steps are repeated until certain stopping criteria are met, such as reaching a maximum number of iterations or the solution’s improvement falls below a specific threshold.
(6) Result Extraction: The optimal solution is extracted from the bee colony, identified by the best objective function value.
The final optimal component number (K) is set to 6. Table 2 shows the specific indicators of each component. In order to unify the data scale, the calculated permutation entropy (PE), signal-to-noise ratio (SNR), and mean power spectral density (PSD) are normalized.
The calculation process of the evaluation function based on the data in Table 2 is summarized as follows. The variation range of the PE, SNR, and PSD is first judged by the variance, which is 0.0002095, 0.99909, and 0.4028, respectively. It can be clearly seen that the SNR has the highest variation range, and thus, ω1 is set to 0.5, followed by the SNR, while PE has the lowest value. To ensure the weight balance, ω2 and ω3 are set to 0.3 and 0.2, respectively. Taking IMF3 as an example, the score is equal to 0.5 × 0.679 + 0.3 × (−0.445) − 0.5 × 0.565 ≈ 0.093, and the remaining signal scores are calculated according to the above process.
The magnitude of the IMF4 evaluation function is significantly reduced in Table 2. The score in this context represents the clarity of the features. More precisely, a higher score indicates fewer irrelevant signals. Therefore, to match the three-channel input layer of EfficientNet [22], the first three IMF components are selected for the Stockwell transform in order to generate the time–frequency image. In order to construct the time–frequency image sample set, the time–frequency images of the first three groups of IMF components are considered as three channels to form a multi-channel image, which better preserves the spatial relationship between the components and improves the recognition ability of the model. The time–frequency image sample set composed of these multi-channel images can be directly input into the model for bearing fault diagnosis. Figure 5 shows the time–frequency image generated using the first three IMF components.

4.1.3. Comparison of Evaluation Functions

In order to verify the outperformance of the evaluation function score, the PE, SNR, and PSD are compared with the evaluation function while considering the same inputs and the same training model to avoid the effect of random errors. The loss function of the signals extracted by different indicators in the network training process is shown in Figure 6.
It can be seen that in the first ten rounds of iterations, the four models have a downward trend. However, when the iteration period gradually increases, the gap between the signal extracted by the PE, SNR, and PSD and the evaluation function score becomes gradually noticeable, which indicates that the modal features extracted by the indicators in this paper are more conducive to model training. After the tenth iteration, the loss value of the evaluation function score is significantly lower than the other three, showing a good model training process.

4.1.4. Comparison between Classification Models

To further demonstrate the outperformance of the proposed method in terms of fault classification, a confusion matrix comparison is performed using EfficientNet and a high-parameter number network. The obtained results are shown in Figure 7, where the abscissa is the predicted label, and the ordinate is the actual label.
VGGNet [30], DenseNet [31], and ResNet have a larger parameter search space in the model training process due to the higher number of parameters, which makes the optimization and adjustment more challenging. It can be seen from Figure 7a–c that the average accuracy of bearing fault diagnosis is only 89%, 90.67%, and 88.33%. Figure 7d,e shows that the optimized EfficientNet network identifies up to 100% for some bearing faults with an average accuracy of 97.33%, while EfficientNet identifies only 91.67%.
In order to more intuitively show the feature extraction ability of the proposed model, the t-SNE [32] dimension reduction visualization technology is used to visualize the results of the test set, as shown in Figure 8. It can be seen from Figure 8a that all the VGGNet fault classes are mixed and indistinguishable. Figure 8b–e shows the apparent modal aliasing phenomenon (red box part) and clustering failure phenomenon (blue box part) among different faults. However, the proposed fault diagnosis method does not show any overlapping areas, which indicates a good bearing fault diagnosis effect.

4.2. Test Verification of 4YZB-8B Self-Propelled Corn Harvester

4.2.1. Comparison between High Parameter Models

In the actual working process, there are differences in the working environment of the bearings and the mode of operation, leading to deviations in the fault signals. The low robustness and generalization ability of the model affects the learning ability and the degree of fitting, which reduces its fault diagnosis accuracy. Therefore, the bearing fault signal of the bearing of the corn harvester under the working state is collected on the spot. Figure 9 presents a 4YZB-8B self-propelled corn harvester, simulating vibration signals under the normal bearing, inner ring, single point, and multi-point fault state.
The acquisition device is shown in Figure 10a, and the location of the measuring points is shown in Figure 10b. The wireless sensor model PR-3001-W23-N01-CX is manufactured by Shandong Sean Electronic Technology. Its vibration speed accuracy is ±1.5% of full scale (FS), and it was acquired in early 2023. The life expectancy of the device is determined by the default parameters and typically amounts to approximately eight years. A separate component, the data transmission device, carries the model number PR-300YM-4G and is configured to transmit data at 30-s intervals. The sampling frequency is 4 kHz. Note that ➄ is the transmission shaft. After vibration sensor ➀ collects the signal, it is transmitted to the tablet computer ➃ through the network data acquisition instrument ➁ and antenna ➂ using 4G technology.
The labels of the collected fault datasets are shown in Table 3.
In order to compare the recognition effects of the proposed model for different bearing datasets, the confusion matrix is introduced for EfficientNet, DenseNet, and VGGNet to verify the recognition accuracy of the training model in different fault samples in the test set. Figure 11 illustrates the recognition results for each model. It can be seen from Figure 11a that, in general, the proposed model outperforms the other four types in faulty bearing identification. More precisely, all its accuracy rates are greater than 98%. Figure 11b shows that the EfficientNet model has a misdiagnosis rate of up to 11% for inner-ring faults. Figure 11c shows that the DenseNet model performs the worst in identifying single-point faults in the outer ring, with an average recognition accuracy of only 89%. It can be observed from Figure 11d that the VGGNet model is less effective in identifying two types of bearings (single-point faults and repeated faults) on the outer ring, and it cannot provide reliable guidance for the judgment of bearing faults.
In order to intuitively compare the classification abilities of the six models, t-SNE [32] is used to visualize the high-dimensional features. The extracted high-dimensional features from the six models are projected onto the 2D plane, as shown in Figure 12.
It can be seen from Figure 12 that the optimized EfficientNet alignment strategy outperforms the other methods, while EfficientNet and DenseNet have aliasing and large distances in the same category to varying degrees (red box part). On the contrary, the proposed model does not have these shortcomings. It leads to a small distance of feature distribution within the identical category and a significant gap between distinct classes, which is more conducive to fault classification.

4.2.2. Comparison between Existing State-of-the-Art Studies

To further demonstrate the high accuracy of the proposed method, it is compared with existing state-of-the-art approaches. The obtained results are shown in Table 4.
(1) The approach presented in [33] is a bearing fault detection method based on ResNetV2. The collected 1D bearing data are converted to 2D, solving the workload that manual feature extraction increases. For the bearing dataset of the 4YZB-8B self-propelled corn harvester, although the fault recognition rate of the method is higher in the second and third tests (reaching 98.6% and 97.2%, respectively), the fault recognition rate of the first test is only 86.2%. The results show that the low robustness of the bearing fault diagnosis of the 4YZB-8B self-propelled corn harvester based on ResNetV2 is attributed to the overfitting caused by the excessive number of covariates of the model, which varies the fault recognition accuracy.
(2) The authors of [34] introduced various deep learning algorithms for the prognostics and health management (PHM) of rotating machinery, including the restricted Boltzmann machine (RBM), deep belief network (DBN), deep Boltzmann machine (DBM), auto-encoder (AE), convolutional neural network (CNN), and recurrent neural network (RNN). For the three fault identification tests, the overall performance of the six models on the bearing dataset of the 4YZB-8B self-propelled corn harvester is poor. This is due to the fact that all these models require a large amount of data and computational resources for training, which leads to difficulties in model convergence and low generalization ability in the case of insufficient training samples.
(3) The method presented in [35] uses a generative adversarial network (GAN) to solve the problem of severe lack caused by equipment. When identifying the bearing dataset of the 4YZB-8B self-propelled corn harvester, although the accuracy rate is as high as 97.2% in the first test, it is not stable, and it drops by 8% in the second identification.
The proposed optimization of EfficientNet not only retains the advantages of the original model but also reduces the complexity and avoids overfitting, leading to an average accuracy rate of 98.7%.
Table 4. Comparison between the proposed method and existing state-of-the-art studies.
Table 4. Comparison between the proposed method and existing state-of-the-art studies.
Test Method Presented in [33]RBMDBNDBMAECNNRNNMethod Presented in [35]Proposed Method
First test86.2%85.2%94.2%95.2%93.2%80.4%90.2%97.2%98.7%
Second test98.6%79.2%93.7%93.2%94.6%78.6%88.3%89.2%98.3%
Third test97.2%78.6%92.1%94.6%91.7%72.1%87.3%96.8%99.1%

5. Conclusions

Fault characteristic signals are often submerged due to the complex working environment of corn harvester bearings. The accuracy and stability of the fault classification model depend on the characteristic signal processing and the convergence ability of the diagnosis model.
The conclusions of this study are summarized as follows.
(1) A fault signal decomposition method based on ABC-VMD is proposed. It relies on the ABC algorithm to search for the optimal decomposition number and penalty factor in order to improve the accuracy of fault feature extraction.
(2) By combining the complexity of the signal, the ratio between the signal quality and the noise level, and the energy distribution in the frequency domain, the evaluation function based on the permutation entropy, signal-to-noise ratio, and power spectral density is constructed, which can fully reflect the fault signal characteristics.
(3) An optimization approach for EfficientNet is proposed to solve the problem of high complexity and computational workload of the high parametric quantity models. The convergence ability of the model is effectively improved. The number of MBConv modules is optimized. In addition, LeakyRelu is used to reduce the calculation workload and optimize the iterative process of the fault classification model.
Although the proposed method outperforms other existing models, after optimizing EfficientNet, the number of modules is reduced, which is mainly suitable for small datasets and can lead to model underfitting in the case of large amounts of data. Therefore, in future work, we aim to avoid the impact of different sample volumes on the recognition accuracy of EfficientNet.

Author Contributions

Z.L. proposed the method, wrote the code in Python 3.8, and completed the manuscript; W.S. made some essential suggestions and checked the manuscript; S.C. analyzed the data, provided valuable ideas, and checked the manuscript. K.Z. made some essential suggestions and checked the manuscript. Y.B. and R.J. made some critical suggestions. All authors have read and agreed to the published version of the manuscript.

Funding

This research was supported by the Natural Science Foundation of Xinjiang Province (Grant No. 2020B02014).

Institutional Review Board Statement

Not applicable.

Data Availability Statement

The public dataset from CWRU can be found at https://engineering.case.edu/bearingdatacenter (accessed on 1 March 2023). The signals collected from the 4YZB-8B self-propelled corn harvester are owned by the author’s institution and are not allowed to be used in a public way.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Chu, B.; Qi, Z.; Sun, L.; Han, M.; Zhao, L.; Li, H. Design and test of large verticalcrusher for cane stalk. J. Chin. Agric. Mech. 2021, 42, 93–100. [Google Scholar]
  2. Shi, J.; Wu, X.; Liu, X.; LIU, T. Mechanical fault diagnosis based on variational mode decomposition combined with deep transfer learning. Trans. Chin. Soc. Agric. Eng. (Trans. CSAE) 2020, 36, 129–137. [Google Scholar]
  3. Wang, H.; Deng, S.; Yang, J.; Liao, H. Incipient fault diagnosis of rolling bearing based on VMD with parameters optimized. J. Vib. Shock 2020, 39, 38–46. [Google Scholar]
  4. Dong, L.; Chen, Z.; Hua, R.; Hu, S.; Fan, C. Research on diagnosis method of centrifugal pump rotor faults based on IPSO-VMD and RVM. Nucl. Eng. Technol. 2023, 55, 827–838. [Google Scholar] [CrossRef]
  5. Ye, M.; Jia, M. Rolling Bearing Fault Diagnosis Based on VMD-MPE and PSO-SVM. Entropy 2021, 23, 762. [Google Scholar] [CrossRef]
  6. Liu, J.; Quan, H.; Yu, X.; He, K.; Li, Z. Rolling Bearing Fault Diagnosis Based on Parameter Optimization. Acta Autom. Sin. 2022, 48, 808–819. [Google Scholar]
  7. Liang, T.; Lu, H. A Novel Method Based on Multi-Island Genetic Algorithm Improved Variational Mode Decomposition and Multi-Features for Fault Diagnosis of Rolling Bearing. Entropy 2020, 22, 995. [Google Scholar] [CrossRef]
  8. Li, X.; Ma, Z.; Kang, D.; Li, X. Fault diagnosis for rolling bearing based on VMD-FRFT. Measurement 2020, 155, 107554. [Google Scholar] [CrossRef]
  9. Li, Z.; Jiang, W.; Zhang, S.; Sun, Y.; Zhang, S. A Hydraulic Pump Fault Diagnosis Method Based on the Modifified Ensemble Empirical Mode Decomposition and Wavelet Kernel Extreme Learning Machine Methods. Sensors 2021, 21, 2599. [Google Scholar] [CrossRef]
  10. Bai, R.; Xu, Q.; Meng, Z.; Cao, L.; Xing, K.; Fan, F. Rolling bearing fault diagnosis based on multi-channel convolution neural network and multi-scale clipping fusion data augmentation. Measurement 2021, 184, 109885. [Google Scholar] [CrossRef]
  11. Niu, G.; Wang, X.; Golda, M.; Mastro, S.; Zhang, B. An optimized adaptive PReLU-DBN for rolling element bearing fault diagnosis. Neurocomputing 2021, 445, 26–34. [Google Scholar] [CrossRef]
  12. Huo, C.; Jiang, Q.; Shen, Y.; Qian, C.; Zhang, Q. New transfer learning fault diagnosis method of rolling bearing based on ADC-CNN and LATL under variable conditions. Measurement 2022, 188, 110587. [Google Scholar] [CrossRef]
  13. Ding, C.; Chen, R.; Huang, Y.; Liu, F.; Liu, H.; Xiao, A. Application study of reparameterized VGG network in rolling bearing fault diagnosis. J. Vib. Shock 2023, 42, 313–323. [Google Scholar]
  14. Wang, H.; Sun, W.; He, L. Rolling Bearing Fault Diagnosis Using Multi-Sensor Data Fusion Based on 1D-CNN Model. Entropy 2022, 24, 573. [Google Scholar] [CrossRef] [PubMed]
  15. Gu, X.; Yu, Y.; Guo, L. CSWGAN-GP: A new method for bearing fault diagnosis under imbalanced condition. Measurement 2023, 217, 113014. [Google Scholar] [CrossRef]
  16. Nijaguna, G.S.; Babu, J.A.; Parameshachari, B.D.; de Prado, R.P.; Frnda, J. Quantum Fruit Fly algorithm and ResNet50-VGG16 for medical diagnosis. Appl. Soft Comput. 2023, 136, 110055. [Google Scholar] [CrossRef]
  17. Zhang, L.; Du, J.; Dong, S.; Wang, F.; Xie, C.; Wang, R. AM-ResNet: Low-energy-consumption addition-multiplication hybrid ResNet for pest recognition. Comput. Electron. Agric. 2022, 202, 107357. [Google Scholar] [CrossRef]
  18. Gai, J.; Zhong, K.; Du, X. Detection of gear fault severity based on parameter-optimized deep belief network using sparrow search algorithm. Measurement 2021, 185, 110079. [Google Scholar] [CrossRef]
  19. GUANG, J.; LINAG, J.; LIU, Y. Plant image classification algorithm based on improved EfficientNet. Transducer Microsyst. Technol. 2022, 41, 136–139. [Google Scholar]
  20. Liu, Z.; Xing, J.; Wang, H.; Han, F.; Gu, F. Fault diagnosis of rolling bearings based on VMD and fast spectral kurtosis. J. Electron. Meas. Instrum. 2021, 35, 73–79. [Google Scholar]
  21. Hua, L.; Xing, W.; Tao, L.; Li, S.; Zhang, B.; Zhou, G.; Huang, T. Composite fault diagnosis for rolling bearing based on parameter-optimized VMD. Measurement 2022, 201, 111637. [Google Scholar]
  22. Luo, C.; Cheng, S.; Xu, H.; Li, P. Human behavior recognition model based on improved EfficientNet. Procedia Comput. Sci. 2022, 199, 369–376. [Google Scholar] [CrossRef]
  23. Amigó, J.M.; Dale, R.; Tempesta, P. Complexity-based permutation entropies: From deterministic time series to white noise. Commun. Nonlinear Sci. Numer. Simul. 2022, 105, 106077. [Google Scholar] [CrossRef]
  24. Wang, X.; Zheng, J.; Zhang, J. A novel optimal demodulation frequency band extraction method of fault bearing based on power spectrum screening combination-gram. Mech. Syst. Signal Process. 2022, 174, 109104. [Google Scholar] [CrossRef]
  25. Zeng, X.; Lu, X.; Liu, Z.; Jin, Y. An adaptive fractional stochastic resonance method based on weighted correctional signal-to-noise ratio and its application in fault feature enhancement of wind turbine. ISA Trans. 2022, 120, 18–32. [Google Scholar] [CrossRef]
  26. Arranz, R.; Paredes, Á.; Rodríguez, A.; Muñoz, F. Fault location in Transmission System based on Transient Recovery Voltage using Stockwell transform and Artificial Neural Networks. Electr. Power Syst. Res. 2021, 201, 107569. [Google Scholar] [CrossRef]
  27. Li, H.; Liu, T.; Wu, X.; Chen, Q. An optimized VMD method and its applications in bearing fault diagnosis. Measurement 2020, 166, 108185. [Google Scholar] [CrossRef]
  28. Cui, Y.; Hu, W.; Rahmani, A. A reinforcement learning based artificial bee colony algorithm with application in robot path planning. Expert Syst. Appl. 2022, 203, 117389. [Google Scholar] [CrossRef]
  29. Kang, W.; Zhu, Y.; Yan, K.; Ren, Z. Weak Fault Extraction of Rolling Element Bearings Based on CSES and MED. J. Vib. Meas. Diagn. 2021, 41, 660–666+827. [Google Scholar]
  30. Xu, H.; Jiao, G.E.; Zhang, W.J.; Chen, Y.M. Classification algorithm for structured imbalanced data based on convolutional neural network. Comput. Eng. 2023, 49, 81–89. [Google Scholar]
  31. Zhang, H.; Sheng, Y.J.; Huang, Z.L.; Liu, C.; Cao, Y. W-DenseNet-based fault diagnosis model of pressure-reducing valve with unbalanced samples. Control Decis. 2021, 37, 1513–1520. [Google Scholar]
  32. Lei, Y.; Yang, B.; Du, Z.; Lv, N. Transfer Diagnosis Method for Machinery in Big Data Era. J. Mech. Eng. 2019, 55, 1–8. [Google Scholar] [CrossRef]
  33. Kumar, P.; Kumar, P.; Hati, A.S.; Kim, H.S. Deep Transfer Learning Framework for Bearing Fault Detection in Motors. Mathematics 2022, 10, 4683. [Google Scholar] [CrossRef]
  34. Kumar, P.; Khalid, S.; Kim, H.S. Prognostics and Health Management of Rotating Machinery of Industrial Robot with Deep Learning Applications—A Review. Mathematics 2023, 11, 3008. [Google Scholar] [CrossRef]
  35. Xu, K.; Kong, X.; Wang, Q.; Yang, S.; Huang, N.; Wang, J. A bearing fault diagnosis method without fault data in new working condition combined dynamic model with deep learning. Adv. Eng. Inform. 2022, 54, 101795. [Google Scholar] [CrossRef]
Figure 1. Flowchart of the variational modal decomposition for artificial bee colony optimization.
Figure 1. Flowchart of the variational modal decomposition for artificial bee colony optimization.
Entropy 25 01273 g001
Figure 2. Optimized EfficientNet.
Figure 2. Optimized EfficientNet.
Entropy 25 01273 g002
Figure 3. Rolling bearing fault diagnosis process.
Figure 3. Rolling bearing fault diagnosis process.
Entropy 25 01273 g003
Figure 4. CWRU Bearing Test Stand.
Figure 4. CWRU Bearing Test Stand.
Entropy 25 01273 g004
Figure 5. Stockwell transformed time–frequency waveform signal. (a) IMF1, (b) IMF2, (c) IMF3.
Figure 5. Stockwell transformed time–frequency waveform signal. (a) IMF1, (b) IMF2, (c) IMF3.
Entropy 25 01273 g005
Figure 6. Comparison between the model losses for different evaluation functions.
Figure 6. Comparison between the model losses for different evaluation functions.
Entropy 25 01273 g006
Figure 7. Comparison between the fault identification results obtained using different models. (a) VGGNet; (b) DenseNet; (c) ResNet; (d) EfficientNet; (e) optimized EfficientNet.
Figure 7. Comparison between the fault identification results obtained using different models. (a) VGGNet; (b) DenseNet; (c) ResNet; (d) EfficientNet; (e) optimized EfficientNet.
Entropy 25 01273 g007aEntropy 25 01273 g007b
Figure 8. Comparison between the feature extraction visualization results obtained by different models. (a) VGGNet; (b) DenseNet; (c) ResNet; (d) EfficientNet; (e) optimized EfficientNet.
Figure 8. Comparison between the feature extraction visualization results obtained by different models. (a) VGGNet; (b) DenseNet; (c) ResNet; (d) EfficientNet; (e) optimized EfficientNet.
Entropy 25 01273 g008aEntropy 25 01273 g008b
Figure 9. 4YZB-8B self-propelled corn harvester.
Figure 9. 4YZB-8B self-propelled corn harvester.
Entropy 25 01273 g009
Figure 10. The acquisition device. (a) Overall view; (b) Local view.
Figure 10. The acquisition device. (a) Overall view; (b) Local view.
Entropy 25 01273 g010
Figure 11. Confusion matrix for different models. (a) optimized EfficientNet; (b) EfficientNet; (c) DenseNet; (d) VGGNet.
Figure 11. Confusion matrix for different models. (a) optimized EfficientNet; (b) EfficientNet; (c) DenseNet; (d) VGGNet.
Entropy 25 01273 g011
Figure 12. Distribution of t−SNE on the fully connected layer for different models. (a) optimized EfficientNet; (b) EfficientNet; (c) DenseNet; (d) ResNet.
Figure 12. Distribution of t−SNE on the fully connected layer for different models. (a) optimized EfficientNet; (b) EfficientNet; (c) DenseNet; (d) ResNet.
Entropy 25 01273 g012
Table 1. Bearing datasets.
Table 1. Bearing datasets.
FaultFault Diameter (inch)LabelCount of
Samples
Training SetTesting Set
normal00966067202940
inner ring failure0.0071
0.0142
0.0213
outer ring failure0.0074
0.0145
0.0216
ball defects0.0077
0.0148
0.0219
Table 2. IMF component parameters.
Table 2. IMF component parameters.
IMFPESNRPSD MeanScore
IMF10.5571.2442.2071.1727
IMF20.5210.687−0.1000.2093
IMF30.5650.679−0.4450.093
IMF40.540−0.205−0.534−0.3707
IMF50.536−0.664−0.559−0.6069
IMF60.537−1.741−0.566−1.1477
Table 3. 4YZB-8B dataset.
Table 3. 4YZB-8B dataset.
Fault LabelCount of
Samples
Training SetTesting Set
Normal 0770056002100
inner ring failure 1
outer ring failuresingle point fault2
multi-point fault state3
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, Z.; Sun, W.; Chang, S.; Zhang, K.; Ba, Y.; Jiang, R. Corn Harvester Bearing Fault Diagnosis Based on ABC-VMD and Optimized EfficientNet. Entropy 2023, 25, 1273. https://doi.org/10.3390/e25091273

AMA Style

Liu Z, Sun W, Chang S, Zhang K, Ba Y, Jiang R. Corn Harvester Bearing Fault Diagnosis Based on ABC-VMD and Optimized EfficientNet. Entropy. 2023; 25(9):1273. https://doi.org/10.3390/e25091273

Chicago/Turabian Style

Liu, Zhiyuan, Wenlei Sun, Saike Chang, Kezhan Zhang, Yinjun Ba, and Renben Jiang. 2023. "Corn Harvester Bearing Fault Diagnosis Based on ABC-VMD and Optimized EfficientNet" Entropy 25, no. 9: 1273. https://doi.org/10.3390/e25091273

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