Next Article in Journal
An Improved YOLOv5 Algorithm for Vulnerable Road User Detection
Previous Article in Journal
Attosecond-Level Delay Sensing via Temporal Quantum Erasing
Previous Article in Special Issue
Sugar Detection in Aqueous Solution Using an SMS Fiber Device
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Intelligent Fault Diagnosis of Rolling Element Bearings Based on Modified AlexNet †

1
Department of Electronics and Telecommunication Engineering, Chittagong University of Engineering and Technology (CUET), Chittagong 4349, Bangladesh
2
Department of Information and Communication Technology, Islamic University, Kushtia 7003, Bangladesh
3
Department of Signal Theory and Communications, University Carlos III of Madrid (UC3M), 28911 Madrid, Spain
4
IVR Low-Carbon Research Institute, School of Energy and Electrical Engineering, Chang’an University, Xi’an 710064, China
*
Author to whom correspondence should be addressed.
This paper is an extension of a conference paper.
Sensors 2023, 23(18), 7764; https://doi.org/10.3390/s23187764
Submission received: 7 August 2023 / Revised: 2 September 2023 / Accepted: 5 September 2023 / Published: 8 September 2023

Abstract

:
The reliable and safe operation of industrial systems needs to detect and diagnose bearing faults as early as possible. Intelligent fault diagnostic systems that use deep learning convolutional neural network (CNN) techniques have achieved a great deal of success in recent years. In a traditional CNN, the fully connected layer is located in the final three layers, and such a layer consists of multiple layers that are all connected. However, the fully connected layer of the CNN has the disadvantage of too many training parameters, which makes the model training and testing time longer and incurs overfitting. Additionally, because the working load is constantly changing and noise from the place of operation is unavoidable, the efficiency of intelligent fault diagnosis techniques suffers great reductions. In this research, we propose a novel technique that can effectively solve the problem of traditional CNN and accurately identify the bearing fault. Firstly, the best pre-trained CNN model is identified by considering the classification’s success rate for bearing fault diagnosis. Secondly, the selected CNN model is modified to effectively reduce the parameter quantities, overfitting, and calculating time of this model. Finally, the best classifier is identified to make a hybrid model concept to achieve the best performance. It is found that the proposed technique performs well under different load conditions, even in noisy environments, with variable signal-to-noise ratio (SNR) values. Our experimental results confirm that this proposed method is highly reliable and efficient in detecting and classifying bearing faults.

1. Introduction

The most crucial part of rotating machines is the bearing, whose main purposes are to sustain the mechanical rotating body and decrease the friction coefficient while it is in motion [1]. Rolling bearings are employed to transmit loads from moving to stationary components or vice versa as well as to create conditions for the relative movement of rotating parts [2,3]. Efficient bearing fault diagnosis is required to ensure the smooth operation of mechanical system. There are two parts to bearing fault identification problem. The initial part focuses on the extraction of fault information-related features from vibration signals, and the latter one on fault identification, which makes use of the extracted features for problem detection by applying a variety of artificial intelligence (AI) approaches, including an artificial neural network (ANN), a decision tree (DT), the k-nearest neighbors (k-NN) algorithm, a support vector machine (SVM), neuro-fuzzy [4,5,6,7,8,9,10,11], etc.
Samanta et al. [12] conducted a study comparing the effectiveness of three different ANN types for detecting bearing faults: multi-layer perception (MLP), the radial basis function (RBF) network, and the probabilistic neural network (PNN). The preprocessing of the data, manual feature extraction, and pattern detection are often necessary for the ANN classification approach. Features are extracted from those ANNs using the crest-factor, envelope spectrum, root mean square (RMS), crest value, standard deviation, Kurtosis, variance, and estimation [13]. Due to complex vibration signals, it is difficult for the manual feature extraction technique of ANN [14] to extract these features. Because a signal is impacted by surrounding noise as a result of changes in working situations, existing intelligent fault identification systems in real industries have limitations with initial features and multiple unidentified complex failure causes. The ANN model does not produce sufficient results for the reason that the method of extracting features depends on a high level of professional skill.
To overcome the limitations of the existing intelligent approach, the deep learning (DL) method has recently been used and produced satisfactory results. DL approaches have the benefit of automatically learning characteristic features and challenging nonlinear relationships from raw data [15,16]. However, its application in bearing fault detection is still being developed [17]. One of the deep learning models is the deep convolutional neural network (DCNN), which is an effective tool for two-dimensional image processing [18]. It is resilient, can be trained on large amounts of data, and is unaffected by image distortion [19]. A new DL model based on a DCNN for detecting bearing problems in induction motors (IMs) was proposed by Khan Ma et al. [20]. In addition, DCNN provides advantages such as quick inference, and the capacity to encode richer, and higher-order network topologies. Because of its high classification accuracy, DCNN has found widespread use in computer vision [21]. SVM and CNN are combined by Shao, Y. et al. [22] to present a novel hybrid intelligent fault diagnostic frame that is superior to some conventional fault diagnosis techniques and exhibits high precision for rolling bearings. Time domain signals are converted to two-dimensional (2D) images in several studies of fault diagnosis, utilizing 2D forms of signals [23,24]. Although 2D image-based bearing fault diagnosis has achieved excellent accuracy, its performance is still mostly dependent on handmade feature extraction.
Currently, the pre-trained model is the most widely used convolutional neural network and has become one of the hotspots in bearing fault diagnosis. Bearing fault signals are complex due to the high variance, nonlinear, and nonstationary characteristics of vibration signals [12]. As a result, the input distributions of the layers of the pre-trained model differ from each other. This can make achieving high accuracy in parameter training very challenging and time-consuming, which requires proper setup [25]. In a traditional AlexNet, the fully connected (FC) layer is located in the final three layers. An FC layer consists of multiple layers that are all connected [26]. It can be defined as a function from Rm to Rn. Each input parameter of each layer influences each output parameter. However, the FC layer of the AlexNet has too many training parameters, which makes the model training and testing time longer, and causes overfitting.
To address the aforementioned problems, this work develops a novel technique for the intelligent identification of bearing faults in rotating machinery. It effectively reduces training parameters, solves the traditional AlexNet model’s overfitting problem, and also increases the classification accuracy. In the proposed technique the best pre-trained CNN model is firstly selected for the bearing fault diagnosis. In the next step, the selected CNN model is improved by replacing the FC layer with a global average pooling (GAP) layer adding some batch normalization (BN) layers to prevent this internal covariate shifting, which effectively decreases the parameter quantity, overfitting, and calculating time of the CNN model. The last step constructs a hybrid model concept to achieve the best performance.

