SlideShare a Scribd company logo
1 of 7
Download to read offline
International Journal of Electrical and Computer Engineering (IJECE)
Vol. 10, No. 6, December 2020, pp. 5592~5598
ISSN: 2088-8708, DOI: 10.11591/ijece.v10i6.pp5592-5598  5592
Journal homepage: http://ijece.iaescore.com/index.php/IJECE
Survey on deep learning applied to predictive maintenance
Youssef Maher, Boujemaa Danouj
Department of Electrical and Mechanical Engineering, University Hassan 1, Morocco
Article Info ABSTRACT
Article history:
Received Nov 25, 2019
Revised May 4, 2020
Accepted May 18, 2020
Prognosis health monitoring (PHM) plays an increasingly important role in
the management of machines and manufactured products in today’s industry,
and deep learning plays an important part by establishing the optimal
predictive maintenance policy. However, traditional learning methods such
as unsupervised and supervised learning with standard architectures face
numerous problems when exploiting existing data. Therefore, in this essay,
we review the significant improvements in deep learning made by
researchers over the last 3 years in solving these difficulties. We note that
researchers are striving to achieve optimal performance in estimating
the remaining useful life (RUL) of machine health by optimizing each step
from data to predictive diagnostics. Specifically, we outline the challenges at
each level with the type of improvement that has been made, and we feel that
this is an opportunity to try to select a state-of-the-art architecture that
incorporates these changes so each researcher can compare with his or her
model. In addition, post-RUL reasoning and the use of distributed computing
with cloud technology is presented, which will potentially improve
the classification accuracy in maintenance activities. Deep learning will
undoubtedly prove to have a major impact in upgrading companies at
the lowest cost in the new industrial revolution, Industry 4.0.
Keywords:
Deep learning
Industry 4.0
Predictive maintenance
Prognosis health monitoring
Remaining useful life estimate
Copyright © 2020 Institute of Advanced Engineering and Science.
All rights reserved.
Corresponding Author:
Youssef Maher,
Department of Electrical and Mechanical Engineering,
University Hassan 1,
577, Route de Casa -, Settat, Morocco.
Email: maher-youssef@hotmail.com
1. INTRODUCTION
According to Accenture, a renowned global management consulting and professional services firm [1],
predictive maintenance could save up to 12% on scheduled repairs, reduce maintenance costs by up to 30%
and eliminate up to 70% of failures. For example, a study by the national science foundation (NSF) indicates
that the center for intelligent maintenance systems (IMS), which is a leading research center in the field of
prognosis health monitoring (PHM), has generated an economic impact of more than $855 million through
the deployment of PHM technologies to achieve near-zero unplanned downtime and more optimized
maintenance [2].
According to the International Organization for Standardization, "prognosis is the estimation of
the failure time and the risk for one or more existing and future failure modes" [3]. There are many predictive
maintenance standards, such as the machine information management alliance (MIMOSA), which has 7
modules that are used by the US Army. Figure 1 below describes the different prognostic steps in order
monitor continuously the state of the system with the help of the distributed computing technology.
Deep learning is represented by a compilation of machine learning algorithms that can model high
levels of abstraction from large amounts of data through the use of multilayer architectures. This technique
has made considerable progress in several areas such as image classification, speech recognition, instant and
reliable language translation [4] and even in the search for new elements in particle physics.
Int J Elec & Comp Eng ISSN: 2088-8708 
Survey on deep learning applied to predictive maintenance (Youssef Maher)
5593
Figure 1. Prognostic steps [5]
This paper is structured as follows, Section 1 describes the limits of RUL estimation and the new
advances in deep architectures to estimate a realistic RUL. Section 2 describes the new state of the art
learning approaches and shows new opportunities for using cloud computing in deep learning. Section 3
summarizes the conclusions.
2. APPROXIMATION OF THE RUL BY VARIOUS ARCHITECTURES
The residual useful life (RUL) of a machine or component is the prediction of the time after which
a component or a system will no longer be able to meet its operational needs after the observation of the first
failures or alarms triggered. One of the goals of predictive maintenance is to obtain an estimated RUL that is
as realistic as possible. Deep learning is the best tool to perform this task. This section provides an overview
of this area of research.
2.1. Limits of RUL estimation by current methods
The decision making is based on the RUL confidence limits rather than on a single value.
RUL prediction is difficult due to several important challenges, namely:
 Real systems are complex, and their behaviors are often nonlinear and nonstationary;
 A component may have different degradation curves due to different failure modes, resulting in different
RULs (e.g., bearing cracks can occur in the inner ring, in the outer ring or in the cage, and each has its
own degradation curve);
 The times required to achieve the same level of degradation by machines with the same specifications are
often different;
 There is sometimes a complex temporal dependency between sensors; for example, a change in one
sensor may cause a change in another sensor after a delay ranging from a few seconds to hours;
 The critical asset degradation history is sometimes nonexistent, such as a cooling engine in a nuclear
power plant; in these cases, maintenance consists of regular replacement regardless of the actual
conditions of the assets;
 When restarting newly installed assets, it will take a long time to collect pass-through data to accurately
model the degradation; and
 The characteristics must have a good monotonic tendency to be well correlated with the fault propagation
process to accurately approximate the RUL. In contrast, extracted entities that tend to have only dramatic
changes near the end of the asset life are not exploitable. Figure 2 below shows the difference between
good and bad RUL prediction.
 ISSN: 2088-8708
Int J Elec & Comp Eng, Vol. 10, No. 6, December 2020 : 5592 - 5598
5594
Figure 2. Characteristics of RUL prediction: (a) ideal, (b) not ideal [6]
2.2. Solutions provided by the deep learning
To address these uncertainties, prediction methods for the RUL based on deep learning have been
successfully tested and are described as follows:
2.2.1. Deep belief network (DBN) and restricted bolzmann machine (RBM)
In [6] use an improved RBM with a new regularization technique that generates characteristics that
are then employed as RBM input data. Finally, the RBMs are coupled with a self-organizing map (SOM) to
improve the precision of the RUL prediction. Current methods prevent failure detection only when the end of
life of the equipment is very close. In [7] propose a new approach, the multiobjective DBN ensemble, which
allows for a compromise between accuracy and diversity by establishing an overall model for RUL
estimation with outstanding performance.
2.2.2. Convolutional neural network (CNN)
In [8] used a novel deep architecture CNN-based regressor to estimate the RUL by employing
the convolution and pooling layers to capture the salient patterns of the sensor signals at different time scales,
unifying them and finally mapping them into the model. The resulting RUL estimation is efficient
and accurate.
2.2.3. Variational auto-encoder (VAE)
In [9] described a semisupervised learning approach to predict asset failures when relatively little
label information is available. The approach uses the nonlinear embedding-based VAE as a deep generative
model, which is easy to train. The VAE was trained following the unsupervised learning process while
utilizing all available data, both labeled and unlabeled. With this approach, the prediction accuracy was very
high even with extremely limited available label information.
2.2.4. Recurrent neural network (RNN)
In [10] present an RNN HI for RUL prediction in a set of experimental data for accelerated bearing
degradation and SCADA data of wind turbine degradation. The construction process was composed of
three steps:
 Extraction of 14 characteristics: 6 characteristics of related similarity (1 temporal and 5 frequency) and 8
time-frequency functions are combined together;
 Selection of sensitive features; monotonic and correlation metrics select the most sensitive failure
characteristics; and
 The building of the RNN-HI: the selected features are merged into one HI (RNN-HI) via an RNN.
They used an LSTM network to solve the problem of rapidly increasing or vanishing gradients and
a double exponential model to validate the effectiveness of the proposed RNN-HI approach.
The results show that the RNN-HI obtains relatively high monotonic and correlation values and
better performance in RUL prediction than with a SOM HI method. In [11] use the RNN encoder-decoder
(RNN-ED) with unsupervised learning on a set of aircraft engine and pump data. The RNN encoder extracts
the important patterns in the time series subsequences of the entire operational life of the machines. The RNN
decoder rebuilds the normal behavior, but it does not work well for the reconstruction of abnormal behavior.
The trajectories of 20 engines are truncated at five locations to obtain five different instances. The RNN then
maps the sensor readings on a health index (HI) trend curve to calculate the weighted average of the RUL
approximations from the failed instances and then obtains the latest RUL estimation. The RNN-ED handles
the reading of noisy sensors, missing data and the lack of previous knowledge about the degradation trends.
Int J Elec & Comp Eng ISSN: 2088-8708 
Survey on deep learning applied to predictive maintenance (Youssef Maher)
5595
2.2.5. Long short-term memory (LSTM)
In [12] proposed using the LSTM for NASA dual-flow condition monitoring and achieved high
performance in fault diagnosis and prediction under complex working conditions, mixed defects and noisy
environments. The standard LSTM showed improved performance over the RNN by providing accurate
information about the RUL for each fault simultaneously and also about the probability of occurrence of
defects under complex operational modes and multiple degradations.
In [13] propose an unsupervised technique for reconstructing multivariate time series corresponding
to normal behavior to obtain a health index (HI). To estimate the RUL, they implement an LSTM encoder-
decoder (LSTM-ED) that works as follows: an LSTM encoder is used to map a multivariate input
sequence to build a fixed-dimensional vector representation, and the LSTM decoder then uses this vector
representation to produce the target sequence. The LSTM-ED-based HI model predicts future time-series,
uses the prediction errors to estimate the health or novelty of a point and finally utilizes curve matching to
estimate the RUL.
3. NEW STATE OF THE ART DEEP LEARNING APPROACHES
The main advantage of deep learning is its flexibility, which provides opportunities for
improvement. Enhancements by using new learning approaches, new types of architectures, and new
computing networks ensure continuous improvement and opportunities for deep learning at all levels.
3.1. Transfer learning
The transfer learning abilities that are learned and accumulated during previous tasks improve
the performance of other neural networks when they are applied to a new task with a reduced training dataset.
Traditional transfer learning methods assign the first n layers of a well-formed network to the target network,
while the last layers in the target network are left untrained. They are then trained using the learning data of
the new task.
In [14] use infrared thermal image transfer learning in the detection of machine defects and also in
the prediction of the oil level. They use a modified VGG network (neural network created by the Visual
Geometry Group at Oxford University), which is the best network for image data. The standard VGG is
a very deep CNN with 16 layers with linear activation functions in each layer except the last one, which is
a fully connected layer with a softmax activation function. The last layer is replaced by a new fully connected
layer with a lower weight and fewer classes to accommodate learning transfer. Valuable information on
important regions of thermal images can be obtained by applying Zeiler's method to this new VGG.
This leads to a new level of understanding of the physical field.
In [15] propose three deep transfer strategies (DTL methods) based on an SAE autoencoder: weight
transfer, transfer learning of characteristics and weight update. An SAE network is first trained with
the failure data history of a cutting tool in an offline process, and this network is then employed with a new
tool for an online RUL prediction. The DTL offers the possibility of extracting the characteristics from
historical fault data, adapting and transferring them to a new tool and ultimately providing an effective RUL
prediction with limited historical fault data.
In [16] present a transfer learning approach based on a pretrained deep convolutional neural network
that is used to automatically extract input characteristics. They then go through a fully connected step to
classify the characteristics obtained using experimental data composed of gear defects. The deep CNN
network adopted as the basic architecture for Alexnet (five convolutional layers and three fully connected
layers) in this study was originally proposed by [17] for object recognition (source domain) with ImageNet
ILSVRC-2012 (1000 object classes and > 1 million images). The classification accuracy of the proposed
approach [18] exceeds those of other methods, such as the locally formed convolutional neural network and
SVM. The precision obtained indicates that this approach is not only robust but can also be applied to fault
diagnosis in other systems.
In [19] propose an unsupervised domain adaptation that does not require any label information from
the target domain by only modifying the statistics of the BN layer. This AdaBN model gives high-level
generalization ability to the DNN by transferring learned features from a source domain to the target domain
without fine-tuning or additional components. Goodfellow I, Bengio Y and Courville A [20] describe
a compromise between 'bias and variance' with beneficial generalization properties. Maximizing
the prediction involves optimizing the model by incorporating external information.
3.2. Multimodal learning
In connection with transfer learning, multimodal learning can identify features that describe
common concepts from different input types:
 ISSN: 2088-8708
