All Projects → umbertogriffo → Predictive Maintenance Using Lstm

umbertogriffo / Predictive Maintenance Using Lstm

Licence: mit
Example of Multiple Multivariate Time Series Prediction with LSTM Recurrent Neural Networks in Python with Keras.

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Predictive Maintenance Using Lstm

Video Classification Cnn And Lstm
To classify video into various classes using keras library with tensorflow as back-end.
Stars: ✭ 218 (-38.07%)
Mutual labels:  deep-neural-networks, lstm, keras-models
Bidaf Keras
Bidirectional Attention Flow for Machine Comprehension implemented in Keras 2
Stars: ✭ 60 (-82.95%)
Mutual labels:  deep-neural-networks, keras-tensorflow, keras-models
Deep Learning Time Series
List of papers, code and experiments using deep learning for time series forecasting
Stars: ✭ 796 (+126.14%)
Mutual labels:  deep-neural-networks, lstm, lstm-neural-networks
Pytorch Learners Tutorial
PyTorch tutorial for learners
Stars: ✭ 97 (-72.44%)
Mutual labels:  deep-neural-networks, lstm, lstm-neural-networks
Dkeras
Distributed Keras Engine, Make Keras faster with only one line of code.
Stars: ✭ 181 (-48.58%)
Mutual labels:  deep-neural-networks, keras-tensorflow, keras-models
Pytorch Kaldi
pytorch-kaldi is a project for developing state-of-the-art DNN/RNN hybrid speech recognition systems. The DNN part is managed by pytorch, while feature extraction, label computation, and decoding are performed with the kaldi toolkit.
Stars: ✭ 2,097 (+495.74%)
Mutual labels:  deep-neural-networks, lstm, lstm-neural-networks
Bitcoin Price Prediction Using Lstm
Bitcoin price Prediction ( Time Series ) using LSTM Recurrent neural network
Stars: ✭ 67 (-80.97%)
Mutual labels:  deep-neural-networks, lstm, lstm-neural-networks
Chameleon recsys
Source code of CHAMELEON - A Deep Learning Meta-Architecture for News Recommender Systems
Stars: ✭ 202 (-42.61%)
Mutual labels:  deep-neural-networks, lstm, lstm-neural-networks
Repo 2016
R, Python and Mathematica Codes in Machine Learning, Deep Learning, Artificial Intelligence, NLP and Geolocation
Stars: ✭ 103 (-70.74%)
Mutual labels:  timeseries, lstm, lstm-neural-networks
GestureAI
RNN(Recurrent Nerural network) model which recognize hand-gestures drawing 5 figures.
Stars: ✭ 20 (-94.32%)
Mutual labels:  keras-models, keras-tensorflow
Rus-SpeechRecognition-LSTM-CTC-VoxForge
Распознавание речи русского языка используя Tensorflow, обучаясь на базе Voxforge
Stars: ✭ 50 (-85.8%)
Mutual labels:  lstm, keras-tensorflow
Fire Detection Cnn
real-time fire detection in video imagery using a convolutional neural network (deep learning) - from our ICIP 2018 paper (Dunnings / Breckon) + ICMLA 2019 paper (Samarth / Bhowmik / Breckon)
Stars: ✭ 340 (-3.41%)
Mutual labels:  deep-neural-networks, deep-learning-algorithms
dl-relu
Deep Learning using Rectified Linear Units (ReLU)
Stars: ✭ 20 (-94.32%)
Mutual labels:  keras-models, keras-tensorflow
OCR
Optical character recognition Using Deep Learning
Stars: ✭ 25 (-92.9%)
Mutual labels:  lstm, lstm-neural-networks
object-tracking
Multiple Object Tracking System in Keras + (Detection Network - YOLO)
Stars: ✭ 89 (-74.72%)
Mutual labels:  lstm, lstm-neural-networks
keras tfrecord
Extending Keras to support tfrecord dataset
Stars: ✭ 61 (-82.67%)
Mutual labels:  keras-models, keras-tensorflow
pytorch2keras
PyTorch to Keras model convertor
Stars: ✭ 788 (+123.86%)
Mutual labels:  keras-models, keras-tensorflow
Chinese-Word-Segmentation-in-NLP
State of the art Chinese Word Segmentation with Bi-LSTMs
Stars: ✭ 23 (-93.47%)
Mutual labels:  lstm, keras-tensorflow
lstm-electric-load-forecast
Electric load forecast using Long-Short-Term-Memory (LSTM) recurrent neural network
Stars: ✭ 56 (-84.09%)
Mutual labels:  lstm, lstm-neural-networks
TimeSeriesPrediction
Time Series Prediction, Stateful LSTM; 时间序列预测,洗发水销量/股票走势预测,有状态循环神经网络
Stars: ✭ 34 (-90.34%)
Mutual labels:  timeseries, lstm-neural-networks

Recurrent Neural Networks for Predictive Maintenance

  • Author: Umberto Griffo
  • Twitter: @UmbertoGriffo

Colab

You can try the code directly on Colab. Save a copy in your drive and enjoy It!

Software Environment

  • Python 3.6
  • numpy 1.13.3
  • scipy 0.19.1
  • matplotlib 2.0.2
  • spyder 3.2.3
  • scikit-learn 0.19.0
  • h5py 2.7.0
  • Pillow 4.2.1
  • pandas 0.20.3
  • TensorFlow 1.3.0
  • Keras 2.1.1

Problem Description

In this example I build an LSTM network in order to predict remaining useful life (or time to failure) of aircraft engines [3] based on scenario described at [1] and [2]. The network uses simulated aircraft sensor values to predict when an aircraft engine will fail in the future, so that maintenance can be planned in advance. The question to ask is "Given these aircraft engine operation and failure events history, can we predict when an in-service engine will fail?" We re-formulate this question into two closely relevant questions and answer them using two different types of machine learning models:

* Regression models: How many more cycles an in-service engine will last before it fails?
* Binary classification: Is this engine going to fail within w1 cycles?

Data Summary

In the Dataset directory there are the training, test and ground truth datasets. The training data consists of multiple multivariate time series with "cycle" as the time unit, together with 21 sensor readings for each cycle. Each time series can be assumed as being generated from a different engine of the same type. The testing data has the same data schema as the training data. The only difference is that the data does not indicate when the failure occurs. Finally, the ground truth data provides the number of remaining working cycles for the engines in the testing data. The following picture shows a sample of the data:

You can find more details about the data at [1] and [2].

Experimental Results

Results of Regression model

Mean Absolute Error Coefficient of Determination (R^2)
12 0.7965

The following pictures show the trend of loss Function, Mean Absolute Error, R^2 and actual data compared to predicted data:

Results of Binary classification

Accuracy Precision Recall F-Score
0.97 0.92 1.0 0.96

The following pictures show trend of loss Function, Accuracy and actual data compared to predicted data:

Extensions

We can also create a model to determine if the failure will occur in different time windows, for example, fails in the window (1,w0) or fails in the window (w0+1, w1) days, and so on. This will then be a multi-classification problem, and data will need to be preprocessed accordingly.

Who is citing this work?

References

Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].