2. Proposed Methods and Materials

Due to DCNN’s disadvantage of having too many training parameters in an FC layer, model testing and training take more time so that overfitting occurs. Additionally, the performance of intelligent defect diagnosis procedures is severely hampered by the continually changing operating load and inevitable noise from the environment. To solve the difficulty of the existing intelligent method, this study proposes a novel technique. This method involves an effective data pre-processing technique, feature selection technique, and best classifier selection technique to detect and classify the bearing signals. In the proposed method we firstly classify the bearing fault by considering the original dataset through GoogleNet, AlexNet, ResNet50, and VGG-16. In the next step, because of the classification’s success rate of AlexNet compared to other pre-trained models, we modify the traditional AlexNet model structure, which effectively reduces the parameter quantity, overfitting, and calculation time of the CNN model. In the last step of the experiment, the deep features obtained from the last layer of the proposed modified model are applied separately as the input Softmax, k-NN, and SVM classifier and select the best classifier, which effectively improves the accuracy of the classification results. The flowchart of the proposed method is illustrated in Figure 1.

2.1. Data Pre-Processing

To develop an effective data pre-processing technique, one uses wavelet transform and vibration image construction processes.

2.1.1. Wavelet Transform

The real working environments have noise that contaminates the sensory inputs. The noise removal from the data is required before proceeding with further data analysis. Traditional Fourier transform (FT) is appropriate for stationary signals. However, information can often be observed in the frequency domain that is not easily seen in the time domain. It is critical to obtain the time-frequency characteristics of non-stationary signals. Wavelet transform (WT) is an excellent choice for processing such signals [27]. A complicated unsteady signal in terms of frequency or time-domain can be represented by a wavelet transform. The discrete wavelet transform (DWT) is a signal decomposition technique that employs a collection of distinct, spatially aligned frequency bands. Dual filters handle the vibration signal, producing two signals: details and approximation. This technique is known as signal analysis or signal decomposition. The apparatuses of the breakdown signal can be further rebuilt into the original raw signal without losing any information [28]. In this study, one-dimensional wavelet decomposition was used up to two levels to represent the complexity of unsteady vibration signals. The outcome of wavelet decomposition is shown in Figure 2, which depicts the selection of two levels of detail (d1, d2) and approximation (a2) for each signal.

2.1.2. Vibration Image Construction

CNN is initially ideal for processing 2D inputs because of three important architectural ideas: local receptive fields, weight sharing, and spatial polling [29]. It is significantly easier to extract information from high-dimensional data, yet bearing vibration signals are 1D data. Motivated by this fact, time-domain vibration signals were transformed into 2D gray images. The decomposed vibration signals were separated into segments of the same length. The procedure for segmenting signals is shown in Figure 3. An image of vibration with a size of 20 × 20 was generated from one segment of a signal. The quantity of samples in the vibration signal was the same as the number of pixels in the vibration image. The process for generating a vibration image is shown in Figure 4. Accordingly, we obtained four different vibration image types, as shown in Figure 5.

2.2. Feature Selection

After constructing the vibration images, features were selected by the proposed modification of the AlexNet network. At first, pre-trained models, AlexNet, GoogleNet, VGG16, and ResNet50 were used to observe the bearing fault classification performance and AlexNet provided the highest accuracy. Then, AlexNet was modified by adding and replacing layers to obtain better accuracy. Finally, features were extracted from the modified AlexNet model.

2.2.1. Best Pre-Trained Model Selection

In this subsection, the bearing fault was classified based on the vibration image using GoogleNet, AlexNet, ResNet50, and VGG-16. The procedure for selecting the best pre-trained model is shown in Figure 6. To train the pre-trained model, such as GoogleNet AlexNet, ResNet50, and VGG16, we introduced the last three layers, which were the FC layer, Softmax layer, and output layer. The ADAM and stochastic gradient descent (SGD) optimization techniques were examined during the training of the deep models. Table 1 shows the classification result of pre-trained models. AlexNet was selected for analyzing the model because it achieved the highest accuracy.