Int J Elec & Comp Eng, Vol. 10, No. 6, December 2020 : 5592 - 5598
5596
 With large unlabeled data, deep graphical models such as DBNs can be pretrained in an unsupervised way
and then adjusted to a smaller number of labeled data because they learn a joint probability distribution
from the inputs; and
 CNNs are mostly used with labeled data because they can be trained from end to end with
a backpropagation function and demonstrate peak performance in many diverse tasks.
In [21] propose a novel multimode fault classification method based on DNN that resolves
the problem of the load, mode and changing environment in which the machinery equipment operates.
It is a hierarchical DNN model composed of three parts: the first hierarchy used for the mode partition,
the second comprising a set of DNNs, which is devised to extract features of different modes separately and
diagnose the fault source, and the third, which consists of another set of DNNs designed to distinguish
the severity of the fault in a given mode. This approach allows for mode partitioning, which helps in
the predictive maintenance of machinery and equipment.
3.3. Multitask learning
Multitask learning is complementary to multimodal and transfer learning. In the movie Karate Kid
(1984), Mr. Miyagi teaches the child to do things that are not related to karate, such as sanding the floor and
waxing a car. In hindsight, these kinds of tasks prove to be invaluable for acquiring karate skills. The purpose
of an auxiliary task in MTL is to allow the model to learn representations that are shared or useful for
the main task [22]. They use what they call cross-stitch units to allow the model to determine how
task-specific networks exploit knowledge of another task by learning a linear combination of the previous
layer outputs.
In [23] conclude that in multitask learning, success depends largely on "the similarity of the source
semantics and target datasets.” When only small amounts of target data are available, the sharing of concrete
parameters can be considered as learning with a mean constraint, in which parts of all models (usually hidden
layers) are forced to be the same as the average. The multitask learning architecture used is a bidirectional
LSTM that consists of a single hidden layer of 100 dimensions shared between 10 word-processing tasks.
3.4. Deep learning optimization by cloud computing
Cloud computing could play a key role in scaling up deep learning. However, the main weakness is
that recording the data from an increasing number of pieces of equipment and sending the data directly to
the cloud creates a problem of system overload, inducing problems with speed, cost and security. One way to
address this weakness is fog computing technology.
Fog computing is a decentralized computing infrastructure in which data, computation, storage and
applications are distributed in the most efficient and logical place between the data source and the cloud.
This technology reduces the resources allocated and keeps the bandwidth network at normal operating
conditions, especially for deep learning. In fact, the inference is not done at the cloud level but at the fog
level with sufficient memory and calculation resources, and the fog level will only transfer the necessary data
to the cloud, such as the weight updates and the extracted features. The researchers in [24] proposed a new
and efficient way to exploit deep learning by using fog-cloud computing and the capabilities of intelligent
devices (edge devices). Figure 3 below describes the fog computing architecture connecting the different
network levels and displays the computation, storage and local communication between edge devices.
Figure 4 below shows the advantages of using the fog computing in terms of security, energy and speed.
Figure 3. The cloud-fog technology and the interactions between levels [25]
Int J Elec & Comp Eng ISSN: 2088-8708 
Survey on deep learning applied to predictive maintenance (Youssef Maher)
5597
Figure 4. Optimizing the sensor network with fog computing [26]
The authors used a hybrid approach that combines the compression properties of neural networks
such as CNN, RNN and LSTM and the incorporation of fog computing made possible by the integration of
the increasing numbers of CPUs and GPUs in devices. The use of the fog in support of deep learning
improves the user experience and optimizes the exploitation of the cloud. The fog embedded in the system
will absorb the real-time data from the sensors and act quickly through the actuators. This technique is
applicable to the field of health machine prognosis using the CNN for image classification of the health
condition of machines by increasing the precision by 5% compared to traditional methods and saving data,
energy and traffic, which makes it robust for applications in the new internet of things (IoT) industry.
4. CONCLUSION
To quickly integrate the Industry 4.0 revolution, the PHM system needs to adopt established and
high-performance predictive maintenance standards, such as the US Army's MIMOSA norm, to ensure
optimal machine monitoring and high-quality manufactured products. This will ensure complete machine
monitoring through well-structured communication systems and protocols, giving an edge in the highly
competitive economic environment. With the development of deep learning, maintenance will become more
efficient and more reactive in the near future and fit into the vision of Industry 4.0 because deep learning,
with its multiple advanced architectures, eliminates the complexity of data analysis and the need for expertise
and excessive work. That said, developing a so-called "intelligent" system in real time is essential to make
companies interested by choosing to frame the studied system according to costs and benefits because the full
potential of DL has not yet been explored.
REFERENCES
[1] P. Daugherty, et al., "Driving Unconventional Growth through the Industrial Internet of Things," Accenture
Technology, 2015.
[2] Gray, D., Rivers, and G. Vermont, "Measuring the Economic Impacts of the NSF Industry/University Cooperative
Research Centers Program: A Feasibility Study," Final Report, Industry-University Cooperative Research Center
Program National Science Foundation Arlington, 2019.
[3] Tobon-Mejia, D.A., K. Medjaher, and N. Zerhouni, "The ISO 13381-1 standard's failure prognostics process
through an example," in 2010 Prognostics and System Health Management Conference, 2010.
[4] Wu, Y., et al., "Google's Neural Machine Translation System: Bridging the Gap between Human and Machine
Translation," arXiv preprint arXiv:1609.08144, 2016.
[5] Lebold, M. and K. Reichard, "OSA-CBM Architecture Development with Emphasis on XML Implementations,"
Maintenance And Reliability Conference, 2002.
[6] Liao, L., W. Jin, and R. Pavel, "Enhanced Restricted Boltzmann Machine With Prognosability Regularization for
Prognostics and Health Assessment," IEEE Transactions on Industrial Electronics, vol. 63, no. 11, pp. 7076-7083, 2016.
[7] Zhang, C., et al., Multiobjective Deep Belief Networks Ensemble for Remaining Useful Life Estimation in
Prognostics," IEEE Transactions on Neural Networks and Learning Systems, vol. 28, no. 10, pp. 2306-2318, 2017.
 ISSN: 2088-8708
Int J Elec & Comp Eng, Vol. 10, No. 6, December 2020 : 5592 - 5598
5598
[8] Sateesh Babu, G., P. Zhao, and X.-L. Li, "Deep Convolutional Neural Network Based Regression Approach for
Estimation of Remaining Useful Life," Database Systems for Advanced Applications, Cham: Springer
International Publishing, pp. 214-228, 2016.
[9] S. Yoon, A., et al., "Semi-supervised Learning with Deep Generative Models for Asset Failure Prediction,"
arXiv preprint arXiv:1709.00845, 2017.
[10] Guo, L., et al., "A recurrent neural network based health indicator for remaining useful life prediction of bearings,"
Neurocomputing, vol. 240, pp. 98-109, 2017.
[11] Gugulothu, N., "Predicting Remaining Useful Life using Time Series Embeddings based on Recurrent Neural
Networks," arXiv preprint arXiv:1709.01073, 2017.
[12] Yuan, M., Y. Wu, and L. Lin, "Fault diagnosis and remaining useful life estimation of aero engine using LSTM
neural network," IEEE International Conference on Aircraft Utility Systems (AUS),China, pp. 135-140, 2016.
[13] Malhotra, P., et al., "Multi-Sensor Prognostics using an Unsupervised Health Index based on LSTM Encoder-
Decoder," arXiv preprint arXiv:1608.06154, 2016.
[14] Janssens, O., et al., "Deep Learning for Infrared Thermal Image Based Machine Health Monitoring," IEEE/ASME
Transactions on Mechatronics, vol. 23, no. 1, pp. 151-159, 2018.
[15] Sun, C., et al., ''Deep Transfer Learning Based on Sparse Auto-encoder for Remaining Useful Life Prediction of
Tool in Manufacturing," IEEE Transactions on Industrial Informatics, pp. 1-1, 2018.
[16] Cao, P., S. Zhang, and J. Tang, "Preprocessing-Free Gear Fault Diagnosis Using Small Datasets With Deep
Convolutional Neural Network-Based Transfer Learning," IEEE Access, vol. 6, pp. 26241-26253, 2018.
[17] Krizhevsky, A., I. Sutskever, and G. E. Hinton, "ImageNet Classification with Deep Convolutional Neural
Networks," Advances in neural information processing systems, vol. 25, pp. 1097-1105, 2012.
[18] Liu, J., Y. Wang, and Y. Qiao, "Sparse Deep Transfer Learning for Convolutional Neural Network," Thirty-First
AAAI Conference on Artificial Intelligence, pp. 2245-2251, 2017.
[19] Li, Y., et al., "Adaptive Batch Normalization for practical domain adaptation," Pattern Recognition, vol. 80,
pp. 109-117, 2018.
[20] Goodfellow, Ian, Yoshua Bengio, and Aaron Courville., "Deep Learning," MIT Press, 2016.
[21] Zhou, F., Y. Gao, and C. Wen, "A Novel Multimode Fault Classification Method Based on Deep Learning,"
Journal of Control Science and Engineering, vol. 2017, no. 1, pp. 1-14, 2017.
[22] Ruder, S., "An Overview of Multi-Task Learning in Deep Neural Networks," arXiv preprint arXiv:1706.05098, 2017.
[23] Bingel, J. and A. Søgaard, "Identifying beneficial task relations for multi-task learning in deep neural networks,"
arXiv preprint arXiv:1702.08303, 2017.
[24] Bin Qaisar, S. and M. Usman, "Fog Networking for Machine Health Prognosis: A Deep Learning Perspective,"
International Conference on Computational Science and Its Applications, pp. 212-219, 2017.
[25] ERPINNEWS, "Fog computing vs edge computing," 2018. [Online], Available: https://erpinnews.com/fog-
computing-vs-edge-computing.
[26] Chelliah, P.R. and J. Pushpa, "Expounding the edge/fog computing infrastructures for data science, in cloud and fog
computing infrastructures for data science," IGI Global, pp. 1-32, 2018.
BIOGRAPHIES OF AUTHORS
Youssef Maher is a research scholar in the Department of Electrical and Mechanical
Engineering, from the University Hassan 1, Settat, Morocco. He has a degree in industrial and
mechanical engineering. His research interests include Data Mining, Big data analytics,
Deep Learning, Neural Networks Predictive analytics.
Boujemaa Danouj Doctor Engineer in mechanical engineering. Graduate of the National School
of Electricity and Mechanics Casablanca, Morocco. Master of Philosophy (M.Phil) from
Middlesex University, UK. Ph.D. from ÉTS (École de Technologie Supérieure), Montréal,
Canada. Expertises: Free form curves and surfaces modeling, partial discharges in high voltage
machines, deep learning and predictive maintenance, Metrology and tolerancing.

