All Projects → 0zgur0 → ms-convSTAR

0zgur0 / ms-convSTAR

Licence: other
[RSE21] Pytorch code for hierarchical time series classification with multi-stage convolutional RNN

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to ms-convSTAR

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 (+12235.29%)
Mutual labels:  gru, rnn, lstm-neural-networks
DrowsyDriverDetection
This is a project implementing Computer Vision and Deep Learning concepts to detect drowsiness of a driver and sound an alarm if drowsy.
Stars: ✭ 82 (+382.35%)
Mutual labels:  rnn, lstm-neural-networks
STAR Network
[PAMI 2021] Gating Revisited: Deep Multi-layer RNNs That Can Be Trained
Stars: ✭ 16 (-5.88%)
Mutual labels:  gru, rnn
bitcoin-prediction
bitcoin prediction algorithms
Stars: ✭ 21 (+23.53%)
Mutual labels:  gru, lstm-neural-networks
Rnn ctc
Recurrent Neural Network and Long Short Term Memory (LSTM) with Connectionist Temporal Classification implemented in Theano. Includes a Toy training example.
Stars: ✭ 220 (+1194.12%)
Mutual labels:  gru, rnn
Pytorch Seq2seq
Tutorials on implementing a few sequence-to-sequence (seq2seq) models with PyTorch and TorchText.
Stars: ✭ 3,418 (+20005.88%)
Mutual labels:  gru, rnn
Hierarchical-attention-network
My implementation of "Hierarchical Attention Networks for Document Classification" in Keras
Stars: ✭ 26 (+52.94%)
Mutual labels:  gru, lstm-neural-networks
Load forecasting
Load forcasting on Delhi area electric power load using ARIMA, RNN, LSTM and GRU models
Stars: ✭ 160 (+841.18%)
Mutual labels:  gru, rnn
lstm-electric-load-forecast
Electric load forecast using Long-Short-Term-Memory (LSTM) recurrent neural network
Stars: ✭ 56 (+229.41%)
Mutual labels:  rnn, lstm-neural-networks
ECGClassifier
CNN, RNN, and Bayesian NN classification for ECG time-series (using TensorFlow in Swift and Python)
Stars: ✭ 53 (+211.76%)
Mutual labels:  gru, rnn
theano-recurrence
Recurrent Neural Networks (RNN, GRU, LSTM) and their Bidirectional versions (BiRNN, BiGRU, BiLSTM) for word & character level language modelling in Theano
Stars: ✭ 40 (+135.29%)
Mutual labels:  gru, rnn
Haste
Haste: a fast, simple, and open RNN library
Stars: ✭ 214 (+1158.82%)
Mutual labels:  gru, rnn
Eeg Dl
A Deep Learning library for EEG Tasks (Signals) Classification, based on TensorFlow.
Stars: ✭ 165 (+870.59%)
Mutual labels:  gru, rnn
rnn-theano
RNN(LSTM, GRU) in Theano with mini-batch training; character-level language models in Theano
Stars: ✭ 68 (+300%)
Mutual labels:  gru, rnn
myDL
Deep Learning
Stars: ✭ 18 (+5.88%)
Mutual labels:  gru, rnn
tf-ran-cell
Recurrent Additive Networks for Tensorflow
Stars: ✭ 16 (-5.88%)
Mutual labels:  gru, rnn
Skip Thoughts.torch
Porting of Skip-Thoughts pretrained models from Theano to PyTorch & Torch7
Stars: ✭ 146 (+758.82%)
Mutual labels:  gru, rnn
Speech Recognition Neural Network
This is the end-to-end Speech Recognition neural network, deployed in Keras. This was my final project for Artificial Intelligence Nanodegree @Udacity.
Stars: ✭ 148 (+770.59%)
Mutual labels:  gru, lstm-neural-networks
Deep-Learning-Coursera
Projects from the Deep Learning Specialization from deeplearning.ai provided by Coursera
Stars: ✭ 123 (+623.53%)
Mutual labels:  rnn, lstm-neural-networks
ConvLSTM-PyTorch
ConvLSTM/ConvGRU (Encoder-Decoder) with PyTorch on Moving-MNIST
Stars: ✭ 202 (+1088.24%)
Mutual labels:  gru, rnn

ms-convSTAR

Pytorch implementation for hierarchical time series classification with multi-stage convolutional RNN described in:

Crop mapping from image time series: deep learning with multi-scale label hierarchies. Turkoglu, Mehmet Ozgur and D'Aronco, Stefano and Perich, Gregor and Liebisch, Frank and Streit, Constantin and Schindler, Konrad and Wegner, Jan Dirk. Remote Sensing of Environment, 2021.

[Paper] - [Poster]

If you find our work useful in your research, please consider citing our paper:

@article{turkoglu2021msconvstar,
  title={Crop mapping from image time series: deep learning with multi-scale label hierarchies},
  author={Turkoglu, Mehmet Ozgur and D'Aronco, Stefano and Perich, Gregor and Liebisch, Frank and Streit, Constantin and Schindler, Konrad and Wegner, Jan Dirk},
  journal={Remote Sensing of Environment},
  volume={264},
  year={2021},
  publisher={Elsevier}
}

ZueriCrop Dataset

Download the dataset via https://polybox.ethz.ch/index.php/s/uXfdr2AcXE3QNB6

Getting Started

Train the model e.g., for fold:1 with

python3 train.py --data /path/to/data --fold 1

Test the trained model e.g., for fold:1 with

python3 test.py --data /path/to/data --fold 1 --snapshot /path/to/trained_model
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].