2.2.2. Modified AlexNet Model

At present, AlexNet is the most widely used convolutional neural network and has become one of the hotspots in bearing fault diagnosis [17]. Due to some limitations of AlexNet, it is very challenging to achieve satisfactory results in bearing fault diagnosis. Figure 7 shows the traditional AlexNet model and the limitations of AlexNet are described below:
Bearing fault signals are complex due to the high variance, nonlinear, and nonstationary characteristics of vibration signals. As a result, the input distributions of the layers of AlexNet differ from each other and internal covariate shifting occurs [17]. This can make achieving accuracy in parameter training very challenging and time-consuming, which requires proper setup [30]. In a traditional AlexNet, the FC layer is located in the final three layers, namely fc6, fc7, and fc8. An FC consists of many layers that are all connected [31]. The FC layer of AlexNet has the disadvantage of too many training parameters. The procedure for calculating the training parameters of FC layers is given below. In AlexNet, there are two types of FC layers. The first FC layer (fc6) is connected to the final conv layer, whereas subsequent FC layers (fc7 and fc8) are connected to additional FC layers. Each situation is analyzed separately.
Case 1: An FC (fc6) layer’s number of parameters connected to a conv layer can be calculated [30] by the following equations
P c f = W c f + B c f
B c f = F
W c f = F × N × O 2
where:
  • Pcf = number of parameters;
  • Wcf = The number of weights in an FC layer that is linked to a conv layer;
  • Bcf = The number of biases in an FC layer that is linked to a conv layer;
  • O = The size of the previous conv layer’s output image;
  • N = The number of kernels in the last conv layer;
  • F = The number of neurons in the FC layer.
In the first FC layer (fc6) of AlexNet, F is 4096, N is 256, and O is 6. Therefore,
W c f = 4096 × 256 × 6 2 = 37,748,736
B c f = 4096
P c f = W c f + B c f = 37,748,736 + 4096   = 37 ,   752,832
Case 2: An FC layer’s number of parameters connected to an FC layer can be calculated [30] by the following equations
P f f = B f f + W f f
B f f = F
W f f = F 1 × F
where:
  • P c f = number of parameters;
  • W c f = The number of weights in an FC layer that is linked to an FC layer;
  • B f f = The number of biases in an FC layer that is linked to an FC layer;
  • F = The number of neurons in the FC layer;
  • F 1 = The number of neurons in the just before FC layer.
In the second FC layer (fc7) of AlexNet, F is 4096, and F−1 = 4096. Therefore,
B f f = F   = 4096
W f f 1 = F 1 × F = 4096 × 4096 = 16 , 777 , 216
P f f 1 = B f f + W f f = 4096 + 16,777,216 = 16,781,312
In the last FC layer (fc8) of AlexNet, F is 1000, and F−1 = 4096. Therefore,
B f f = F   = 1000
W f f = F 1 × F = 4096 × 1000 = 4 , 096 , 000
P f f 2 = B f f + W f f = 1000 + 4,096,000 = 4,097,000
The sum of the parameters in AlexNet’s three FC layers makes up the total amount of parameters
P t o t a l = P c f + P f f 1 + P f f 2 = 37 ,   752,832 + 16,781,312 + 4,097,000 = 58,631,144
After the calculation, it can be seen in Table 2 that there are 62,378,344 parameters in AlexNet but of them 58,631,144 training parameters came from the last three FC layers of AlexNet, which is a significant proportion. However, the FC layer of AlexNet has the disadvantage of too many training parameters, which makes the model training and testing time longer and incurs overfitting. This research modified the structure of the AlexNet model by analyzing the limitations of the traditional AlexNet model. Figure 8 shows the modified AlexNet model.
Firstly, the fully connected layer of AlexNet is replaced by the GAP, which effectively reduces the total number of parameters, training, and testing time, and also avoids overfitting. Secondly, the BN layer is adopted in the traditional AlexNet to prevent this internal covariate shifting. The concept of BN is straightforward. When CNNs are trained in mini batch mode, the normalization transform is applied to the layer activations by BN to maintain constant means and variances. It effectively makes good parameter training and accelerates the training time and accuracy.
Selecting the optimal AlexNet model hyper-parameters throughout the CNN model construction process can significantly increase the modified AlexNet model’s fault diagnostic accuracy, test speed, and training speed. The optimizer, activation functions, learning rates, convolution kernels, and pooling kernels are the primary hyper-parameters that have an important effect on the CNN model’s performance [20]. Table 3 shows the hyper-parameters of the benchmark model. The ADAM adaptive optimization technique is used in this model, and the learning rate can be modified adaptively.
The number of parameters in a convolutional layer in the modified AlexNet is given [30] by the following equations
P c = B c + W c
B c = N
W c = C × N × K 2
where Wc = No. of weights, Bc = No. of biases, Pc = No. of parameters, K = width of kernels, N = No. of kernels, and C = No. of channels.
In the modified AlexNet, at the conv1 layer, C = 3, K = 11, N = 96.
So ,   B c = N = 96
W c = C × N × K 2 = 3 × 96 × 11 2 = 34848  
P c = B c + W c = 96 + 34,848 = 34,944
Similarly, the number of parameters can be calculated for conv2, conv3, conv4, and conv5, and they are 614,656, 885,120, 1,327,488, and 884,992, respectively.
The total number of parameters of the modified AlexNet is summarized in Table 4. It can be seen that only 3,752,704 parameters are used in the modified AlexNet whereas 62,378,344 parameters were used in the traditional AlexNet. More than 58,625,640 (62,378,344–3,752,704) parameters were used in the traditional AlexNet, which makes the model training, and testing time longer, and occurs overfitting. In contrast, the proposed modified AlexNet effectively reduces the total number of parameters, training, and testing time, and it also avoids overfitting.