More Related Content

What's hot

An Application of Genetic Programming for Power System Planning and Operation
An Application of Genetic Programming for Power System Planning and OperationAn Application of Genetic Programming for Power System Planning and Operation
An Application of Genetic Programming for Power System Planning and OperationIDES Editor
 
Design and development of DrawBot using image processing
Design and development of DrawBot using image processing Design and development of DrawBot using image processing
Design and development of DrawBot using image processing IJECEIAES
 
Forecasting electricity usage in industrial applications with gpu acceleratio...
Forecasting electricity usage in industrial applications with gpu acceleratio...Forecasting electricity usage in industrial applications with gpu acceleratio...
Forecasting electricity usage in industrial applications with gpu acceleratio...Conference Papers
 
NUMERICAL STUDIES OF TRAPEZOIDAL PROTOTYPE AUDITORY MEMBRANE (PAM)
NUMERICAL STUDIES OF TRAPEZOIDAL PROTOTYPE AUDITORY MEMBRANE (PAM)NUMERICAL STUDIES OF TRAPEZOIDAL PROTOTYPE AUDITORY MEMBRANE (PAM)
NUMERICAL STUDIES OF TRAPEZOIDAL PROTOTYPE AUDITORY MEMBRANE (PAM)IJCSEA Journal
 
A LOW-ENERGY DATA AGGREGATION PROTOCOL USING AN EMERGENCY EFFICIENT HYBRID ME...
A LOW-ENERGY DATA AGGREGATION PROTOCOL USING AN EMERGENCY EFFICIENT HYBRID ME...A LOW-ENERGY DATA AGGREGATION PROTOCOL USING AN EMERGENCY EFFICIENT HYBRID ME...
A LOW-ENERGY DATA AGGREGATION PROTOCOL USING AN EMERGENCY EFFICIENT HYBRID ME...IJCNCJournal
 
2005年EI收录浙江财经学院论文7篇
2005年EI收录浙江财经学院论文7篇2005年EI收录浙江财经学院论文7篇
2005年EI收录浙江财经学院论文7篇butest
 
Black Box Model based Self Healing Solution for Stuck at Faults in Digital Ci...
Black Box Model based Self Healing Solution for Stuck at Faults in Digital Ci...Black Box Model based Self Healing Solution for Stuck at Faults in Digital Ci...
Black Box Model based Self Healing Solution for Stuck at Faults in Digital Ci...IJECEIAES
 
Techniques to Apply Artificial Intelligence in Power Plants
Techniques to Apply Artificial Intelligence in Power PlantsTechniques to Apply Artificial Intelligence in Power Plants
Techniques to Apply Artificial Intelligence in Power Plantsijtsrd
 
IRJET - A Novel Approach for Software Defect Prediction based on Dimensio...
IRJET -  	  A Novel Approach for Software Defect Prediction based on Dimensio...IRJET -  	  A Novel Approach for Software Defect Prediction based on Dimensio...
IRJET - A Novel Approach for Software Defect Prediction based on Dimensio...IRJET Journal
 
Artificial Intelligence based Pattern Recognition
Artificial Intelligence based Pattern RecognitionArtificial Intelligence based Pattern Recognition
Artificial Intelligence based Pattern RecognitionDr. Amarjeet Singh
 
Fault diagnosis in transformers
Fault diagnosis in transformersFault diagnosis in transformers
Fault diagnosis in transformersSarvesh Singh
 
A Hierarchical Feature Set optimization for effective code change based Defec...
A Hierarchical Feature Set optimization for effective code change based Defec...A Hierarchical Feature Set optimization for effective code change based Defec...
A Hierarchical Feature Set optimization for effective code change based Defec...IOSR Journals
 
IRJET- Efficient Face Detection from Video Sequences using KNN and PCA
IRJET-  	  Efficient Face Detection from Video Sequences using KNN and PCAIRJET-  	  Efficient Face Detection from Video Sequences using KNN and PCA
IRJET- Efficient Face Detection from Video Sequences using KNN and PCAIRJET Journal
 
Neural Network Model Development with Soft Computing Techniques for Membrane ...
Neural Network Model Development with Soft Computing Techniques for Membrane ...Neural Network Model Development with Soft Computing Techniques for Membrane ...
Neural Network Model Development with Soft Computing Techniques for Membrane ...IJECEIAES
 
Performance analysis of binary and multiclass models using azure machine lear...
Performance analysis of binary and multiclass models using azure machine lear...Performance analysis of binary and multiclass models using azure machine lear...
Performance analysis of binary and multiclass models using azure machine lear...IJECEIAES
 
Intelligence decision making of fault detection and fault tolerances method f...
Intelligence decision making of fault detection and fault tolerances method f...Intelligence decision making of fault detection and fault tolerances method f...
Intelligence decision making of fault detection and fault tolerances method f...Siva Samy
 
Location management for pcs networks using user movement pattern
Location management for pcs networks using user movement patternLocation management for pcs networks using user movement pattern
Location management for pcs networks using user movement patternIAEME Publication
 
Efficient decentralized iterative learning tracker for unknown sampled data i...
Efficient decentralized iterative learning tracker for unknown sampled data i...Efficient decentralized iterative learning tracker for unknown sampled data i...
Efficient decentralized iterative learning tracker for unknown sampled data i...ISA Interchange
 

What's hot (20)

An Application of Genetic Programming for Power System Planning and Operation
An Application of Genetic Programming for Power System Planning and OperationAn Application of Genetic Programming for Power System Planning and Operation
An Application of Genetic Programming for Power System Planning and Operation
 
Design and development of DrawBot using image processing
Design and development of DrawBot using image processing Design and development of DrawBot using image processing
Design and development of DrawBot using image processing
 
Forecasting electricity usage in industrial applications with gpu acceleratio...
Forecasting electricity usage in industrial applications with gpu acceleratio...Forecasting electricity usage in industrial applications with gpu acceleratio...
Forecasting electricity usage in industrial applications with gpu acceleratio...
 
NUMERICAL STUDIES OF TRAPEZOIDAL PROTOTYPE AUDITORY MEMBRANE (PAM)
NUMERICAL STUDIES OF TRAPEZOIDAL PROTOTYPE AUDITORY MEMBRANE (PAM)NUMERICAL STUDIES OF TRAPEZOIDAL PROTOTYPE AUDITORY MEMBRANE (PAM)
NUMERICAL STUDIES OF TRAPEZOIDAL PROTOTYPE AUDITORY MEMBRANE (PAM)
 
A LOW-ENERGY DATA AGGREGATION PROTOCOL USING AN EMERGENCY EFFICIENT HYBRID ME...
A LOW-ENERGY DATA AGGREGATION PROTOCOL USING AN EMERGENCY EFFICIENT HYBRID ME...A LOW-ENERGY DATA AGGREGATION PROTOCOL USING AN EMERGENCY EFFICIENT HYBRID ME...
A LOW-ENERGY DATA AGGREGATION PROTOCOL USING AN EMERGENCY EFFICIENT HYBRID ME...
 
2005年EI收录浙江财经学院论文7篇
2005年EI收录浙江财经学院论文7篇2005年EI收录浙江财经学院论文7篇
2005年EI收录浙江财经学院论文7篇
 
Black Box Model based Self Healing Solution for Stuck at Faults in Digital Ci...
Black Box Model based Self Healing Solution for Stuck at Faults in Digital Ci...Black Box Model based Self Healing Solution for Stuck at Faults in Digital Ci...
Black Box Model based Self Healing Solution for Stuck at Faults in Digital Ci...
 
Techniques to Apply Artificial Intelligence in Power Plants
Techniques to Apply Artificial Intelligence in Power PlantsTechniques to Apply Artificial Intelligence in Power Plants
Techniques to Apply Artificial Intelligence in Power Plants
 
IRJET - A Novel Approach for Software Defect Prediction based on Dimensio...
IRJET -  	  A Novel Approach for Software Defect Prediction based on Dimensio...IRJET -  	  A Novel Approach for Software Defect Prediction based on Dimensio...
IRJET - A Novel Approach for Software Defect Prediction based on Dimensio...
 
Artificial Intelligence based Pattern Recognition
Artificial Intelligence based Pattern RecognitionArtificial Intelligence based Pattern Recognition
Artificial Intelligence based Pattern Recognition
 
Fault diagnosis in transformers
Fault diagnosis in transformersFault diagnosis in transformers
Fault diagnosis in transformers
 
A Hierarchical Feature Set optimization for effective code change based Defec...
A Hierarchical Feature Set optimization for effective code change based Defec...A Hierarchical Feature Set optimization for effective code change based Defec...
A Hierarchical Feature Set optimization for effective code change based Defec...
 
50120130406041 2
50120130406041 250120130406041 2
50120130406041 2
 
IRJET- Efficient Face Detection from Video Sequences using KNN and PCA
IRJET-  	  Efficient Face Detection from Video Sequences using KNN and PCAIRJET-  	  Efficient Face Detection from Video Sequences using KNN and PCA
IRJET- Efficient Face Detection from Video Sequences using KNN and PCA
 
Neural Network Model Development with Soft Computing Techniques for Membrane ...
Neural Network Model Development with Soft Computing Techniques for Membrane ...Neural Network Model Development with Soft Computing Techniques for Membrane ...
Neural Network Model Development with Soft Computing Techniques for Membrane ...
 
Performance analysis of binary and multiclass models using azure machine lear...
Performance analysis of binary and multiclass models using azure machine lear...Performance analysis of binary and multiclass models using azure machine lear...
Performance analysis of binary and multiclass models using azure machine lear...
 
Intelligence decision making of fault detection and fault tolerances method f...
Intelligence decision making of fault detection and fault tolerances method f...Intelligence decision making of fault detection and fault tolerances method f...
Intelligence decision making of fault detection and fault tolerances method f...
 
Location management for pcs networks using user movement pattern
Location management for pcs networks using user movement patternLocation management for pcs networks using user movement pattern
Location management for pcs networks using user movement pattern
 
