Vibration Analysis in Bearings For Failure Prevent
Vibration Analysis in Bearings For Failure Prevent
net/publication/341395912
CITATIONS READS
0 1,141
3 authors, including:
Some of the authors of this publication are also working on these related projects:
All content following this page was uploaded by Diego Alberto Mercado-Ravell on 21 May 2020.
Abstract The timely failure detection for bearings is of great ing machines cause significant losses to the industry every
importance to prevent economic loses in the industry. In this year. One of the key components of rotating machines are
article we propose a method based on Convolutional Neu- the bearings, and these are exposed to excessive wear due
ral Networks (CNN) to estimate the level of wear in bear- to the many hours of continuous operation. Within the in-
ings. First of all, an automatic labeling of the raw vibra- dustry, rotary machinery is used in numerous forms includ-
tion data is performed to obtain different levels of bearing ing pumps, electric motors, power generators, ventilators,
wear, by means of the Root Mean Square features along wind turbines, alternative compressors, refrigeration towers,
with the Shannon’s entropy to extract features from the raw among others.
data, which is then grouped in seven different classes using Signal processing has helped organizations operating ma-
the K-means algorithm to obtain the labels. Then, the raw chinery to prevent failures, along with other kind of prob-
vibration data is converted into small square images, each lems, such as low productivity, safety risks, downtime, among
sample of the data representing one pixel of the image. Fol- others [1, 2]. Henceforth, it is fundamental that the detec-
lowing this, we propose a CNN model based on the AlexNet tion of machinery failures is accomplished on time, to avoid
architecture to classify the wear level and diagnose the rota- problems in the future and to improve the performance of
tory system. To train the network and validate our proposal, the organizations, helping to prevent stopping the produc-
we use a dataset from the center of Intelligent Maintenance tion, causing permanent damage on expensive components,
Systems (IMS), and extensively compare it with other meth- complete machine failure or even an accident.
ods reported in the literature. The effectiveness of the pro- Moreover, rotating machines always incorporate bear-
posed strategy proved to be excellent, outperforming other ings, and these components are substantial in their function-
approaches in the state-of-the-art. ing [3]. The bearings are exposed to wear, causing the ma-
Keywords Vibration analysis · Bearing fault · Deep chines not to operate in favorable conditions and lose effi-
learning · Image classification · CNN · AlexNet ciency. As the wear on the bearing is higher, the vibration
signals increase compromising the system’s performance,
however, such vibrations can also be exploited to detect fail-
1 Introduction ures without stopping the production, generation important
savings to the companies. Furthermore, analyzing vibrations
Rotating mechanisms are essential components in most in- on the bearings can also be utilized to detect problems with
dustrial machines, and the problems that can occur in rotat- other components of the rotating system. For this reason,
the analysis of bearing vibrations is of great importance for
1 Authors are with the Center for Research in Mathematics CIMAT AC,
failure detection and monitoring of the machine health con-
campus Zacatecas.
dition [4].
Avenida Lasec Andador Galileo Galilei, Manzana 3 Lote 7, Parque
Quantum, ZACATECAS 98160 Mexico Different techniques have been used to monitor rotat-
Tel.: 492-998-0300 ing machines. For example, in [5], the authors proposed a
E-mail: [email protected], [email protected] method that combines a Simplified Fuzzy Adaptive Reso-
2Is also with Cátedras CONACYT, at CIMAT-Zacatecas nance Theory Map (SFAM) neural network and Weibull dis-
E-mail: [email protected] tribution. In [6], the Hilbert-Huang transform is used to ob-
2 L.A. Pinedo-Sánchez1 et al.
tain the frequency energy values of the vibration signals of a focused on feature extraction and condition recognition [17],
motor, which is analyzed through a Support Vector Machine where the use of Convolutional Neural Networks (CNN)
(SVM) for prediction failure. Also, in [7] a method making have proven to be an excellent option for effectively learning
use of the Complementary Ensemble Empirical Mode De- features in the context of fault diagnosis through vibration
composition (CEEMD) is presented, with a kernel of SVM analysis [2, 12, 13, 18, 19, 20, 21, 22, 23].
to make the evaluation of the health condition of the bear- This work focuses on the development of an automatic
ings. As well as in [8], where they proposed a method to es- method to prevent failure in rotary machines by wear estima-
timate the Remaining Useful Life (RUL) of bearings, where tion in bearings, where the intervention of an expert is not
the Decomposition Empirical Mode method is used, along required. Accordingly, we propose a method for vibration
with the Principal Component Analysis and Support Vector analysis in bearings through images using CNN, where the
Regression (SVG) algorithms. In addition, in [9] they ap- information is obtained by means of accelerometers, which
plied an approach called Logical Data Analysis, to perform is advantageous since it does not require to stop the pro-
failure detection on rotating machinery using vibration sig- duction periodically to check the machine deterioration. Be-
nals. Furthermore in [10] they proposed a method based on sides, having a constant monitoring of the machines auto-
Deep Neural Networks (DNN), where they created models matically provides a way to give maintenance in a timely
with different numbers of layers and perform the recognition way. In order to make use of supervised learning and take
of the type of fault that occurs. While in [11] it is used a tech- advantage of the great advances in image processing with
nique called Artificial Ant Clustering to detect the degrada- CNNs, we propose a strategy to perform labeling of raw vi-
tion state of the bearings, the hidden Markov models are uti- bration signals, which are then transformed to small square
lized to give an approximation of the next degradation state images for training and classification. The proposed labeling
and an adaptive system of neurodiffuse inference, along with strategy consists in the extraction of the Root Mean Square
time series predictions, are applied to make the estimation of (RMS) along with the Shannon’s entropy of the raw signal,
the remaining time to the next degradation state. which is then grouped in seven different categories using
The main problem of the classical techniques is that they the K-means algorithm to obtain the classes for labeling.
require the supervision of an expert in the area for the ex- Afterwards, sub-samples of the raw signals are converted
traction of characteristics, thus, more advanced engineering into images for training a CNN in order to automatically ex-
is required, which involves greater human effort [12]. Some tract characteristics and create a model to classify the wear
of these methods are still used today to perform fault classi- of the bearings over time. In this work, the AlexNet archi-
fication, such as SVM. However, these methods have to be tecture is taken, where some modifications were made to
combined with other more recent techniques, and consider- adapt it to the problem under consideration. The proposed
ably modified to improve their performance [7, 13]. methodology was implemented and studied using the Intel-
More recently, neural networks have successfully been ligent Maintenance Systems (IMS) unlabeled dataset [24].
carried out for this task. Some of the first attempts include Last but not least, extensive comparison with other classi-
[1], where it is proposed an Artificial Neural Network (ANN) cal techniques, as well as with state-of-the-art CNN based
to make the accurate prediction of the RUL of the bearings. methods revealed that the proposed strategy considerably
The ANN they used was a Feed Forward Neural Networks outperforms other approaches in the literature for the IMS
with a Levenberg Marquardt’s training algorithm. Also, an dataset.
Elman Neuronal Network (ENN) was proposed in [14] to This article is organized in the following way: firstly,
predict the RUL in wind turbine generators, where the ENN Section 2 introduces the related works on bearing failure
output is the percentage of RUL. However, these neural net- detection using CNN. Afterwards, Section 3 describes the
work based techniques have been considerably overcome by proposed methodology for estimating the level of wear in
modern Deep Learning approaches. bearings, including the proposed CNN architecture. Later
Currently, there are new techniques and tools such as on, Section 4 validates the proposal and shows the obtained
Deep Learning, which allow the extraction of features au- results, including and extensive comparison with other avail-
tomatically and without the need for an expert, simplifying able methods. Finally, Section 5 presents the conclusions
the final solution while considerably improving the accuracy and future work.
[15]. Furthermore, this kind of methodologies can be easily
generalized or transferred to another different context [16]. 2 Related Works
It is then of great importance to take advantage of these
new techniques, such as Deep Learning, as it can be of great In the following, we discuss the most relevant recent works
help in predicting bearing failures. Henceforth, in recent years, regarding the diagnosis of bearing failures by means of vi-
researchers have studied bearing condition monitoring and brations. More in particular, this Section reviews modern
failure diagnosis using Deep Learning. These studies have CNN based techniques applied to this particular task, as well
Vibration Analysis in Bearings for Failure Prevention using CNN 3
Converts
Work Based on/Architecture Dataset Domain Goal Accuracy
to image
as the most important architectures up to date, such as LeNet- ods have become very important for digital signal process-
5 and AlexNet. The most relevant works are shown in Table ing [19].
1, where the works performed with classical and CNN-based
methods are compared. Recently, CNN based methods have been implemented
to perform bearing failure prediction, as in [18] where the
With the recent huge advances within the CNN, a large
authors propose a method based on CNN in combination
number of applications have been made to solve the classifi-
with the improved Dempster-Shafer theory called IDSCNN.
cation, detection and segmentation problems, particularly in
There, the CNN architecture consists of three Convolutional
the fields of computer vision and image processing. These
Layers (Conv) and two Fully Connected (FC) layers. Also,
applications have had very good results, due to the potential
the RMS of the Fast Fourier Transform is utilized. In their
that CNN have to extract a large number of characteristics,
experiments they used the Case Western Reserve University
and generalize to different scenarios, producing great impact
(CWRU) dataset for validations. In addition, in [2] a method
improving previous results [12, 27]. More recently, work has
based on CNN is proposed to make the diagnosis of fail-
been developed for the detection of bearing failures by mak-
ures in rotating machines, where they make use of multi-
ing use of CNN, where the data from the vibration signals
ple accelerometers and combine the obtained information to
is transformed to images, taking advantage of the enormous
create a two-dimensional matrix. Also, in [19] they propose
advances obtained in image processing with CNN, hence,
a multi-scale convolution method called MS-DCNN where
becoming an excellent strategy for vibration analysis.
they reduce the number of parameters and training time.
This method is compared with one and two dimensional
CNN. Meanwhile, in [20] a method was proposed where
2.1 Convolutional Neural Network they make the classification of vibrations for the diagnosis
of failures, detecting the source of failure and the different
With the advances that have emerged in the field of deep degrees of damage. The vibration signal was converted to a
learning, several methods have been developed to diagnose spectrogram by means of the Short-Time Fourier Transform
bearings failures, with one of the most popular models being (STFT), which was used as input of a CNN to make the
the CNN [23]. CNN are methods that have a great ability to training of the data. They classified the vibrations into seven
learn in the areas of image classification, object detection, states according to the ring of the bearing (inner or outer),
text recognition, etc. [28], reason why this kind of meth- and its wearing level. On the other side, in [25] they propose
4 L.A. Pinedo-Sánchez1 et al.
a one-dimensional CNN, where only seven layers are used a method called ADCNN inspired by the LeNet-5 architec-
to detect the type of failure in the bearings. Also, in [26] ture, but adding a convolutional and a sub-sampling layers
they propose a method called Deep Convolutional Trans- before the first FC one. With the proposed method, the clas-
fer Learning Network (DCTLN) that has two main modules: sification of the bearing failure type is made, along with
condition recognition and domain adaptation. The first mod- the severity of the failure. Also, this work makes use of the
ule is a one dimensional CNN that is in charge of learning CWRU labeled dataset. Furthermore, an architecture based
the characteristics of the data and recognizing the condition on LeNet-5 was proposed in [12], where two more con-
of the machines. The second module helps the first module volution and two grouping layers are added. The transfor-
to learn the characteristics of data variations. In all the before mation of the images was performed in time-domain, using
mentioned works, the employed datasets are already labeled three datasets including the CWRU bearing dataset, a self-
according to wear level and type of failure, which is a great priming centrifugal pump dataset, and an axial piston hy-
advantage when you want to perform supervised learning. draulic pump dataset. Also, in [22] was proposed a method
Unfortunately, not all the available datasets are properly la- based on CNN and Random Forest (RF). Time-domain vi-
beled, and it is not clear how to classify different data to ap- bration signals containing fault information by Continuous
ply the aforementioned techniques. Furthermore, the avail- Wavelet Transform (CWT) were transformed into images.
able labels only consider whether or not there is a failure, The proposed method is based on LeNet-5 and the features
but do not provide the level of wear, which may be useful extracted by the CNN are used by multiple RF classifiers to
to prevent failures before they occur by opportune mainte- make the diagnosis of bearing failures.
nance. The modification proposals of the this architecture have
At current state-of-the-art, two main CNN architectures been designed to improve the classification of bearing fail-
have been used as a base to obtain the best results reported ure based on images, reporting good results. The use of this
in the literature for classification of bearing failure using im- architecture is adequate due to the size of the images being
ages, LeNet-5 [29] and AlexNet [30]. A review on their main used, predominately small images. Unfortunately, in the lit-
adaptations for this particular task is presented in the follow- erature where improvements to this architecture are perfor-
ing. med, the authors do not normally present enough informa-
tion about the configuration of the CNN to replicate the ex-
2.1.1 LeNet-5 periments, except for the work in [12].
quency images, by using eight time frequency analysis meth- levels of wear, which can be used to schedule the corre-
ods. In their experiments the CWRU dataset was used. Al- sponding maintenance tasks and prevent failures. The vibra-
though good results have been obtained using AlexNet for tion signals in time-domain are transformed into images to
bearings diagnosis, the main differences with respect to the train the CNN, which provide us a better automatic charac-
present work are that the datasets employed so far study teristics extraction from the data. We propose an AlexNet
bearings that were physically manipulated to provoke a fail- based architecture, where the size of the convolution and
ure. Therefore, these datasets already have labels correspond- sub-sampling filters are modified, and a sub-sampling layer
ing to the location of the failure, but induced failures do is added, in order to deal with smaller images, which al-
not necessarily correspond to the normal deterioration un- lows us to increase the number of images obtained, consid-
der regular use. Moreover, they can not be tested with other erably improving the training stage. The proposed method-
datasets due to the lack of equivalent labels. Also, as can be ology was extensively evaluated using the IMS unlabeled
observed in Table 1, most of the available works aim only dataset with excellent results, specially when compared with
to detect whether or not a failure is present, but do not pro- other works in the literature, such as CNN-based and classic
vide the level of wear, which can be used to timely schedule methods.
a maintenance task to prevent failures. On the other hand, The main contributions of this work are summarized in
most of the related work make use of images in frequency- the following:
domain, while in the present work the images are made in
time-domain. Furthermore, they do not make many modifi- 1. A CNN based classifier is used to estimate bearing wear
cations to the architecture, because they work with spectro- by means of vibration images, providing a diagnosis of
gram images which are larger, resulting in higher training the system without stopping production, which can be
times. In addition, they present a combination of this archi- used to timely give maintenance and prevent failures in
tecture with another classification method, such as SVM. In rotatory machines.
the present work, modifications were made to the AlexNet 2. A method for performing automatic vibration data la-
architecture to adapt it to the size of the images, which are beling, without expert supervision, is introduced. This is
considerably smaller, significantly reducing the training time, accomplished by means of RMS along with Shannon’s
while allowing to obtain a major number of images from the entropy and K-means for feature clustering.
available data, which proved to be beneficial for the CNN 3. The AlexNet architecture was adapted and satisfactorily
classifier. utilized for estimating the level of bearing wear. The size
In this work, an automatic labeling strategy is proposed of the convolution and sub-sampling filters were mod-
to classify the wear levels of the bearings over time, with- ified to deal with smaller images, and a sub-sampling
out the need of expert supervision, where the labels were layer was added to improve the results.
made based on the similarity of characteristics of the data 4. The proposed methodology was successfully tested with
using Traditional Statistical Features (TSF) along with the the IMS unlabeled dataset with excellent results, sur-
Shannon’s entropy. Seven types of classes were obtained by passing other methods reported in the literature.
means of the K-means algorithm, and used for labeling of
the raw vibration data, where one class is considered as a
healthy state and the rest of the classes are the different 3 Methodology
learning, without intervention of a human expert. In this ar- Once obtained the TSF, the Shannon’s entropy can be
ticle we work with an unlabeled dataset provided by [24], calculated, such that it allows us to highlight the character-
which is described in Section 4. istics obtained from the TSF. In this way, we can choose the
Next, the conversion of the raw vibration signals to im- TSF together with the Shannon’s entropy to observe well
ages is performed, and the images obtained are used to train defined increase or decrease of the data over time. Once we
a CNN for the classification task. We propose a CNN archi- have identified one of the TSF together with the Shannon’s
tecture based on AlexNet to make the wear level classifier. entropy, we can move on to the clustering stage.
Finally, new raw data is obtained, and only a small section
of the signal is required to be converted into images and the
level of bearing wear is estimated. 3.3 Feature clustering
3.1 Feature extraction The next step is to group the data obtained from Shannon’s
entropy along with one of the TSF, in order to obtain the la-
To perform the extraction of the characteristics from the vi- bels needed to perform the CNN training. For this step, the
bration signals, it was necessary to make use of the TSF, be- K-Means algorithm is implemented to make the grouping of
cause they are excellent tools that are used in time-domain to the data with similar characteristics, such that, it is possi-
characterize the changes in the vibration signals of the bear- ble to label the different levels of wear of the bearings. In
ings during operation. In addition, they also allow us to es- this phase we have the possibility to choose the number of
timate the wear of the bearing over time. When bearings are classes we want to label in our dataset.
damaged, the vibrations are intensified, and the TSF values The K-Means algorithm was proposed in [41] and is
increase considerably, indicating the damage. These charac- one of the most important unsupervised classification algo-
teristics are shown in Table 4, where n indicates the number rithms that allows us to group data in a specific number of
of discrete points in the sample, xi is a single experimental groups that have similar characteristics. These groups are
point from the sample, x̄ is the mean of the sampled values, called ”clusters” and the number of clusters is defined by
σ represents the standard deviation and min and max are the
minimum and maximum values of the sample, respectively.
Table 4: Traditional Statistical Features (TSF).
In the literature related to prognosis and diagnosis of
bearings failures, RMS and Kurtosis are the most widely
used [1, 5, 38]. Meanwhile, Kurtosis is effective for detecting Name Formula
bearings failure at an early stage. Whereas, RMS represents
the energy and power characteristics of vibration signals.
q
1 n 2
The main idea of these characteristics is to identify a RMS n ∑i=1 xi
monotonous trend, that is to say, when the bearing deteri-
orates, the value of these characteristics is increased or de- 1 n (xi −x̄)
4
Kurtosis n ∑i=1 σ 4
creased to indicate the failure. When there is damage in the
bearing and it is not detected by one of the TSF, it is, there
is no significant increasing or decreasing in these features, 3
1 n (xi −x̄)
Skewness n ∑i=1 σ 3
TSF will not be of great help for the analysis, so you will
have to choose another TSF.
Peak to peak xmin − xmax
3.2 Shannon’s entropy max|xi |
Crest Factor RMS
Shannon’s entropy is the central part of information theory,
and it is also known as the measure of uncertainty. Shan- RMS
Shape Factor 1
non’s entropy H(x) was introduced with communication the- n ∑ni=1 |xi |
ory in 1948 [39, 40]. Then, in [37] the original formula was
modified, and it is defined as max|xi |
Impulse Factor 1
1 n n ∑ni=1 |xi |
H(x) = ∑ −T SF(xi )log2 T SF(xi )
n i=1
(1)
max|xi |
where n is the length of the sliding window and T SF repre- Margin Factor 2
1
1
sents the Traditional Statistical Feature that was selected in n ∑ni=1 |xi | 2
the previous stage.
Vibration Analysis in Bearings for Failure Prevention using CNN 7
Fig. 1: Overall methodology for estimating the level of wear on bearings, where we perform the extraction of characteristics
from the vibration signals, apply Shannon’s entropy, afterwards make the clustering of characteristics to create classes, then
make the transformation of the vibration signals to images, make the input of a CNN to create a model and perform the
classification of the wear level of bearings.
K. This algorithm consists of minimizing the sum of the eu- x, y, of the image P(x, y). For the i-th image, this process is
clidean distances of each of the points with respect to the defined as follows
centroid of the cluster.
Li ((x − 1) · M + y) − min(Li )
Pi (x, y) = round · 255 (2)
max(Li ) − min(Li )
3.4 Signal to image transformation
The size and number of images may vary according to
Traditional methods for motor failure are based on statistical the amount of vibration data available. In addition, the com-
analysis, fuzzy logic expert systems or genetic systems. Ex- putational complexity will also be proportional to the size
tracting characteristics from raw signals is one of the main of the images. Henceforth, in case that complexity is a prob-
functions of these methods, since a good feature extraction lem, the size of the images should be reduced [42]. For our
has a great impact on the results [12, 27]. In contrast to tra- proposal we have chosen a size of 64 × 64 pixels, with a step
ditional methods, we perform a data pre-processing method s = 64.
that converts raw vibration signals in time-domain to im-
ages, in order to take advantage of the powerful classifica-
tion tools available for image processing using CNN [12, 23, 3.5 Convolutional Neural Network
18, 21, 22, 27, 42, 43]. Moreover, converting the raw signals
into images provides a good way to explore two-dimensional The CNN are deep neural networks that focus mainly on
features [42]. image processing and are excellent for pattern recognition.
For a raw signal R with N sample points, Fig. 2 shows In addition, it is one of the best methods for classification.
the conversion method to images, where each time-domain CNN automatically obtain the characteristics of the images
signal point is one pixel of a square grayscale image with by means of convolutional filters, which makes them a tool
size M × M. First a sub-sample L of M 2 size is taken from with a great capacity to learn characteristics in a robust and
the raw signal R, hence, the i-th sub-sample is given by Li = sensitive way.
{R(i·s+1), R(i·s+2), ..., R(i·s+M 2 )}, where s ∈ Z+ is the In each CNN there are three main types of layers: a) the
step between samples, and the index i = {0, 1, ..., bN/sc}, convolutional layer (Conv), b) the sub-sampling layer and
with b c denoting the floor function (see Fig. 2). Note that c) the fully connected layer (FC). The convolutional layer
we aim for an important overlap between samples in order serves to acquire feature maps that are obtained through a
to obtain more images, which is advantageous for the CNN set of filters. The sub-sampling layer serves to reduce the
classifier, i.e. s << M 2 . Then, each point in the sub-sample L characteristics of the inputs and the computational complex-
fills a matrix of M × M from left to right and from top to bot- ity. Finally, the FC layer, that is a layer of a normal neural
tom. Each point is normalized from 0 to 255, and represents network where each pixel is considered as a neuron, func-
the grayscale intensity value of each pixel, with coordinates tions to calculate the scores of each of the classes [31, 12].
8 L.A. Pinedo-Sánchez1 et al.
Fig. 2: Method to convert the raw signals into images. First, an M 2 signal sub-sample is taken, where M represents the total
height and width of the square image. This sub-sample is then mapped into a matrix and each point is normalized in a range
from 0 to 255 to represent the intensity of each pixel value.
Fig. 3: Proposed architecture based on AlexNet for the estimation of bearing wear. The size of the kernels in the first and
second convolutional layers was changed, also a sub-sampling layer of maxpooling was added between the third and fourth
convolutional layers, finally the sub-sampling layers were resized and the FC layers changed the number of neurons with
respect to the original AlexNet proposal.
tional layer kernel size was reduced from 5 × 5 to 3 × 3; accelerometers PCB 353B33 for each bearings. Moreover, a
while the maxpooling layers were reduced from 3 × 3 to radial load of 6, 000 lbs was applied to the shaft and bear-
2 × 2. Furthermore, a new layer of maxpooling was added ing by means of a spring mechanism. The data was collected
between the third and fourth convolutional layers. The use with the data acquisition system NI DAQCard 6062E. Fail-
of smaller images is convenient since it allows us to obtain ures occurred after the stress test exceeded the life time of
more images from available datasets, which is advantageous the bearings. The experimental platform and the location of
for the training algorithm. Furthermore, smaller images sig- the sensors are shown in Fig. 4.
nificantly reduce the computational cost for the training al- The IMS dataset contains three failure tests, where the
gorithms. Also, in the first two FC layers, the number of system is run under regular operation conditions until a fail-
neurons was varied, looking for the best configuration for ure occurs, produced by the deterioration of a different bear-
our particular case, using values from 512 to 3584 neurons, ing each time. Each of the tests contains files, recording a
in the first FC layer, and from 0 to 1024 in the second one. snapshot of one second of the accelerometers vibration sig-
Finally, the last layer only was changed according to the nal, which is stored in 10 minutes time intervals. Each file
number of labeled classes, seven in our case. has 20, 480 points with the sampling frequency at 20 kHz,
including information of the eight accelerometers with a ti-
mestamp. Although this dataset is commonly used in the lit-
4 Experiments and results erature, it does not provides labels according to the wear
level, hence it is not suitable for supervised training with
The proposed methodology was implemented and tested with
CNN. This issue is overcome by the proposed automatic la-
the University of Cincinnati’s Center for Intelligent Mainte-
beling method previously stated.
nance Systems (IMS) [24] unlabeled dataset, where the re-
For the training, the CNNs were carried out in Python
sults of each of the phases of the proposed methodology are
3.6 with TensorFlow 1.12, and implemented on a computer
shown in the following.
equipped with a dedicated Graphic Processing Unit (GPU)
NVIDIA GeForce RTX 2070, a processor Intel i7-9750H
4.1 Dataset and experimental setup CPU and 16 GB of RAM memory.
Fig. 5: Traditional Statistical Features (TSF) for bearing 1. The results obtained with Crest factor, Impulse factor and Margin
factor do not present an increasing or decreasing trend, which is undesired. While RMS, Kurtosis, Peak to peak and Shape
factor present a more defined trend.
Fig. 6: Shannon’s entropy measures of each for the TSF shown in Table 4 for bearing 1. RMS is selected because it was the
measure that grew the fastest over time, while showing variations from early wear stages.
Fig. 7: Clusters made to separate the wear level of the bear- 0% − 9% 139, 520
ings, using the K-means algorithm along with the Shannon’s 10% − 24% 26, 368
entropy and RMS. 25% − 39% 29, 440
40% − 54% 13, 056
55% − 69% 27, 648
70% − 84% 9, 984
85% − 100% 5, 888
12 L.A. Pinedo-Sánchez1 et al.
Table 8: Results of the models of our AlexNet-based proposal with one FC layer. It can be seen that the model CNN-2560
obtained the best results in maximum, minimum and mean for each of the metrics.
Table 9: Results of the models of our AlexNet-based proposal with two FC layers. It can be seen that the model CNN-2560-
256 obtained the best results in maximum, minimum and mean for the metrics accuracy, precision, recall, F1.
is shown in Table 7. In order to provide a fair comparison, CNN classifiers. This is important for industries that oper-
the procedure in [12] was implemented for the IMS dataset, ate rotatory machinery, preventing failures that may result in
and different numbers of neurons were also tested in the two stopping production, complete system failure, damaging ex-
first FC layers, in the same fashion as for our proposal, find- pensive components or even accidents, hence avoiding sig-
ing out that the best results for the experiment with a single nificant economic losses.
FC layer were achieved with 2560 neurons in the first FC The proposed CNN architecture is based on AlexNet,
layer. For the second experiment the second FC layer was and was extensively validated with the IMS dataset, obtain-
added, and the best results were achieved with 512 neurons ing an accuracy of 99.25%, which represents an important
in the second FC layer, that is, with the LeNet5-2560-512 improvement with respect to previous results in the litera-
model. The obtained results for this model are also included ture, including both classic techniques and state-of-the-art
in the last column of Table 9, where we can appreciate the CNN based methods.
superior performance of our proposal with respect to this This proposal is ideal to be used for unlabeled datasets,
LeNet5-based architecture. or new unclassified data. Accordingly, we proposed a tech-
On the other side, to further evaluate the results of this nique to automatically make the labeling of unclassified data-
work, the original proposals of LeNet-5 and AlexNet archi- sets, without the supervision of an expert, or faking the bear-
tectures were also tested and compared in our study, along ings wear by physically damaging them. The proposed la-
with other CNN and classical methods, such as SVM and beling strategy is accomplished by means of Root Mean
ANN, among others. The comparison results are shown in Square (RMS) combined with the Shannon’s entropy for
the Table 10. We can appreciate that the original proposal of feature extraction, and the K-means algorithm for unsuper-
AlexNet is not well suited for this problem before adapta- vised classification.
tion, mainly due to the large size of the filters in the convo- We have found that the use of small size images along
lutional layers. Using traditional methods, such as ANN and with an important overlap between them is suitable for this
SVM, the results were very low to be used as classifiers. In kind of task, due to the limited amount of data available,
addition, training with SVM is very time consuming, even since it allows to obtain a good amount of images, which is
with the reduced number of features. With diffuse learning, key for a good training with balanced classes. Henceforth,
using the SFAM method, the results reported are very low. the AlexNet architecture was adapted to deal with small size
One dimensional convolutional neural networks such as the images.
DCTLN and 1DCNN methods are only able to find the type There are a few things that remain to be proven in future
of failure that occurs in the bearing, but they do not classify works. Particularly, we are interested in replicate the results
the wear that the bearings have over time, and the results with other datasets that exist in the literature, in order to fur-
are not very promising. We can observe that our proposal ther validate our proposal and compare it with other works.
provides excellent results, clearly surpassing other methods On the other side, we would like to try different architec-
reported in the literature for the IMS dataset. tures, such as VGG, and make modifications to adapt them
In summary, RMS in conjunction with Shannon’s en- to the problem under consideration.
tropy proved to be an excellent option for feature extraction,
because it detects changes in vibration signals over time Acknowledgements This work was supported by the Mexican Na-
more quickly. Furthermore, the transformation of vibration tional Council of Science and Technology CONACYT, and the FORDE-
signals into images provides a good way to analyze features CyT project 296737 “Consorcio en Inteligencia Artificial”.
in two dimensions, and along with CNN are excellent for
pattern recognition, performing feature extraction automat- Table 10: Comparison results with others methods.
ically and learning features robustly. On the other hand, af-
ter extensive experiments, the proposed CNN architecture
based on AlexNet with two FC layers obtained the highest Rank Methods Accuracy
results in the present study with the IMS dataset, but specif-
ically the CNN-2560-256 was the best model, significantly 1 Proposal 99.25%
2 CEEMD [7] 98.50%
overcoming other techniques reported in the state-of-the-art 3 DNN [10] 98.35%
literature. 4 Based on LeNet-5 [12] 97.04%
5 1D CNN [25] 93.90%
6 LeNet-5 92.04%
7 DCTLN [26] 86.30%
5 Conclusion and future work 8 SVM 81.00%
9 SFAM [5] 65.46%
10 AlexNet 14.29%
In this article, we present a method for estimating the level
11 ANN 14.14%
of bearing’s wear, by vibrations analysis using images and
Vibration Analysis in Bearings for Failure Prevention using CNN 15