2.2.3. Best Classifier Selection for Bearing Faults

This section presents the hybrid model concept. Additionally, to achieve the best classification performance, the features obtained from the last layer of the proposed modified AlexNet are applied as the input to various machine learning models, including Softmax, kNN, SVM, and DT. Furthermore, the classification abilities of the models are investigated individually.

3. Experimental Verification Based on Vibration Signals

3.1. Testbed Description

In this research, the proposed system has been employed to diagnose the experimental vibration signals of bearings to evaluate as well as verify the effectiveness and accuracy of intelligent diagnosis. Two datasets are used for evaluating the proposed system: the CWRU dataset, and the MFPT dataset [31,32].
The CWRU dataset: This dataset was chosen for this analysis because CWRU data have received favorable reviews from many scholars studying bearing failure [4]. The four classes in this dataset are healthy (normal), inner race fault, ball fault, and outer race fault. Data on vibration signals are collected using accelerometers. The experimental setup, which includes a 1.5 KW (2 hp) induction motor, is shown in Figure 9. To obtain data, sampling frequencies of 12 kHz and 48 kHz were used. Deep groove ball bearings of the 6205-2RS JEM SKM type are considered to be the operational condition. In this work, 409,600 samples of data were taken into account for normal bearings and 409,600 samples are taken into account for fault data. The fault diameter in this study is 1.016 mm (0.014 inches). Figure 10 shows each of the four raw vibration signals.
The MFPT dataset: The society for machinery failure prevention technology (MFPT) dataset [32] is also used for rolling bearing fault evaluation and study. The MFPT bearing data make use of a NICE bearing. This dataset contains three types of bearing data: normal bearing data, inner race fault data, and outer race fault data at varying loads. The data are from a single-channel radial accelerometer. In this work, 409,600 samples of data are taken into account for normal bearings and 409,600 samples are taken into account for fault data.

3.2. Experimental Outcome

For testing reasons, a laptop with a Core i3-5005U processor was used. For the coding environment, the MATLAB 2020a version was utilized. Following the simulation, the results of training, validation, and testing were recorded.

3.2.1. The Proposed System’s Performance

The proposed system was trained on 1024 vibration images and tested on 400 vibration images. Five BN layers were added, and the FC layer was replaced with the GAP layer to AlexNet. Table 5 shows the comparison between the FC layer, and GAP of five trials. It can be observed by comparing Table 5, that as a result of using FC, due to overfitting, the testing accuracy decreased from the training accuracy. In contrast, by using GAP instead of FC, overfitting was reduced. However, the accuracy was slightly reduced. Five BN layers were added to improve accuracy. The final proposed system’s training and testing accuracy is shown in Table 6. It can be observed by comparing Table 6 that the performance of the improved AlexNet model was much better than the performance of the traditional FC AlexNet model. The full connection layer is removed in the modified AlexNet model, which has a significant impact on the model’s ability to be used for online, quick fault diagnosis. This also had a big effect on the number of model parameters there are and the duration of the training required. The modified AlexNet model achieved an accuracy of 98.30%, whereas the traditional AlexNet model was 94.40% accurate [32]. The proposed modified AlexNet model’s overfitting problems are not present in our proposed method.
This section presents the hybrid model concept. Additionally, to achieve the best classification performance, the features obtained from the last layer of the modified AlexNet are applied as the input to various machine learning models, including Softmax, kNN, and SVM. Furthermore, the classification abilities of the models are investigated individually. Figure 11 shows the performance of the classifier on the CWRU dataset and the MFPT dataset. The accuracy of the CWRU dataset is shown in red, whereas the accuracy of the MFPT dataset is represented in blue. It can be observed by comparing Table 5 that the performance of the modified AlexNet–SVM hybrid model is much better than the performance of the modified AlexNet–Softmax, and modified AlexNet–kNN hybrid models on both the CWRU dataset, and the MFPT dataset.
This section compares the results of using DWT vs. without DWT in a noisy environment. Figure 12 shows how DWT impacted classification results. In Figure 12 the red line on the graph represents performance with DWT, while the blue dot line represents performance without DWT on the CWRU dataset and the green color line on the graph represents performance with DWT, while the yellow dot line represents performance without DWT on MFPT dataset. The noisy situation on the CWRU dataset is shown, and it is clear from the graph that using DWT is more effective than not using DWT in a noisy environment. On the MFPT dataset, the performance under noisy conditions with DWT is shown by the green color line, and the performance without DWT is shown by the yellow dot line. The graph shows that the proposed DWT model for a noisy environment performs better on the CWRU, and the MFPT datasets, respectively.