50120130406033
5012013040603350120130406033
50120130406033
 
Efficient decentralized iterative learning tracker for unknown sampled data i...
Efficient decentralized iterative learning tracker for unknown sampled data i...Efficient decentralized iterative learning tracker for unknown sampled data i...
Efficient decentralized iterative learning tracker for unknown sampled data i...
 

Similar to Survey on deep learning applied to predictive maintenance

Predictive maintenance of rotational machinery using deep learning
Predictive maintenance of rotational machinery using deep learningPredictive maintenance of rotational machinery using deep learning
Predictive maintenance of rotational machinery using deep learningIJECEIAES
 
A NOVEL SCHEME FOR ACCURATE REMAINING USEFUL LIFE PREDICTION FOR INDUSTRIAL I...
A NOVEL SCHEME FOR ACCURATE REMAINING USEFUL LIFE PREDICTION FOR INDUSTRIAL I...A NOVEL SCHEME FOR ACCURATE REMAINING USEFUL LIFE PREDICTION FOR INDUSTRIAL I...
A NOVEL SCHEME FOR ACCURATE REMAINING USEFUL LIFE PREDICTION FOR INDUSTRIAL I...ijaia
 
A NOVEL SCHEME FOR ACCURATE REMAINING USEFUL LIFE PREDICTION FOR INDUSTRIAL I...
A NOVEL SCHEME FOR ACCURATE REMAINING USEFUL LIFE PREDICTION FOR INDUSTRIAL I...A NOVEL SCHEME FOR ACCURATE REMAINING USEFUL LIFE PREDICTION FOR INDUSTRIAL I...
A NOVEL SCHEME FOR ACCURATE REMAINING USEFUL LIFE PREDICTION FOR INDUSTRIAL I...gerogepatton
 
sensors-23-04512-v3.pdf
sensors-23-04512-v3.pdfsensors-23-04512-v3.pdf
sensors-23-04512-v3.pdfSekharSankuri1
 
Online video-based abnormal detection using highly motion techniques and stat...
Online video-based abnormal detection using highly motion techniques and stat...Online video-based abnormal detection using highly motion techniques and stat...
Online video-based abnormal detection using highly motion techniques and stat...TELKOMNIKA JOURNAL
 
IRJET - Intelligent Weather Forecasting using Machine Learning Techniques
IRJET -  	  Intelligent Weather Forecasting using Machine Learning TechniquesIRJET -  	  Intelligent Weather Forecasting using Machine Learning Techniques
IRJET - Intelligent Weather Forecasting using Machine Learning TechniquesIRJET Journal
 
PREDICTION OF AVERAGE TOTAL PROJECT DURATION USING ARTIFICIAL NEURAL NETWORKS...
PREDICTION OF AVERAGE TOTAL PROJECT DURATION USING ARTIFICIAL NEURAL NETWORKS...PREDICTION OF AVERAGE TOTAL PROJECT DURATION USING ARTIFICIAL NEURAL NETWORKS...
PREDICTION OF AVERAGE TOTAL PROJECT DURATION USING ARTIFICIAL NEURAL NETWORKS...IAEME Publication
 
Security Constraint Unit Commitment Considering Line and Unit Contingencies-p...
Security Constraint Unit Commitment Considering Line and Unit Contingencies-p...Security Constraint Unit Commitment Considering Line and Unit Contingencies-p...
Security Constraint Unit Commitment Considering Line and Unit Contingencies-p...IJAPEJOURNAL
 
IRJET- Analysis of Micro Inversion to Improve Fault Tolerance in High Spe...
IRJET-  	  Analysis of Micro Inversion to Improve Fault Tolerance in High Spe...IRJET-  	  Analysis of Micro Inversion to Improve Fault Tolerance in High Spe...
IRJET- Analysis of Micro Inversion to Improve Fault Tolerance in High Spe...IRJET Journal
 
Short Term Load Forecasting Using Bootstrap Aggregating Based Ensemble Artifi...
Short Term Load Forecasting Using Bootstrap Aggregating Based Ensemble Artifi...Short Term Load Forecasting Using Bootstrap Aggregating Based Ensemble Artifi...
Short Term Load Forecasting Using Bootstrap Aggregating Based Ensemble Artifi...Kashif Mehmood
 
Monte Carlo simulation convergences’ percentage and position in future relia...
Monte Carlo simulation convergences’ percentage and position  in future relia...Monte Carlo simulation convergences’ percentage and position  in future relia...
Monte Carlo simulation convergences’ percentage and position in future relia...IJECEIAES
 
FAULT DETECTION SCHEME OF 5 BUS BY ANN AND ANFIS
FAULT DETECTION SCHEME OF 5 BUS BY ANN AND ANFISFAULT DETECTION SCHEME OF 5 BUS BY ANN AND ANFIS
FAULT DETECTION SCHEME OF 5 BUS BY ANN AND ANFISIRJET Journal
 
ORAL CANCER DETECTION USING RNN
ORAL CANCER DETECTION USING RNNORAL CANCER DETECTION USING RNN
ORAL CANCER DETECTION USING RNNIRJET Journal
 
Short term residential load forecasting using long short-term memory recurre...
Short term residential load forecasting using long short-term  memory recurre...Short term residential load forecasting using long short-term  memory recurre...
Short term residential load forecasting using long short-term memory recurre...IJECEIAES
 
Energy efficient clustering using the AMHC (adoptive multi-hop clustering) t...
Energy efficient clustering using the AMHC  (adoptive multi-hop clustering) t...Energy efficient clustering using the AMHC  (adoptive multi-hop clustering) t...
Energy efficient clustering using the AMHC (adoptive multi-hop clustering) t...IJECEIAES
 
TRANSMISSION LINE HEALTH PREDICTION SYSTEM IN HVDC AND HVAC LINES
TRANSMISSION LINE HEALTH PREDICTION SYSTEM IN HVDC AND HVAC LINESTRANSMISSION LINE HEALTH PREDICTION SYSTEM IN HVDC AND HVAC LINES
TRANSMISSION LINE HEALTH PREDICTION SYSTEM IN HVDC AND HVAC LINESIRJET Journal
 
Towards a good abs design for more Reliable vehicles on the roads
Towards a good abs design for more Reliable vehicles on the roadsTowards a good abs design for more Reliable vehicles on the roads
Towards a good abs design for more Reliable vehicles on the roadsijcsit
 

Similar to Survey on deep learning applied to predictive maintenance (20)

Predictive maintenance of rotational machinery using deep learning
Predictive maintenance of rotational machinery using deep learningPredictive maintenance of rotational machinery using deep learning
Predictive maintenance of rotational machinery using deep learning
 
A NOVEL SCHEME FOR ACCURATE REMAINING USEFUL LIFE PREDICTION FOR INDUSTRIAL I...
A NOVEL SCHEME FOR ACCURATE REMAINING USEFUL LIFE PREDICTION FOR INDUSTRIAL I...A NOVEL SCHEME FOR ACCURATE REMAINING USEFUL LIFE PREDICTION FOR INDUSTRIAL I...
A NOVEL SCHEME FOR ACCURATE REMAINING USEFUL LIFE PREDICTION FOR INDUSTRIAL I...
 
A NOVEL SCHEME FOR ACCURATE REMAINING USEFUL LIFE PREDICTION FOR INDUSTRIAL I...
A NOVEL SCHEME FOR ACCURATE REMAINING USEFUL LIFE PREDICTION FOR INDUSTRIAL I...A NOVEL SCHEME FOR ACCURATE REMAINING USEFUL LIFE PREDICTION FOR INDUSTRIAL I...
A NOVEL SCHEME FOR ACCURATE REMAINING USEFUL LIFE PREDICTION FOR INDUSTRIAL I...
 
sensors-23-04512-v3.pdf
sensors-23-04512-v3.pdfsensors-23-04512-v3.pdf
sensors-23-04512-v3.pdf
 
Online video-based abnormal detection using highly motion techniques and stat...
Online video-based abnormal detection using highly motion techniques and stat...Online video-based abnormal detection using highly motion techniques and stat...
Online video-based abnormal detection using highly motion techniques and stat...
 
IRJET - Intelligent Weather Forecasting using Machine Learning Techniques
IRJET -  	  Intelligent Weather Forecasting using Machine Learning TechniquesIRJET -  	  Intelligent Weather Forecasting using Machine Learning Techniques
IRJET - Intelligent Weather Forecasting using Machine Learning Techniques
 
Sensor Fault Detection and Isolation Based on Artificial Neural Networks and ...
Sensor Fault Detection and Isolation Based on Artificial Neural Networks and ...Sensor Fault Detection and Isolation Based on Artificial Neural Networks and ...
Sensor Fault Detection and Isolation Based on Artificial Neural Networks and ...
 
PREDICTION OF AVERAGE TOTAL PROJECT DURATION USING ARTIFICIAL NEURAL NETWORKS...
PREDICTION OF AVERAGE TOTAL PROJECT DURATION USING ARTIFICIAL NEURAL NETWORKS...PREDICTION OF AVERAGE TOTAL PROJECT DURATION USING ARTIFICIAL NEURAL NETWORKS...
PREDICTION OF AVERAGE TOTAL PROJECT DURATION USING ARTIFICIAL NEURAL NETWORKS...
 
50120140505008
5012014050500850120140505008
50120140505008
 
Security Constraint Unit Commitment Considering Line and Unit Contingencies-p...
Security Constraint Unit Commitment Considering Line and Unit Contingencies-p...Security Constraint Unit Commitment Considering Line and Unit Contingencies-p...
Security Constraint Unit Commitment Considering Line and Unit Contingencies-p...
 
IRJET- Analysis of Micro Inversion to Improve Fault Tolerance in High Spe...
IRJET-  	  Analysis of Micro Inversion to Improve Fault Tolerance in High Spe...IRJET-  	  Analysis of Micro Inversion to Improve Fault Tolerance in High Spe...
IRJET- Analysis of Micro Inversion to Improve Fault Tolerance in High Spe...
 
Short Term Load Forecasting Using Bootstrap Aggregating Based Ensemble Artifi...
Short Term Load Forecasting Using Bootstrap Aggregating Based Ensemble Artifi...Short Term Load Forecasting Using Bootstrap Aggregating Based Ensemble Artifi...
Short Term Load Forecasting Using Bootstrap Aggregating Based Ensemble Artifi...
 
Monte Carlo simulation convergences’ percentage and position in future relia...
Monte Carlo simulation convergences’ percentage and position  in future relia...Monte Carlo simulation convergences’ percentage and position  in future relia...
Monte Carlo simulation convergences’ percentage and position in future relia...
 
FAULT DETECTION SCHEME OF 5 BUS BY ANN AND ANFIS
FAULT DETECTION SCHEME OF 5 BUS BY ANN AND ANFISFAULT DETECTION SCHEME OF 5 BUS BY ANN AND ANFIS
FAULT DETECTION SCHEME OF 5 BUS BY ANN AND ANFIS
 
