All Projects → LahiruJayasinghe → Rul Net

LahiruJayasinghe / Rul Net

Licence: mit
Deep learning approach for estimation of Remaining Useful Life (RUL) of an engine

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Rul Net

Deep learning projects
Stars: ✭ 28 (-75%)
Mutual labels:  convolutional-neural-networks, regression
Tensorflow Book
Accompanying source code for Machine Learning with TensorFlow. Refer to the book for step-by-step explanations.
Stars: ✭ 4,448 (+3871.43%)
Mutual labels:  convolutional-neural-networks, regression
Image To 3d Bbox
Build a CNN network to predict 3D bounding box of car from 2D image.
Stars: ✭ 200 (+78.57%)
Mutual labels:  convolutional-neural-networks, regression
Sru Deeplearning Workshop
دوره 12 ساعته یادگیری عمیق با چارچوب Keras
Stars: ✭ 66 (-41.07%)
Mutual labels:  convolutional-neural-networks, regression
Sod
An Embedded Computer Vision & Machine Learning Library (CPU Optimized & IoT Capable)
Stars: ✭ 1,460 (+1203.57%)
Mutual labels:  convolutional-neural-networks
Wav2letter.pytorch
A fully convolution-network for speech-to-text, built on pytorch.
Stars: ✭ 104 (-7.14%)
Mutual labels:  convolutional-neural-networks
Top Deep Learning
Top 200 deep learning Github repositories sorted by the number of stars.
Stars: ✭ 1,365 (+1118.75%)
Mutual labels:  convolutional-neural-networks
Ynet
Y-Net: Joint Segmentation and Classification for Diagnosis of Breast Biopsy Images
Stars: ✭ 100 (-10.71%)
Mutual labels:  convolutional-neural-networks
Pytorch Estimate Flops
Estimate/count FLOPS for a given neural network using pytorch
Stars: ✭ 110 (-1.79%)
Mutual labels:  convolutional-neural-networks
Facedet
实现常用基于深度学习的人脸检测算法
Stars: ✭ 109 (-2.68%)
Mutual labels:  convolutional-neural-networks
Mp Cnn Torch
Multi-Perspective Convolutional Neural Networks for modeling textual similarity (He et al., EMNLP 2015)
Stars: ✭ 106 (-5.36%)
Mutual labels:  convolutional-neural-networks
Idn Caffe
Caffe implementation of "Fast and Accurate Single Image Super-Resolution via Information Distillation Network" (CVPR 2018)
Stars: ✭ 104 (-7.14%)
Mutual labels:  convolutional-neural-networks
Steady State Flow With Neural Nets
A Tensorflow re-implementation of the paper Convolutional Neural Networks for Steady Flow Approximation
Stars: ✭ 107 (-4.46%)
Mutual labels:  convolutional-neural-networks
Sigmoidal ai
Tutoriais de Python, Data Science, Machine Learning e Deep Learning - Sigmoidal
Stars: ✭ 103 (-8.04%)
Mutual labels:  convolutional-neural-networks
Alexnet Experiments Keras
Code examples for training AlexNet using Keras and Theano
Stars: ✭ 109 (-2.68%)
Mutual labels:  convolutional-neural-networks
Keras Video Classifier
Keras implementation of video classifier
Stars: ✭ 100 (-10.71%)
Mutual labels:  convolutional-neural-networks
Neuroflow
Artificial Neural Networks for Scala
Stars: ✭ 105 (-6.25%)
Mutual labels:  regression
Shot Type Classifier
Detecting cinema shot types using a ResNet-50
Stars: ✭ 109 (-2.68%)
Mutual labels:  convolutional-neural-networks
Ghostnet
CV backbones including GhostNet, TinyNet and TNT, developed by Huawei Noah's Ark Lab.
Stars: ✭ 1,744 (+1457.14%)
Mutual labels:  convolutional-neural-networks
Self Driving Car
Automated Driving in NFS using CNN.
Stars: ✭ 105 (-6.25%)
Mutual labels:  convolutional-neural-networks