3.2.2. Evaluation Measurements of the Proposed System

In this study, the precision ratio, recall ratio, and F1 measure are calculated to further investigate and analyze the proposed method’s performance in terms of classification. The probability of truly positive values out of all projected positive values is referred to as precision. Recall measures how often truly positive values are expected to be positive values. F1 represents the harmonic mean of recall and precision [31] as follows:
Precision   ( P ) = TP ( TP + FP )                                      
Recall   ( R ) = TP ( TP + FN )                                        
F 1 = 2 ×   TP 2 ×   TP + FP + FN                                      
where TP is the number of actual positive events, FP is the number of false positives, and FN is the number of false negatives. Based on Equations (10)–(12), precision, recall, and F1 can be calculated on the experimental findings of the proposed system in Table 7. As shown in Figure 13, the precision rate is 98.93%, the recall rate is 100%, and the F1 measure is 99.46%.

3.2.3. Evaluation in a Noisy Situation

Noise has an impact on signals in real applications in industry. Noise is an additional problem that is created because of changes in the working environment, which decrease the model’s performance. In the following section, the effectiveness of the proposed system is investigated in a noisy situation while identifying bearing faults. Before being tested on noisy signals, the proposed model is trained on the original signal. Additive white Gaussian (AWG) noise is added to create a noisy signal by changing the signal–noise ratio (SNR) to raw signals. The SNR is determined as follows:
SNR   = 10 log 10 ( P s i g n a l P n o i s e )
The proposed system is validated with noisy signals. Figure 14 depicts the performance of the proposed system in noisy situations with SNR values ranging from −10 dB to 10 dB. The red line in Figure 14 shows classification effectiveness during a noisy environment with SNR values between −10 dB and 10 dB, while the blue line shows classification performance in the same environment with the same SNR values. However, even in a noisy environment with SNR = −10 dB, the proposed system exhibits a high accuracy of 96.50% on the CWRU dataset and 95.40% on the MFPT dataset. The outcomes of this experiment indicate that the proposed system is strong and capable of handling noisy environments.

3.2.4. Performance Evaluation with Various Loads

Machines and their bearings have to operate under a variety of load conditions in the field or in real-world applications. It is more difficult to diagnose faults when the vibration signal’s characteristics alter in response to variations in load. Vibration signals under various loads of 0 kW (0 hp), 0.746 kW (1 hp), 1.492 kW (2 hp), and 2.238 kW (3 hp) are used to evaluate the proposed system after training. The achieved findings are highly efficient, with accuracy ranging from 98.10% to 99.60%. The results are shown in Figure 15. The results obtained indicate that the proposed system performs superiorly under various loading situations.

4. Conclusions

Systems for machine fault detection and diagnosis have widely used DL models. However, the fully connected layer of AlexNet has the problem of too many training parameters, which increases the training and testing time and causes overfitting. The effectiveness of intelligent defect diagnosis techniques suffers significantly due to the constantly shifting working load and the inevitable noise from the location of operation. In the proposed technique, the best pre-trained CNN model is selected for the bearing fault diagnosis. The AlexNet model is modified by replacing the FC layer with a GAP layer and adding some BN layers to prevent this internal covariate shifting, which effectively decreases the parameter quantity, overfitting, and calculating the time of the CNN model. Additionally, a hybrid model concept is made to achieve the best performance. The proposed modified AlexNet–SVM hybrid model can achieve an accuracy of 99.60% on the CWRU and can accurately identify bearing faults under various load conditions as well as noisy environments with changing SNR values. The proposed approach is capable of classifying bearing defects under various load conditions as well as in noisy situations.

Author Contributions

Conceptualization, M.-B.N.; Methodology, M.S.I.; Software, S.I.; Validation, M.S.M.; Formal analysis, S.I.; Investigation, M.-B.N.; Writing—original draft, M.M.; Supervision, M.-B.N.; Writing—review & editing, M.S.I., M.S.M. and M.-B.N. All authors have read and agreed to the published version of the manuscript.

Funding

This research is supported by a Project of the Ministry of Science and Technology of China, grant number G2021171024L, and an International Innovation Research Base of Shaanxi Province, grant number S2022-ZC-GXYZ-0015.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