ORAL CANCER DETECTION USING RNN
ORAL CANCER DETECTION USING RNNORAL CANCER DETECTION USING RNN
ORAL CANCER DETECTION USING RNN
 
MANET
MANETMANET
MANET
 
Short term residential load forecasting using long short-term memory recurre...
Short term residential load forecasting using long short-term  memory recurre...Short term residential load forecasting using long short-term  memory recurre...
Short term residential load forecasting using long short-term memory recurre...
 
Energy efficient clustering using the AMHC (adoptive multi-hop clustering) t...
Energy efficient clustering using the AMHC  (adoptive multi-hop clustering) t...Energy efficient clustering using the AMHC  (adoptive multi-hop clustering) t...
Energy efficient clustering using the AMHC (adoptive multi-hop clustering) t...
 
TRANSMISSION LINE HEALTH PREDICTION SYSTEM IN HVDC AND HVAC LINES
TRANSMISSION LINE HEALTH PREDICTION SYSTEM IN HVDC AND HVAC LINESTRANSMISSION LINE HEALTH PREDICTION SYSTEM IN HVDC AND HVAC LINES
TRANSMISSION LINE HEALTH PREDICTION SYSTEM IN HVDC AND HVAC LINES
 
Towards a good abs design for more Reliable vehicles on the roads
Towards a good abs design for more Reliable vehicles on the roadsTowards a good abs design for more Reliable vehicles on the roads
Towards a good abs design for more Reliable vehicles on the roads
 

More from IJECEIAES

Cloud service ranking with an integration of k-means algorithm and decision-m...
Cloud service ranking with an integration of k-means algorithm and decision-m...Cloud service ranking with an integration of k-means algorithm and decision-m...
Cloud service ranking with an integration of k-means algorithm and decision-m...IJECEIAES
 
Prediction of the risk of developing heart disease using logistic regression
Prediction of the risk of developing heart disease using logistic regressionPrediction of the risk of developing heart disease using logistic regression
Prediction of the risk of developing heart disease using logistic regressionIJECEIAES
 
Predictive analysis of terrorist activities in Thailand's Southern provinces:...
Predictive analysis of terrorist activities in Thailand's Southern provinces:...Predictive analysis of terrorist activities in Thailand's Southern provinces:...
Predictive analysis of terrorist activities in Thailand's Southern provinces:...IJECEIAES
 
Optimal model of vehicular ad-hoc network assisted by unmanned aerial vehicl...
Optimal model of vehicular ad-hoc network assisted by  unmanned aerial vehicl...Optimal model of vehicular ad-hoc network assisted by  unmanned aerial vehicl...
Optimal model of vehicular ad-hoc network assisted by unmanned aerial vehicl...IJECEIAES
 
Improving cyberbullying detection through multi-level machine learning
Improving cyberbullying detection through multi-level machine learningImproving cyberbullying detection through multi-level machine learning
Improving cyberbullying detection through multi-level machine learningIJECEIAES
 
Comparison of time series temperature prediction with autoregressive integrat...
Comparison of time series temperature prediction with autoregressive integrat...Comparison of time series temperature prediction with autoregressive integrat...
Comparison of time series temperature prediction with autoregressive integrat...IJECEIAES
 
Strengthening data integrity in academic document recording with blockchain a...
Strengthening data integrity in academic document recording with blockchain a...Strengthening data integrity in academic document recording with blockchain a...
Strengthening data integrity in academic document recording with blockchain a...IJECEIAES
 
Design of storage benchmark kit framework for supporting the file storage ret...
Design of storage benchmark kit framework for supporting the file storage ret...Design of storage benchmark kit framework for supporting the file storage ret...
Design of storage benchmark kit framework for supporting the file storage ret...IJECEIAES
 
Detection of diseases in rice leaf using convolutional neural network with tr...
Detection of diseases in rice leaf using convolutional neural network with tr...Detection of diseases in rice leaf using convolutional neural network with tr...
Detection of diseases in rice leaf using convolutional neural network with tr...IJECEIAES
 
A systematic review of in-memory database over multi-tenancy
A systematic review of in-memory database over multi-tenancyA systematic review of in-memory database over multi-tenancy
A systematic review of in-memory database over multi-tenancyIJECEIAES
 
Agriculture crop yield prediction using inertia based cat swarm optimization
Agriculture crop yield prediction using inertia based cat swarm optimizationAgriculture crop yield prediction using inertia based cat swarm optimization
Agriculture crop yield prediction using inertia based cat swarm optimizationIJECEIAES
 
Three layer hybrid learning to improve intrusion detection system performance
Three layer hybrid learning to improve intrusion detection system performanceThree layer hybrid learning to improve intrusion detection system performance
Three layer hybrid learning to improve intrusion detection system performanceIJECEIAES
 
Non-binary codes approach on the performance of short-packet full-duplex tran...
Non-binary codes approach on the performance of short-packet full-duplex tran...Non-binary codes approach on the performance of short-packet full-duplex tran...
Non-binary codes approach on the performance of short-packet full-duplex tran...IJECEIAES
 
Improved design and performance of the global rectenna system for wireless po...
Improved design and performance of the global rectenna system for wireless po...Improved design and performance of the global rectenna system for wireless po...
Improved design and performance of the global rectenna system for wireless po...IJECEIAES
 
Advanced hybrid algorithms for precise multipath channel estimation in next-g...
Advanced hybrid algorithms for precise multipath channel estimation in next-g...Advanced hybrid algorithms for precise multipath channel estimation in next-g...
Advanced hybrid algorithms for precise multipath channel estimation in next-g...IJECEIAES
 
Performance analysis of 2D optical code division multiple access through unde...
Performance analysis of 2D optical code division multiple access through unde...Performance analysis of 2D optical code division multiple access through unde...
Performance analysis of 2D optical code division multiple access through unde...IJECEIAES
 
On performance analysis of non-orthogonal multiple access downlink for cellul...
On performance analysis of non-orthogonal multiple access downlink for cellul...On performance analysis of non-orthogonal multiple access downlink for cellul...
On performance analysis of non-orthogonal multiple access downlink for cellul...IJECEIAES
 
Phase delay through slot-line beam switching microstrip patch array antenna d...
Phase delay through slot-line beam switching microstrip patch array antenna d...Phase delay through slot-line beam switching microstrip patch array antenna d...
Phase delay through slot-line beam switching microstrip patch array antenna d...IJECEIAES
 
A simple feed orthogonal excitation X-band dual circular polarized microstrip...
A simple feed orthogonal excitation X-band dual circular polarized microstrip...A simple feed orthogonal excitation X-band dual circular polarized microstrip...
A simple feed orthogonal excitation X-band dual circular polarized microstrip...IJECEIAES
 
A taxonomy on power optimization techniques for fifthgeneration heterogenous ...
A taxonomy on power optimization techniques for fifthgeneration heterogenous ...A taxonomy on power optimization techniques for fifthgeneration heterogenous ...
A taxonomy on power optimization techniques for fifthgeneration heterogenous ...IJECEIAES
 

More from IJECEIAES (20)

Cloud service ranking with an integration of k-means algorithm and decision-m...
Cloud service ranking with an integration of k-means algorithm and decision-m...Cloud service ranking with an integration of k-means algorithm and decision-m...
Cloud service ranking with an integration of k-means algorithm and decision-m...
 
Prediction of the risk of developing heart disease using logistic regression
Prediction of the risk of developing heart disease using logistic regressionPrediction of the risk of developing heart disease using logistic regression
Prediction of the risk of developing heart disease using logistic regression
 
Predictive analysis of terrorist activities in Thailand's Southern provinces:...
Predictive analysis of terrorist activities in Thailand's Southern provinces:...Predictive analysis of terrorist activities in Thailand's Southern provinces:...
Predictive analysis of terrorist activities in Thailand's Southern provinces:...
 
Optimal model of vehicular ad-hoc network assisted by unmanned aerial vehicl...
Optimal model of vehicular ad-hoc network assisted by  unmanned aerial vehicl...Optimal model of vehicular ad-hoc network assisted by  unmanned aerial vehicl...
Optimal model of vehicular ad-hoc network assisted by unmanned aerial vehicl...
 
Improving cyberbullying detection through multi-level machine learning
Improving cyberbullying detection through multi-level machine learningImproving cyberbullying detection through multi-level machine learning
Improving cyberbullying detection through multi-level machine learning
 
Comparison of time series temperature prediction with autoregressive integrat...
Comparison of time series temperature prediction with autoregressive integrat...Comparison of time series temperature prediction with autoregressive integrat...
Comparison of time series temperature prediction with autoregressive integrat...
 
Strengthening data integrity in academic document recording with blockchain a...
Strengthening data integrity in academic document recording with blockchain a...Strengthening data integrity in academic document recording with blockchain a...
Strengthening data integrity in academic document recording with blockchain a...
 
Design of storage benchmark kit framework for supporting the file storage ret...
Design of storage benchmark kit framework for supporting the file storage ret...Design of storage benchmark kit framework for supporting the file storage ret...
Design of storage benchmark kit framework for supporting the file storage ret...
 
Detection of diseases in rice leaf using convolutional neural network with tr...
Detection of diseases in rice leaf using convolutional neural network with tr...Detection of diseases in rice leaf using convolutional neural network with tr...
Detection of diseases in rice leaf using convolutional neural network with tr...
 
A systematic review of in-memory database over multi-tenancy
A systematic review of in-memory database over multi-tenancyA systematic review of in-memory database over multi-tenancy
A systematic review of in-memory database over multi-tenancy
 
Agriculture crop yield prediction using inertia based cat swarm optimization
Agriculture crop yield prediction using inertia based cat swarm optimizationAgriculture crop yield prediction using inertia based cat swarm optimization
Agriculture crop yield prediction using inertia based cat swarm optimization
 
Three layer hybrid learning to improve intrusion detection system performance
Three layer hybrid learning to improve intrusion detection system performanceThree layer hybrid learning to improve intrusion detection system performance
Three layer hybrid learning to improve intrusion detection system performance
 
Non-binary codes approach on the performance of short-packet full-duplex tran...
Non-binary codes approach on the performance of short-packet full-duplex tran...Non-binary codes approach on the performance of short-packet full-duplex tran...
Non-binary codes approach on the performance of short-packet full-duplex tran...
 
Improved design and performance of the global rectenna system for wireless po...
Improved design and performance of the global rectenna system for wireless po...Improved design and performance of the global rectenna system for wireless po...
Improved design and performance of the global rectenna system for wireless po...
 
Advanced hybrid algorithms for precise multipath channel estimation in next-g...
Advanced hybrid algorithms for precise multipath channel estimation in next-g...Advanced hybrid algorithms for precise multipath channel estimation in next-g...
Advanced hybrid algorithms for precise multipath channel estimation in next-g...
 
Performance analysis of 2D optical code division multiple access through unde...
Performance analysis of 2D optical code division multiple access through unde...Performance analysis of 2D optical code division multiple access through unde...
Performance analysis of 2D optical code division multiple access through unde...
 