RUL-Net

Deep learning approach for estimation of Remaining Useful Life (RUL) of an engine This repo is dedicated to new architectures for estimating RUL using CMAPSS dataset and PHM08 prognostic challenge dataset The datasets are included in this repo or can be donwloaded from: https://ti.arc.nasa.gov/tech/dash/groups/pcoe/prognostic-data-repository/#turbofan

For more details, please see our Arxiv paper.

System Model

Screenshot

Dependencies

tensorflow 1.8

numpy 1.14.4

pandas 0.20.3

scikit-learn 0.19.1

Dataset discription

The main and largest dataset is the CMAPSS dataset. It contain four subdatasets called FD001, FD002, FD003, and FD004

Dataset Train trajectories Test trajectories Conditions Fault Modes
FD001 100 100 ONE (Sea Level) ONE (HPC Degradation)
FD002 260 259 SIX ONE (HPC Degradation)
FD003 100 100 ONE (Sea Level) TWO (HPC Degradation, Fan Degradation)
FD004 248 249 SIX (Sea Level) TWO (HPC Degradation, Fan Degradation)

Data sets consists of multiple multivariate time series. Each data set is further divided into training and test subsets. Each time series is from a different engine – i.e., the data can be considered to be from a fleet of engines of the same type. Each engine starts with different degrees of initial wear and manufacturing variation which is unknown to the user. This wear and variation is considered normal, i.e., it is not considered a fault condition. There are three operational settings that have a substantial effect on engine performance. These settings are also included in the data. The data is contaminated with sensor noise.

The engine is operating normally at the start of each time series, and develops a fault at some point during the series. In the training set, the fault grows in magnitude until system failure. In the test set, the time series ends some time prior to system failure. The objective of the competition is to predict the number of remaining operational cycles before failure in the test set, i.e., the number of operational cycles after the last cycle that the engine will continue to operate. Also provided a vector of true Remaining Useful Life (RUL) values for the test data.

Dataset structure

The data provieded as text file with 26 columns of numbers, separated by spaces. Each row is a snapshot of data taken during a single operational cycle, each column is a different variable. The columns correspond to:

  1. unit number
  2. time, in cycles
  3. operational setting 1
  4. operational setting 2
  5. operational setting 3
  6. sensor measurement 1
  7. sensor measurement 2 ...
  8. sensor measurement 26

Screenshot

After standard normalization of data in time domain

Dataset Visualization
FD001 and FD003 Screenshot
FD002 and FD004 Screenshot

The distribution of FD001 and FD003 has similarities as well as the FD002 and FD004 datasets.

Data labeling

Machine health is inversely proportional to the engine cycles. When number of engine cycles are increasing, then the machine health should decrease. It can be model as a linear function but here we use a piece-wise linear function. We assume that first few cycles have the maximum health of the machine and then it starts to decrease linearly.
Screenshot

Training data augmentation

Screenshot

If we concatanate all the training labels and testing labels its looks like this (a) and (c) It’s clear that the training labels always goes to zero RUL but testing labels need not to go zero RUL. Therefore, model must see something like testing data to get a good perdition. We implemented a data augmentation technique to make the training data looks like testing data, which increases the accuracy. (more details will be publishing in our coming paper).

Citation

If this is useful for your work, please cite our Arxiv paper:

@article{jayasinghe2018temporal,
  title={Temporal Convolutional Memory Networks for Remaining Useful Life Estimation of Industrial Machinery},
  author={Jayasinghe, Lahiru and Samarasinghe, Tharaka and Yuen, Chau and Ge, Shuzhi Sam},
  journal={arXiv preprint arXiv:1810.05644},
  year={2018}
}

License

This is released under the MIT license. For more details, please refer LICENSE.

"Copyright (c) 2018 Lahiru Jayasinghe"

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].