“CWRU dataset” at https:// engineering.case.edu (accessed on 28 October 2021), and “MFPT dataset” at https:// www.mfpt.org/fault-data-sets (accessed on 28 October 2021).

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Heng, R.; Nor, M. Statistical analysis of sound and vibration signals for monitoring rolling element bearing condition. Appl. Acoust. 1998, 53, 211–226. [Google Scholar] [CrossRef]
  2. Zarei, A.; Farahani, S.; Pradeep, S.A.; Driscoll, J.; Lukasiewicz, R.; Pilla, S. Design and manufacturing of roller bearing polymeric cages and development of a theoretical model for predicting the roller push-out force. Sci. Rep. 2022, 12, 1017. [Google Scholar] [CrossRef] [PubMed]
  3. Desnica, E.; Ašonja, A.; Radovanović, L.; Palinkaš, I.; Kiss, I. Selection, Dimensioning and Maintenance of Roller Bearings. In 31st International Conference on Organization and Technology of Maintenance, Lecture Notes in Networks and Systems, Osijek, Croatia, 12 December 2022; Springer: Cham, Switzerland, 2022; Volume 592, pp. 133–142. [Google Scholar] [CrossRef]
  4. Kankar, P.K.; Sharma, S.C.; Harsha, S.P. Rolling element bearing fault diagnosis using wavelet transform. Neurocomputing 2011, 74, 1638–1645. [Google Scholar] [CrossRef]
  5. Kabir, H.; Kabir, A.; Islam, S.; Mortuza, M.G.; Mohiuddin, M. Performance Analysis of Mesh Based Enterprise Network Using RIP, EIGRP and OSPF Routing Protocols. Eng. Proceed. 2021, 10, 47. [Google Scholar] [CrossRef]
  6. Samanta, B.; Al-Balushi, K.R.; Al-Araimi, S.A. Artificial neural networks and genetic algorithm for bearing fault detection. Soft Comput. 2005, 10, 264–271. [Google Scholar] [CrossRef]
  7. Euldji, R.; Boumahdi, M.; Bachene, M. Decision-making based on decision tree for ball bearing monitoring. In Proceedings of the 2020 2nd International Workshop on Human-Centric Smart Environments for Health and Well-being (IHSH), Boumerdes, Algeria, 9–10 February 2021; pp. 171–175. [Google Scholar] [CrossRef]
  8. Sharma, A.; Jigyasu, R.; Mathew, L.; Chatterji, S. Bearing Fault Diagnosis Using Weighted K-Nearest Neighbor. In Proceedings of the 2nd International Conference on Trends in Electronics and Informatics (ICOEI), Tirunelveli, India, 11–12 May 2018; pp. 1132–1137. [Google Scholar]
  9. Shanjida, S.; Islam, S.; Mohiuddin, M. MRI-Image based Brain Tumor Detection and Classification using CNN-KNN. In Proceedings of the 2022 IEEE IAS Global Conference on Emerging Technologies (GlobConET), Arad, Romania, 20–22 May 2022; pp. 900–905. [Google Scholar] [CrossRef]
  10. Fernández-Francos, D.; Martínez-Rego, D.; Fontenla-Romero, O.; Alonso-Betanzos, A. Automatic bearing fault diagnosis based on one-class ν-SVM. Comput. Ind. Eng. 2013, 64, 357–365. [Google Scholar] [CrossRef]
  11. Kabir, H.; Islam, S.; Mohiuddin, M.; Mortuza, M.G. Fuzzy-Based Smart Path Guidance System for Visually Impaired and Deaf Person. In Proceedings of the 2021 IEEE 4th International Conference on Computing, Power and Communication Technologies (GUCON), Kuala Lumpur, Malaysia, 24–26 September 2021; pp. 1–5. [Google Scholar] [CrossRef]
  12. Prieto, M.D.; Cirrincione, G.; Espinosa, A.G.; Ortega, J.A.; Henao, H. Bearing fault detection by a novel condi-tion-monitoring scheme based on statistical-time features and neural networks. IEEE Trans. Ind. Electron. 2013, 60, 3398–3407. [Google Scholar] [CrossRef]
  13. Li, F.; Meng, G.; Ye, L.; Chen, P. Wavelet Transform-based Higher-order Statistics for Fault Diagnosis in Rolling Element Bearings. J. Vib. Control 2008, 14, 1691–1709. [Google Scholar] [CrossRef]
  14. Schmidhuber, J. Deep Learning in Neural Networks: An Overview. Neural Evol. Comput. 2015, 61, 85–117. [Google Scholar] [CrossRef]
  15. Mohiuddin, M.; Islam, S. Rolling Element Bearing Faults Detection and Classification Technique Using Vibration Signals. Eng. Proceed. 2022, 27, 53. [Google Scholar] [CrossRef]
  16. Lu, C.; Wang, Z.; Zhou, B. Intelligent fault diagnosis of rolling bearing using hierarchical convolutional net-work-based health state classification. Adv. Eng. Inform. 2017, 32, 139–151. [Google Scholar] [CrossRef]
  17. Han, T.; Yuan, J.H.; Tang, J.; An, L.Z. An Approach of Intelligent Compound Fault Diagnosis of Rolling Bearing Based on MWT and CNN. Mech. Drive. 2016, 40, 139–143. [Google Scholar]
  18. Khan, M.A.; Kim, Y.-H.; Choo, J. Intelligent fault detection using raw vibration signals via dilated convolutional neural networks. J. Supercomput. 2018, 76, 8086–8100. [Google Scholar] [CrossRef]
  19. Krizhevsky, A.; Sutskever, I.; Hinton, G.E. Imagenet classification with deep convolutional neural networks. Adv. in Neural Inf. Process. Syst. 2012, 25, 1097–1105. [Google Scholar] [CrossRef]
  20. Shao, Y.; Yuan, X.; Zhang, C.; Song, Y.; Xu, Q. A Novel Fault Diagnosis Algorithm for Rolling Bearings Based on One-Dimensional Convolutional Neural Network and INPSO-SVM. Appl. Sci. 2020, 10, 4303. [Google Scholar] [CrossRef]
  21. Nguyen, D.; Kang, M.; Kim, C.-H.; Kim, J.-M. Highly reliable state monitoring system for induction motors using dominant features in a two-dimension vibration signal. New Rev. Hypermedia Multimed. 2013, 19, 248–258. [Google Scholar] [CrossRef]
  22. Mohiuddin, M.; Islam, S.; Kabir, H. Performance Analysis of Bearing fault diagnosis using Convolutional Neural Network. In Proceedings of the 2021 IEEE 4th International Conference on Computing, Power and Communication Technologies (GUCON), Kuala Lumpur, Malaysia, 24–26 September 2021; pp. 1–6. [Google Scholar] [CrossRef]
  23. Gong, W.; Chen, H.; Zhang, Z.; Zhang, M.; Wang, R.; Guan, C.; Wang, Q. A Novel Deep Learning Method for Intelligent Fault Diagnosis of Rotating Machinery Based on Improved CNN-SVM and Multichannel Data Fusion. Sensors 2019, 19, 1693. [Google Scholar] [CrossRef] [PubMed]
  24. Hao, X.; Zheng, Y.; Lu, L.; Pan, H. Research on Intelligent Fault Diagnosis of Rolling Bearing Based on Improved Deep Residual Network. Appl. Sci. 2021, 11, 10889. [Google Scholar] [CrossRef]
  25. Ergen, B. Signal and Image Denoising Using Wavelet Transform. In Advances in Wavelet Theory and Their Applications in Engineering, Physics and Technology; InTech: Elazığ, Turkey, 2012. [Google Scholar] [CrossRef]
  26. Mohideen, S.K.; Perumal, S.A.; Sathik, M.M. Image De-noising using Discrete Wavelet transform. Int. J. Comput. Sci. Netw. Secur. 2008, 8, 213–216. [Google Scholar]
  27. Ding, X.; He, Q. Energy-Fluctuated Multiscale Feature Learning with Deep ConvNet for Intelligent Spindle Bearing Fault Diagnosis. IEEE Trans. Instrum. Meas. 2017, 66, 1926–1935. [Google Scholar] [CrossRef]
  28. Available online: https://learnopencv.com/number-of-parameters-and-tensor-sizes-in-convolutional-neural-network (accessed on 20 July 2023).
  29. Available online: https://engineering.case.edu/bearingdatacenter (accessed on 28 October 2021).
  30. Available online: https://www.mfpt.org/fault-data-sets (accessed on 25 October 2021).
  31. Zhuang, Z.; Lv, H.; Xu, J.; Huang, Z.; Qin, W. A Deep Learning Method for Bearing Fault Diagnosis through Stacked Residual Dilated Convolutions. Appl. Sci. 2019, 9, 1823. [Google Scholar] [CrossRef]
  32. Lu, S.; Wang, S.-H.; Zhang, Y.-D. Detection of abnormal brain in MRI via improved AlexNet and ELM optimized by chaotic bat algorithm. Neural Comput. Appl. 2021, 33, 10799–10811. [Google Scholar] [CrossRef]