On performance analysis of non-orthogonal multiple access downlink for cellul...
On performance analysis of non-orthogonal multiple access downlink for cellul...On performance analysis of non-orthogonal multiple access downlink for cellul...
On performance analysis of non-orthogonal multiple access downlink for cellul...
 
Phase delay through slot-line beam switching microstrip patch array antenna d...
Phase delay through slot-line beam switching microstrip patch array antenna d...Phase delay through slot-line beam switching microstrip patch array antenna d...
Phase delay through slot-line beam switching microstrip patch array antenna d...
 
A simple feed orthogonal excitation X-band dual circular polarized microstrip...
A simple feed orthogonal excitation X-band dual circular polarized microstrip...A simple feed orthogonal excitation X-band dual circular polarized microstrip...
A simple feed orthogonal excitation X-band dual circular polarized microstrip...
 
A taxonomy on power optimization techniques for fifthgeneration heterogenous ...
A taxonomy on power optimization techniques for fifthgeneration heterogenous ...A taxonomy on power optimization techniques for fifthgeneration heterogenous ...
A taxonomy on power optimization techniques for fifthgeneration heterogenous ...
 

Recently uploaded

Call Girls Delhi {Jodhpur} 9711199012 high profile service
Call Girls Delhi {Jodhpur} 9711199012 high profile serviceCall Girls Delhi {Jodhpur} 9711199012 high profile service
Call Girls Delhi {Jodhpur} 9711199012 high profile servicerehmti665
 
power system scada applications and uses
power system scada applications and usespower system scada applications and uses
power system scada applications and usesDevarapalliHaritha
 
complete construction, environmental and economics information of biomass com...
complete construction, environmental and economics information of biomass com...complete construction, environmental and economics information of biomass com...
complete construction, environmental and economics information of biomass com...asadnawaz62
 
Heart Disease Prediction using machine learning.pptx
Heart Disease Prediction using machine learning.pptxHeart Disease Prediction using machine learning.pptx
Heart Disease Prediction using machine learning.pptxPoojaBan
 
HARMONY IN THE HUMAN BEING - Unit-II UHV-2
HARMONY IN THE HUMAN BEING - Unit-II UHV-2HARMONY IN THE HUMAN BEING - Unit-II UHV-2
HARMONY IN THE HUMAN BEING - Unit-II UHV-2RajaP95
 
Microscopic Analysis of Ceramic Materials.pptx
Microscopic Analysis of Ceramic Materials.pptxMicroscopic Analysis of Ceramic Materials.pptx
Microscopic Analysis of Ceramic Materials.pptxpurnimasatapathy1234
 
VIP Call Girls Service Hitech City Hyderabad Call +91-8250192130
VIP Call Girls Service Hitech City Hyderabad Call +91-8250192130VIP Call Girls Service Hitech City Hyderabad Call +91-8250192130
VIP Call Girls Service Hitech City Hyderabad Call +91-8250192130Suhani Kapoor
 
Software and Systems Engineering Standards: Verification and Validation of Sy...
Software and Systems Engineering Standards: Verification and Validation of Sy...Software and Systems Engineering Standards: Verification and Validation of Sy...
Software and Systems Engineering Standards: Verification and Validation of Sy...VICTOR MAESTRE RAMIREZ
 
Call Us ≽ 8377877756 ≼ Call Girls In Shastri Nagar (Delhi)
Call Us ≽ 8377877756 ≼ Call Girls In Shastri Nagar (Delhi)Call Us ≽ 8377877756 ≼ Call Girls In Shastri Nagar (Delhi)
Call Us ≽ 8377877756 ≼ Call Girls In Shastri Nagar (Delhi)dollysharma2066
 
Current Transformer Drawing and GTP for MSETCL
Current Transformer Drawing and GTP for MSETCLCurrent Transformer Drawing and GTP for MSETCL
Current Transformer Drawing and GTP for MSETCLDeelipZope
 
Application of Residue Theorem to evaluate real integrations.pptx
Application of Residue Theorem to evaluate real integrations.pptxApplication of Residue Theorem to evaluate real integrations.pptx
Application of Residue Theorem to evaluate real integrations.pptx959SahilShah
 
OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...
OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...
OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...Soham Mondal
 
Past, Present and Future of Generative AI
Past, Present and Future of Generative AIPast, Present and Future of Generative AI
Past, Present and Future of Generative AIabhishek36461
 
main PPT.pptx of girls hostel security using rfid
main PPT.pptx of girls hostel security using rfidmain PPT.pptx of girls hostel security using rfid
main PPT.pptx of girls hostel security using rfidNikhilNagaraju
 
What are the advantages and disadvantages of membrane structures.pptx
What are the advantages and disadvantages of membrane structures.pptxWhat are the advantages and disadvantages of membrane structures.pptx
What are the advantages and disadvantages of membrane structures.pptxwendy cai
 
VICTOR MAESTRE RAMIREZ - Planetary Defender on NASA's Double Asteroid Redirec...
VICTOR MAESTRE RAMIREZ - Planetary Defender on NASA's Double Asteroid Redirec...VICTOR MAESTRE RAMIREZ - Planetary Defender on NASA's Double Asteroid Redirec...
VICTOR MAESTRE RAMIREZ - Planetary Defender on NASA's Double Asteroid Redirec...VICTOR MAESTRE RAMIREZ
 
GDSC ASEB Gen AI study jams presentation
GDSC ASEB Gen AI study jams presentationGDSC ASEB Gen AI study jams presentation
GDSC ASEB Gen AI study jams presentationGDSCAESB
 

Recently uploaded (20)

Call Girls Delhi {Jodhpur} 9711199012 high profile service
Call Girls Delhi {Jodhpur} 9711199012 high profile serviceCall Girls Delhi {Jodhpur} 9711199012 high profile service
Call Girls Delhi {Jodhpur} 9711199012 high profile service
 
power system scada applications and uses
power system scada applications and usespower system scada applications and uses
power system scada applications and uses
 
complete construction, environmental and economics information of biomass com...
complete construction, environmental and economics information of biomass com...complete construction, environmental and economics information of biomass com...
complete construction, environmental and economics information of biomass com...
 
young call girls in Green Park🔝 9953056974 🔝 escort Service
young call girls in Green Park🔝 9953056974 🔝 escort Serviceyoung call girls in Green Park🔝 9953056974 🔝 escort Service
young call girls in Green Park🔝 9953056974 🔝 escort Service
 
Heart Disease Prediction using machine learning.pptx
Heart Disease Prediction using machine learning.pptxHeart Disease Prediction using machine learning.pptx
Heart Disease Prediction using machine learning.pptx
 
HARMONY IN THE HUMAN BEING - Unit-II UHV-2
HARMONY IN THE HUMAN BEING - Unit-II UHV-2HARMONY IN THE HUMAN BEING - Unit-II UHV-2
HARMONY IN THE HUMAN BEING - Unit-II UHV-2
 
Microscopic Analysis of Ceramic Materials.pptx
Microscopic Analysis of Ceramic Materials.pptxMicroscopic Analysis of Ceramic Materials.pptx
Microscopic Analysis of Ceramic Materials.pptx
 
🔝9953056974🔝!!-YOUNG call girls in Rajendra Nagar Escort rvice Shot 2000 nigh...
🔝9953056974🔝!!-YOUNG call girls in Rajendra Nagar Escort rvice Shot 2000 nigh...🔝9953056974🔝!!-YOUNG call girls in Rajendra Nagar Escort rvice Shot 2000 nigh...
🔝9953056974🔝!!-YOUNG call girls in Rajendra Nagar Escort rvice Shot 2000 nigh...
 
VIP Call Girls Service Hitech City Hyderabad Call +91-8250192130
VIP Call Girls Service Hitech City Hyderabad Call +91-8250192130VIP Call Girls Service Hitech City Hyderabad Call +91-8250192130
VIP Call Girls Service Hitech City Hyderabad Call +91-8250192130
 
Software and Systems Engineering Standards: Verification and Validation of Sy...
Software and Systems Engineering Standards: Verification and Validation of Sy...Software and Systems Engineering Standards: Verification and Validation of Sy...
Software and Systems Engineering Standards: Verification and Validation of Sy...
 
Call Us ≽ 8377877756 ≼ Call Girls In Shastri Nagar (Delhi)
Call Us ≽ 8377877756 ≼ Call Girls In Shastri Nagar (Delhi)Call Us ≽ 8377877756 ≼ Call Girls In Shastri Nagar (Delhi)
Call Us ≽ 8377877756 ≼ Call Girls In Shastri Nagar (Delhi)
 
Current Transformer Drawing and GTP for MSETCL
Current Transformer Drawing and GTP for MSETCLCurrent Transformer Drawing and GTP for MSETCL
Current Transformer Drawing and GTP for MSETCL
 
Application of Residue Theorem to evaluate real integrations.pptx
Application of Residue Theorem to evaluate real integrations.pptxApplication of Residue Theorem to evaluate real integrations.pptx
Application of Residue Theorem to evaluate real integrations.pptx
 
POWER SYSTEMS-1 Complete notes examples
POWER SYSTEMS-1 Complete notes  examplesPOWER SYSTEMS-1 Complete notes  examples
POWER SYSTEMS-1 Complete notes examples
 
OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...
OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...
OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...
 
Past, Present and Future of Generative AI
Past, Present and Future of Generative AIPast, Present and Future of Generative AI
Past, Present and Future of Generative AI
 
main PPT.pptx of girls hostel security using rfid
main PPT.pptx of girls hostel security using rfidmain PPT.pptx of girls hostel security using rfid
main PPT.pptx of girls hostel security using rfid
 
What are the advantages and disadvantages of membrane structures.pptx
What are the advantages and disadvantages of membrane structures.pptxWhat are the advantages and disadvantages of membrane structures.pptx
What are the advantages and disadvantages of membrane structures.pptx
 
VICTOR MAESTRE RAMIREZ - Planetary Defender on NASA's Double Asteroid Redirec...
VICTOR MAESTRE RAMIREZ - Planetary Defender on NASA's Double Asteroid Redirec...VICTOR MAESTRE RAMIREZ - Planetary Defender on NASA's Double Asteroid Redirec...
VICTOR MAESTRE RAMIREZ - Planetary Defender on NASA's Double Asteroid Redirec...
 
GDSC ASEB Gen AI study jams presentation
GDSC ASEB Gen AI study jams presentationGDSC ASEB Gen AI study jams presentation
GDSC ASEB Gen AI study jams presentation
 

Survey on deep learning applied to predictive maintenance

  • 1. International Journal of Electrical and Computer Engineering (IJECE) Vol. 10, No. 6, December 2020, pp. 5592~5598 ISSN: 2088-8708, DOI: 10.11591/ijece.v10i6.pp5592-5598  5592 Journal homepage: http://ijece.iaescore.com/index.php/IJECE Survey on deep learning applied to predictive maintenance Youssef Maher, Boujemaa Danouj Department of Electrical and Mechanical Engineering, University Hassan 1, Morocco Article Info ABSTRACT Article history: Received Nov 25, 2019 Revised May 4, 2020 Accepted May 18, 2020 Prognosis health monitoring (PHM) plays an increasingly important role in the management of machines and manufactured products in today’s industry, and deep learning plays an important part by establishing the optimal predictive maintenance policy. However, traditional learning methods such as unsupervised and supervised learning with standard architectures face numerous problems when exploiting existing data. Therefore, in this essay, we review the significant improvements in deep learning made by researchers over the last 3 years in solving these difficulties. We note that researchers are striving to achieve optimal performance in estimating the remaining useful life (RUL) of machine health by optimizing each step from data to predictive diagnostics. Specifically, we outline the challenges at each level with the type of improvement that has been made, and we feel that this is an opportunity to try to select a state-of-the-art architecture that incorporates these changes so each researcher can compare with his or her model. In addition, post-RUL reasoning and the use of distributed computing with cloud technology is presented, which will potentially improve the classification accuracy in maintenance activities. Deep learning will undoubtedly prove to have a major impact in upgrading companies at the lowest cost in the new industrial revolution, Industry 4.0. Keywords: Deep learning Industry 4.0 Predictive maintenance Prognosis health monitoring Remaining useful life estimate Copyright © 2020 Institute of Advanced Engineering and Science. All rights reserved. Corresponding Author: Youssef Maher, Department of Electrical and Mechanical Engineering, University Hassan 1, 577, Route de Casa -, Settat, Morocco. Email: maher-youssef@hotmail.com 1. INTRODUCTION According to Accenture, a renowned global management consulting and professional services firm [1], predictive maintenance could save up to 12% on scheduled repairs, reduce maintenance costs by up to 30% and eliminate up to 70% of failures. For example, a study by the national science foundation (NSF) indicates that the center for intelligent maintenance systems (IMS), which is a leading research center in the field of prognosis health monitoring (PHM), has generated an economic impact of more than $855 million through the deployment of PHM technologies to achieve near-zero unplanned downtime and more optimized maintenance [2]. According to the International Organization for Standardization, "prognosis is the estimation of the failure time and the risk for one or more existing and future failure modes" [3]. There are many predictive maintenance standards, such as the machine information management alliance (MIMOSA), which has 7 modules that are used by the US Army. Figure 1 below describes the different prognostic steps in order monitor continuously the state of the system with the help of the distributed computing technology. Deep learning is represented by a compilation of machine learning algorithms that can model high levels of abstraction from large amounts of data through the use of multilayer architectures. This technique has made considerable progress in several areas such as image classification, speech recognition, instant and reliable language translation [4] and even in the search for new elements in particle physics.
  • 2. Int J Elec & Comp Eng ISSN: 2088-8708  Survey on deep learning applied to predictive maintenance (Youssef Maher) 5593 Figure 1. Prognostic steps [5] This paper is structured as follows, Section 1 describes the limits of RUL estimation and the new advances in deep architectures to estimate a realistic RUL. Section 2 describes the new state of the art learning approaches and shows new opportunities for using cloud computing in deep learning. Section 3 summarizes the conclusions. 2. APPROXIMATION OF THE RUL BY VARIOUS ARCHITECTURES The residual useful life (RUL) of a machine or component is the prediction of the time after which a component or a system will no longer be able to meet its operational needs after the observation of the first failures or alarms triggered. One of the goals of predictive maintenance is to obtain an estimated RUL that is as realistic as possible. Deep learning is the best tool to perform this task. This section provides an overview of this area of research. 2.1. Limits of RUL estimation by current methods The decision making is based on the RUL confidence limits rather than on a single value. RUL prediction is difficult due to several important challenges, namely:  Real systems are complex, and their behaviors are often nonlinear and nonstationary;  A component may have different degradation curves due to different failure modes, resulting in different RULs (e.g., bearing cracks can occur in the inner ring, in the outer ring or in the cage, and each has its own degradation curve);  The times required to achieve the same level of degradation by machines with the same specifications are often different;  There is sometimes a complex temporal dependency between sensors; for example, a change in one sensor may cause a change in another sensor after a delay ranging from a few seconds to hours;  The critical asset degradation history is sometimes nonexistent, such as a cooling engine in a nuclear power plant; in these cases, maintenance consists of regular replacement regardless of the actual conditions of the assets;  When restarting newly installed assets, it will take a long time to collect pass-through data to accurately model the degradation; and  The characteristics must have a good monotonic tendency to be well correlated with the fault propagation process to accurately approximate the RUL. In contrast, extracted entities that tend to have only dramatic changes near the end of the asset life are not exploitable. Figure 2 below shows the difference between good and bad RUL prediction.
  • 3.  ISSN: 2088-8708 Int J Elec & Comp Eng, Vol. 10, No. 6, December 2020 : 5592 - 5598 5594 Figure 2. Characteristics of RUL prediction: (a) ideal, (b) not ideal [6] 2.2. Solutions provided by the deep learning To address these uncertainties, prediction methods for the RUL based on deep learning have been successfully tested and are described as follows: 2.2.1. Deep belief network (DBN) and restricted bolzmann machine (RBM) In [6] use an improved RBM with a new regularization technique that generates characteristics that are then employed as RBM input data. Finally, the RBMs are coupled with a self-organizing map (SOM) to improve the precision of the RUL prediction. Current methods prevent failure detection only when the end of life of the equipment is very close. In [7] propose a new approach, the multiobjective DBN ensemble, which allows for a compromise between accuracy and diversity by establishing an overall model for RUL estimation with outstanding performance. 2.2.2. Convolutional neural network (CNN) In [8] used a novel deep architecture CNN-based regressor to estimate the RUL by employing the convolution and pooling layers to capture the salient patterns of the sensor signals at different time scales, unifying them and finally mapping them into the model. The resulting RUL estimation is efficient and accurate. 2.2.3. Variational auto-encoder (VAE) In [9] described a semisupervised learning approach to predict asset failures when relatively little label information is available. The approach uses the nonlinear embedding-based VAE as a deep generative model, which is easy to train. The VAE was trained following the unsupervised learning process while utilizing all available data, both labeled and unlabeled. With this approach, the prediction accuracy was very high even with extremely limited available label information. 2.2.4. Recurrent neural network (RNN) In [10] present an RNN HI for RUL prediction in a set of experimental data for accelerated bearing degradation and SCADA data of wind turbine degradation. The construction process was composed of three steps:  Extraction of 14 characteristics: 6 characteristics of related similarity (1 temporal and 5 frequency) and 8 time-frequency functions are combined together;  Selection of sensitive features; monotonic and correlation metrics select the most sensitive failure characteristics; and  The building of the RNN-HI: the selected features are merged into one HI (RNN-HI) via an RNN. They used an LSTM network to solve the problem of rapidly increasing or vanishing gradients and a double exponential model to validate the effectiveness of the proposed RNN-HI approach. The results show that the RNN-HI obtains relatively high monotonic and correlation values and better performance in RUL prediction than with a SOM HI method. In [11] use the RNN encoder-decoder (RNN-ED) with unsupervised learning on a set of aircraft engine and pump data. The RNN encoder extracts the important patterns in the time series subsequences of the entire operational life of the machines. The RNN decoder rebuilds the normal behavior, but it does not work well for the reconstruction of abnormal behavior. The trajectories of 20 engines are truncated at five locations to obtain five different instances. The RNN then maps the sensor readings on a health index (HI) trend curve to calculate the weighted average of the RUL approximations from the failed instances and then obtains the latest RUL estimation. The RNN-ED handles the reading of noisy sensors, missing data and the lack of previous knowledge about the degradation trends.
  • 4. Int J Elec & Comp Eng ISSN: 2088-8708  Survey on deep learning applied to predictive maintenance (Youssef Maher) 5595 2.2.5. Long short-term memory (LSTM) In [12] proposed using the LSTM for NASA dual-flow condition monitoring and achieved high performance in fault diagnosis and prediction under complex working conditions, mixed defects and noisy environments. The standard LSTM showed improved performance over the RNN by providing accurate information about the RUL for each fault simultaneously and also about the probability of occurrence of defects under complex operational modes and multiple degradations. In [13] propose an unsupervised technique for reconstructing multivariate time series corresponding to normal behavior to obtain a health index (HI). To estimate the RUL, they implement an LSTM encoder- decoder (LSTM-ED) that works as follows: an LSTM encoder is used to map a multivariate input sequence to build a fixed-dimensional vector representation, and the LSTM decoder then uses this vector representation to produce the target sequence. The LSTM-ED-based HI model predicts future time-series, uses the prediction errors to estimate the health or novelty of a point and finally utilizes curve matching to estimate the RUL. 3. NEW STATE OF THE ART DEEP LEARNING APPROACHES The main advantage of deep learning is its flexibility, which provides opportunities for improvement. Enhancements by using new learning approaches, new types of architectures, and new computing networks ensure continuous improvement and opportunities for deep learning at all levels. 3.1. Transfer learning The transfer learning abilities that are learned and accumulated during previous tasks improve the performance of other neural networks when they are applied to a new task with a reduced training dataset. Traditional transfer learning methods assign the first n layers of a well-formed network to the target network, while the last layers in the target network are left untrained. They are then trained using the learning data of the new task. In [14] use infrared thermal image transfer learning in the detection of machine defects and also in the prediction of the oil level. They use a modified VGG network (neural network created by the Visual Geometry Group at Oxford University), which is the best network for image data. The standard VGG is a very deep CNN with 16 layers with linear activation functions in each layer except the last one, which is a fully connected layer with a softmax activation function. The last layer is replaced by a new fully connected layer with a lower weight and fewer classes to accommodate learning transfer. Valuable information on important regions of thermal images can be obtained by applying Zeiler's method to this new VGG. This leads to a new level of understanding of the physical field. In [15] propose three deep transfer strategies (DTL methods) based on an SAE autoencoder: weight transfer, transfer learning of characteristics and weight update. An SAE network is first trained with the failure data history of a cutting tool in an offline process, and this network is then employed with a new tool for an online RUL prediction. The DTL offers the possibility of extracting the characteristics from historical fault data, adapting and transferring them to a new tool and ultimately providing an effective RUL prediction with limited historical fault data. In [16] present a transfer learning approach based on a pretrained deep convolutional neural network that is used to automatically extract input characteristics. They then go through a fully connected step to classify the characteristics obtained using experimental data composed of gear defects. The deep CNN network adopted as the basic architecture for Alexnet (five convolutional layers and three fully connected layers) in this study was originally proposed by [17] for object recognition (source domain) with ImageNet ILSVRC-2012 (1000 object classes and > 1 million images). The classification accuracy of the proposed approach [18] exceeds those of other methods, such as the locally formed convolutional neural network and SVM. The precision obtained indicates that this approach is not only robust but can also be applied to fault diagnosis in other systems. In [19] propose an unsupervised domain adaptation that does not require any label information from the target domain by only modifying the statistics of the BN layer. This AdaBN model gives high-level generalization ability to the DNN by transferring learned features from a source domain to the target domain without fine-tuning or additional components. Goodfellow I, Bengio Y and Courville A [20] describe a compromise between 'bias and variance' with beneficial generalization properties. Maximizing the prediction involves optimizing the model by incorporating external information. 3.2. Multimodal learning In connection with transfer learning, multimodal learning can identify features that describe common concepts from different input types:
  • 5.  ISSN: 2088-8708 Int J Elec & Comp Eng, Vol. 10, No. 6, December 2020 : 5592 - 5598 5596  With large unlabeled data, deep graphical models such as DBNs can be pretrained in an unsupervised way and then adjusted to a smaller number of labeled data because they learn a joint probability distribution from the inputs; and  CNNs are mostly used with labeled data because they can be trained from end to end with a backpropagation function and demonstrate peak performance in many diverse tasks. In [21] propose a novel multimode fault classification method based on DNN that resolves the problem of the load, mode and changing environment in which the machinery equipment operates. It is a hierarchical DNN model composed of three parts: the first hierarchy used for the mode partition, the second comprising a set of DNNs, which is devised to extract features of different modes separately and diagnose the fault source, and the third, which consists of another set of DNNs designed to distinguish the severity of the fault in a given mode. This approach allows for mode partitioning, which helps in the predictive maintenance of machinery and equipment. 3.3. Multitask learning Multitask learning is complementary to multimodal and transfer learning. In the movie Karate Kid (1984), Mr. Miyagi teaches the child to do things that are not related to karate, such as sanding the floor and waxing a car. In hindsight, these kinds of tasks prove to be invaluable for acquiring karate skills. The purpose of an auxiliary task in MTL is to allow the model to learn representations that are shared or useful for the main task [22]. They use what they call cross-stitch units to allow the model to determine how task-specific networks exploit knowledge of another task by learning a linear combination of the previous layer outputs. In [23] conclude that in multitask learning, success depends largely on "the similarity of the source semantics and target datasets.” When only small amounts of target data are available, the sharing of concrete parameters can be considered as learning with a mean constraint, in which parts of all models (usually hidden layers) are forced to be the same as the average. The multitask learning architecture used is a bidirectional LSTM that consists of a single hidden layer of 100 dimensions shared between 10 word-processing tasks. 3.4. Deep learning optimization by cloud computing Cloud computing could play a key role in scaling up deep learning. However, the main weakness is that recording the data from an increasing number of pieces of equipment and sending the data directly to the cloud creates a problem of system overload, inducing problems with speed, cost and security. One way to address this weakness is fog computing technology. Fog computing is a decentralized computing infrastructure in which data, computation, storage and applications are distributed in the most efficient and logical place between the data source and the cloud. This technology reduces the resources allocated and keeps the bandwidth network at normal operating conditions, especially for deep learning. In fact, the inference is not done at the cloud level but at the fog level with sufficient memory and calculation resources, and the fog level will only transfer the necessary data to the cloud, such as the weight updates and the extracted features. The researchers in [24] proposed a new and efficient way to exploit deep learning by using fog-cloud computing and the capabilities of intelligent devices (edge devices). Figure 3 below describes the fog computing architecture connecting the different network levels and displays the computation, storage and local communication between edge devices. Figure 4 below shows the advantages of using the fog computing in terms of security, energy and speed. Figure 3. The cloud-fog technology and the interactions between levels [25]
  • 6. Int J Elec & Comp Eng ISSN: 2088-8708  Survey on deep learning applied to predictive maintenance (Youssef Maher) 5597 Figure 4. Optimizing the sensor network with fog computing [26] The authors used a hybrid approach that combines the compression properties of neural networks such as CNN, RNN and LSTM and the incorporation of fog computing made possible by the integration of the increasing numbers of CPUs and GPUs in devices. The use of the fog in support of deep learning improves the user experience and optimizes the exploitation of the cloud. The fog embedded in the system will absorb the real-time data from the sensors and act quickly through the actuators. This technique is applicable to the field of health machine prognosis using the CNN for image classification of the health condition of machines by increasing the precision by 5% compared to traditional methods and saving data, energy and traffic, which makes it robust for applications in the new internet of things (IoT) industry. 4. CONCLUSION To quickly integrate the Industry 4.0 revolution, the PHM system needs to adopt established and high-performance predictive maintenance standards, such as the US Army's MIMOSA norm, to ensure optimal machine monitoring and high-quality manufactured products. This will ensure complete machine monitoring through well-structured communication systems and protocols, giving an edge in the highly competitive economic environment. With the development of deep learning, maintenance will become more efficient and more reactive in the near future and fit into the vision of Industry 4.0 because deep learning, with its multiple advanced architectures, eliminates the complexity of data analysis and the need for expertise and excessive work. That said, developing a so-called "intelligent" system in real time is essential to make companies interested by choosing to frame the studied system according to costs and benefits because the full potential of DL has not yet been explored. REFERENCES [1] P. Daugherty, et al., "Driving Unconventional Growth through the Industrial Internet of Things," Accenture Technology, 2015. [2] Gray, D., Rivers, and G. Vermont, "Measuring the Economic Impacts of the NSF Industry/University Cooperative Research Centers Program: A Feasibility Study," Final Report, Industry-University Cooperative Research Center Program National Science Foundation Arlington, 2019. [3] Tobon-Mejia, D.A., K. Medjaher, and N. Zerhouni, "The ISO 13381-1 standard's failure prognostics process through an example," in 2010 Prognostics and System Health Management Conference, 2010. [4] Wu, Y., et al., "Google's Neural Machine Translation System: Bridging the Gap between Human and Machine Translation," arXiv preprint arXiv:1609.08144, 2016. [5] Lebold, M. and K. Reichard, "OSA-CBM Architecture Development with Emphasis on XML Implementations," Maintenance And Reliability Conference, 2002. [6] Liao, L., W. Jin, and R. Pavel, "Enhanced Restricted Boltzmann Machine With Prognosability Regularization for Prognostics and Health Assessment," IEEE Transactions on Industrial Electronics, vol. 63, no. 11, pp. 7076-7083, 2016. [7] Zhang, C., et al., Multiobjective Deep Belief Networks Ensemble for Remaining Useful Life Estimation in Prognostics," IEEE Transactions on Neural Networks and Learning Systems, vol. 28, no. 10, pp. 2306-2318, 2017.
  • 7.  ISSN: 2088-8708 Int J Elec & Comp Eng, Vol. 10, No. 6, December 2020 : 5592 - 5598 5598 [8] Sateesh Babu, G., P. Zhao, and X.-L. Li, "Deep Convolutional Neural Network Based Regression Approach for Estimation of Remaining Useful Life," Database Systems for Advanced Applications, Cham: Springer International Publishing, pp. 214-228, 2016. [9] S. Yoon, A., et al., "Semi-supervised Learning with Deep Generative Models for Asset Failure Prediction," arXiv preprint arXiv:1709.00845, 2017. [10] Guo, L., et al., "A recurrent neural network based health indicator for remaining useful life prediction of bearings," Neurocomputing, vol. 240, pp. 98-109, 2017. [11] Gugulothu, N., "Predicting Remaining Useful Life using Time Series Embeddings based on Recurrent Neural Networks," arXiv preprint arXiv:1709.01073, 2017. [12] Yuan, M., Y. Wu, and L. Lin, "Fault diagnosis and remaining useful life estimation of aero engine using LSTM neural network," IEEE International Conference on Aircraft Utility Systems (AUS),China, pp. 135-140, 2016. [13] Malhotra, P., et al., "Multi-Sensor Prognostics using an Unsupervised Health Index based on LSTM Encoder- Decoder," arXiv preprint arXiv:1608.06154, 2016. [14] Janssens, O., et al., "Deep Learning for Infrared Thermal Image Based Machine Health Monitoring," IEEE/ASME Transactions on Mechatronics, vol. 23, no. 1, pp. 151-159, 2018. [15] Sun, C., et al., ''Deep Transfer Learning Based on Sparse Auto-encoder for Remaining Useful Life Prediction of Tool in Manufacturing," IEEE Transactions on Industrial Informatics, pp. 1-1, 2018. [16] Cao, P., S. Zhang, and J. Tang, "Preprocessing-Free Gear Fault Diagnosis Using Small Datasets With Deep Convolutional Neural Network-Based Transfer Learning," IEEE Access, vol. 6, pp. 26241-26253, 2018. [17] Krizhevsky, A., I. Sutskever, and G. E. Hinton, "ImageNet Classification with Deep Convolutional Neural Networks," Advances in neural information processing systems, vol. 25, pp. 1097-1105, 2012. [18] Liu, J., Y. Wang, and Y. Qiao, "Sparse Deep Transfer Learning for Convolutional Neural Network," Thirty-First AAAI Conference on Artificial Intelligence, pp. 2245-2251, 2017. [19] Li, Y., et al., "Adaptive Batch Normalization for practical domain adaptation," Pattern Recognition, vol. 80, pp. 109-117, 2018. [20] Goodfellow, Ian, Yoshua Bengio, and Aaron Courville., "Deep Learning," MIT Press, 2016. [21] Zhou, F., Y. Gao, and C. Wen, "A Novel Multimode Fault Classification Method Based on Deep Learning," Journal of Control Science and Engineering, vol. 2017, no. 1, pp. 1-14, 2017. [22] Ruder, S., "An Overview of Multi-Task Learning in Deep Neural Networks," arXiv preprint arXiv:1706.05098, 2017. [23] Bingel, J. and A. Søgaard, "Identifying beneficial task relations for multi-task learning in deep neural networks," arXiv preprint arXiv:1702.08303, 2017. [24] Bin Qaisar, S. and M. Usman, "Fog Networking for Machine Health Prognosis: A Deep Learning Perspective," International Conference on Computational Science and Its Applications, pp. 212-219, 2017. [25] ERPINNEWS, "Fog computing vs edge computing," 2018. [Online], Available: https://erpinnews.com/fog- computing-vs-edge-computing. [26] Chelliah, P.R. and J. Pushpa, "Expounding the edge/fog computing infrastructures for data science, in cloud and fog computing infrastructures for data science," IGI Global, pp. 1-32, 2018. BIOGRAPHIES OF AUTHORS Youssef Maher is a research scholar in the Department of Electrical and Mechanical Engineering, from the University Hassan 1, Settat, Morocco. He has a degree in industrial and mechanical engineering. His research interests include Data Mining, Big data analytics, Deep Learning, Neural Networks Predictive analytics. Boujemaa Danouj Doctor Engineer in mechanical engineering. Graduate of the National School of Electricity and Mechanics Casablanca, Morocco. Master of Philosophy (M.Phil) from Middlesex University, UK. Ph.D. from ÉTS (École de Technologie Supérieure), Montréal, Canada. Expertises: Free form curves and surfaces modeling, partial discharges in high voltage machines, deep learning and predictive maintenance, Metrology and tolerancing.