Figure 1. Flowchart of the proposed system.
Figure 1. Flowchart of the proposed system.
Sensors 23 07764 g001
Figure 2. Output result of wavelet transforms.
Figure 2. Output result of wavelet transforms.
Sensors 23 07764 g002
Figure 3. Signal data segmentation.
Figure 3. Signal data segmentation.
Sensors 23 07764 g003
Figure 4. Vibration image construction.
Figure 4. Vibration image construction.
Sensors 23 07764 g004
Figure 5. Vibration image type.
Figure 5. Vibration image type.
Sensors 23 07764 g005
Figure 6. Best pre-trained model selection process.
Figure 6. Best pre-trained model selection process.
Sensors 23 07764 g006
Figure 7. AlexNet model.
Figure 7. AlexNet model.
Sensors 23 07764 g007
Figure 8. Modified AlexNet model.
Figure 8. Modified AlexNet model.
Sensors 23 07764 g008
Figure 9. Experimental setup [31].
Figure 9. Experimental setup [31].
Sensors 23 07764 g009
Figure 10. Raw vibration signals.
Figure 10. Raw vibration signals.
Sensors 23 07764 g010
Figure 11. Performance of hybrid models.
Figure 11. Performance of hybrid models.
Sensors 23 07764 g011
Figure 12. Impact on DWT.
Figure 12. Impact on DWT.
Sensors 23 07764 g012
Figure 13. Evaluation results.
Figure 13. Evaluation results.
Sensors 23 07764 g013
Figure 14. Evaluation in a noisy situation.
Figure 14. Evaluation in a noisy situation.
Sensors 23 07764 g014
Figure 15. Performance evaluation with various loads.
Figure 15. Performance evaluation with various loads.
Sensors 23 07764 g015
Table 1. Classification of the results of the pre-trained model.
Table 1. Classification of the results of the pre-trained model.
Pre-Trained ModelAccuracy (%)Average
Trial 1Trial 2Trial 3Trial 4Trial 5
GoogleNet95.3094.9894.6595.6095.8095.27
VGG1687.5087.9888.5087.3088.5087.96
AlexNet97.5097.3098.1096.8897.7897.51
ResNet5096.9897.3596.3895.8896.7896.67
Table 2. Number of parameters of the AlexNet model.
Table 2. Number of parameters of the AlexNet model.
Layer NameSizeParameters
conv155 × 55 × 9634,944
conv227 × 27 × 256614,656
conv313 × 13 × 384885,120
conv413 × 13 × 3841,327,488
conv513 × 13 × 256884,992
fc64096 × 137,752,832
fc74096 × 116,781,312
fc81000 × 14,097,000
Total number of parameters62,378,344
Table 3. Hyper-parameter descriptions.
Table 3. Hyper-parameter descriptions.
NameTypeActivationsLearnable
Data 227 × 227 × 1 imagesImage input227 × 227 × 1-
conv1Convolution55 × 55 × 96Weights 11 × 11 × 1 × 96; Bias 1 × 1 × 96
batchnorm-1Batch Normalization55 × 55 × 96offset 1 × 1 × 96 scale 1 × 1 × 96
Relu-1ReLu55 × 55 × 96-
Pool-1Max Pooling27 × 27 × 96-
conv2Convolution27 × 27 × 256Weights 5 × 5 × 48 × 128; Bias 1 × 1 × 128 × 2
batchnorm-2Batch Normalization27 × 27 × 256offset 1 × 1 × 256 scale 1 × 1 × 256
Relu-2ReLu27 × 27 × 256-
Pool-2Max Pooling13 × 13 × 96-
conv3Convolution13 × 13 × 384Weights 3 × 3 × 256 × 384; Bias 1 × 1 × 384
batchnorm-3Batch Normalization13 × 13 × 384offset 1 × 1 × 384 scale 1 × 1 × 384
Relu-3ReLu13 × 13 × 384-
conv4Convolution13 × 13 × 384Weights 3 × 3 × 192 × 192; Bias 1 × 1 × 192 × 2
batchnorm-4Batch Normalization13 × 13 × 384offset 1 × 1 × 384 scale 1 × 1 × 384
Relu-4ReLu13 × 13 × 384-
conv5Convolution13 × 13 × 256Weights 3 × 3 × 192 × 128 × 2; Bias 1 × 1 × 128 × 2
batchnorm-5Batch Normalization13 × 13 × 256offset 1 × 1 × 256 scale 1 × 1 × 256
Relu-5ReLu13 × 13 × 256-
Pool-5Max Pooling6 × 6 × 256-
drop 6Dropout6 × 6 × 256-
Relu-6ReLu6 × 6 × 256-
gapoolGlobal Average Pooling1 × 1 × 256-
Prob SoftmaxSoftmax1 × 1 × 4-
Table 4. Number of parameters of the modified AlexNet model.
Table 4. Number of parameters of the modified AlexNet model.
Layer NameSizeParameters
conv155 × 55 × 9634,944
Batchnorm-155 × 55 × 96384
conv227 × 27 × 256614,656
Batchnorm-227 × 27 × 2561024
conv313 × 13 × 384885,120
Batchnorm-313 × 13 × 3841536
conv413 × 13 × 3841,327,488
Batchnorm-413 × 13 × 3841536
conv513 × 13 × 256884,992
Batchnorm-513 × 13 × 2561024
Total number of parameters3,752,704
Table 5. Impact on global average pooling (GAP).
Table 5. Impact on global average pooling (GAP).
AlexNetUsing Fully Connection Layer (FC)Using Global Average Pooling (GAP)
Training Accuracy (%)Testing Accuracy (%)Training Accuracy (%)Testing Accuracy (%)
Trial 197.5094.4095.8095.20
Trial 297.3094.3095.5095.10
Trial 398.1095.2096.6096.00
Trial 496.8894.0095.2094.85
Trial 597.7894.5096.2095.95
Table 6. Comparison of results between the traditional AlexNet and modified AlexNet.
Table 6. Comparison of results between the traditional AlexNet and modified AlexNet.
MethodTraining Accuracy (%)Testing Accuracy (%)Training Time(s)Testing Time (s)
AlexNet97.5094.40148.920.295
Modified AlexNet98.7498.30112.480.157
Table 7. Evaluation results of the proposed system.
Table 7. Evaluation results of the proposed system.
ModelTPFPFNPrecision RateRecall RateF1-Measure
Modified AlexNet-SVM1852098.93%100%99.46%
Modified AlexNet-Softmax1833196.51%98.81%98.92%
Modified AlexNet-kNN1863098.41%100%99.20%
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

Mohiuddin, M.; Islam, M.S.; Islam, S.; Miah, M.S.; Niu, M.-B. Intelligent Fault Diagnosis of Rolling Element Bearings Based on Modified AlexNet. Sensors 2023, 23, 7764. https://doi.org/10.3390/s23187764

AMA Style

Mohiuddin M, Islam MS, Islam S, Miah MS, Niu M-B. Intelligent Fault Diagnosis of Rolling Element Bearings Based on Modified AlexNet. Sensors. 2023; 23(18):7764. https://doi.org/10.3390/s23187764

Chicago/Turabian Style

Mohiuddin, Mohammad, Md. Saiful Islam, Shirajul Islam, Md. Sipon Miah, and Ming-Bo Niu. 2023. "Intelligent Fault Diagnosis of Rolling Element Bearings Based on Modified AlexNet" Sensors 23, no. 18: 7764. https://doi.org/10.3390/s23187764

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