All Projects → clinicalml → Dmm

clinicalml / Dmm

Deep Markov Models

Projects that are alternatives of or similar to Dmm

Discogan Pytorch
PyTorch implementation of "Learning to Discover Cross-Domain Relations with Generative Adversarial Networks"
Stars: ✭ 961 (+833.01%)
Mutual labels:  jupyter-notebook, generative-model
Wavelet networks
Code repository of the paper "Wavelet Networks: Scale Equivariant Learning From Raw Waveforms" https://arxiv.org/abs/2006.05259
Stars: ✭ 48 (-53.4%)
Mutual labels:  jupyter-notebook, time-series
Pytorch Mnist Vae
Stars: ✭ 32 (-68.93%)
Mutual labels:  jupyter-notebook, generative-model
Deep Learning Time Series
List of papers, code and experiments using deep learning for time series forecasting
Stars: ✭ 796 (+672.82%)
Mutual labels:  jupyter-notebook, time-series
Stingray
Anything can happen in the next half hour (including spectral timing made easy)!
Stars: ✭ 94 (-8.74%)
Mutual labels:  jupyter-notebook, time-series
Awesome Ai Ml Dl
Awesome Artificial Intelligence, Machine Learning and Deep Learning as we learn it. Study notes and a curated list of awesome resources of such topics.
Stars: ✭ 831 (+706.8%)
Mutual labels:  jupyter-notebook, time-series
Ligdream
Novel molecules from a reference shape!
Stars: ✭ 47 (-54.37%)
Mutual labels:  jupyter-notebook, generative-model
Tsfresh
Automatic extraction of relevant features from time series:
Stars: ✭ 6,077 (+5800%)
Mutual labels:  jupyter-notebook, time-series
Pycon Ua 2018
Talk at PyCon UA 2018 (Kharkov, Ukraine)
Stars: ✭ 60 (-41.75%)
Mutual labels:  jupyter-notebook, time-series
Vae protein function
Protein function prediction using a variational autoencoder
Stars: ✭ 57 (-44.66%)
Mutual labels:  jupyter-notebook, generative-model
Getting Things Done With Pytorch
Jupyter Notebook tutorials on solving real-world problems with Machine Learning & Deep Learning using PyTorch. Topics: Face detection with Detectron 2, Time Series anomaly detection with LSTM Autoencoders, Object Detection with YOLO v5, Build your first Neural Network, Time Series forecasting for Coronavirus daily cases, Sentiment Analysis with BERT.
Stars: ✭ 738 (+616.5%)
Mutual labels:  jupyter-notebook, time-series
Btctrading
Time Series Forecast with Bitcoin value, to detect upward/down trends with Machine Learning Algorithms
Stars: ✭ 99 (-3.88%)
Mutual labels:  jupyter-notebook, time-series
Fecon235
Notebooks for financial economics. Keywords: Jupyter notebook pandas Federal Reserve FRED Ferbus GDP CPI PCE inflation unemployment wage income debt Case-Shiller housing asset portfolio equities SPX bonds TIPS rates currency FX euro EUR USD JPY yen XAU gold Brent WTI oil Holt-Winters time-series forecasting statistics econometrics
Stars: ✭ 708 (+587.38%)
Mutual labels:  jupyter-notebook, time-series
Kaggle Web Traffic Time Series Forecasting
Solution to Kaggle - Web Traffic Time Series Forecasting
Stars: ✭ 29 (-71.84%)
Mutual labels:  jupyter-notebook, time-series
H1st
The AI Application Platform We All Need. Human AND Machine Intelligence. Based on experience building AI solutions at Panasonic: robotics predictive maintenance, cold-chain energy optimization, Gigafactory battery mfg, avionics, automotive cybersecurity, and more.
Stars: ✭ 697 (+576.7%)
Mutual labels:  jupyter-notebook, time-series
Fractional differencing gpu
Rapid large-scale fractional differencing with RAPIDS to minimize memory loss while making a time series stationary. 6x-400x speed up over CPU implementation.
Stars: ✭ 38 (-63.11%)
Mutual labels:  jupyter-notebook, time-series
Multilabel Timeseries Classification With Lstm
Tensorflow implementation of paper: Learning to Diagnose with LSTM Recurrent Neural Networks.
Stars: ✭ 519 (+403.88%)
Mutual labels:  jupyter-notebook, time-series
Telemanom
A framework for using LSTMs to detect anomalies in multivariate time series data. Includes spacecraft anomaly data and experiments from the Mars Science Laboratory and SMAP missions.
Stars: ✭ 589 (+471.84%)
Mutual labels:  jupyter-notebook, time-series
Mckinsey Smartcities Traffic Prediction
Adventure into using multi attention recurrent neural networks for time-series (city traffic) for the 2017-11-18 McKinsey IronMan (24h non-stop) prediction challenge
Stars: ✭ 49 (-52.43%)
Mutual labels:  jupyter-notebook, time-series
Online Recurrent Extreme Learning Machine
Online-Recurrent-Extreme-Learning-Machine (OR-ELM) for time-series prediction, implemented in python
Stars: ✭ 95 (-7.77%)
Mutual labels:  jupyter-notebook, time-series

Deep Markov Models

Overview

This repository contains theano code for implementing Deep Markov Models. The code is documented and should be easy to modify for your own applications.

Deep Markov Model

The code uses variational inference during learning to maximize the likelihood of the observed data:

Evidence Lower Bound

  • Generative Model
    • The figure depicts a state space model for time-varying data.
    • The latent variables z1...zT and the observations x1...xT together describe the generative process for the data.
    • The emission p(x_t|z_t) and transition functions p(z_t|z_{t-1}) are parameterized by deep neural networks
  • Inference Model
    • The function q(z1..zT | x1...xT) represents the inference network
    • This is a parametric approximation to the variational posterior used for learning at training time and for inference at test time.

Requirements

This package has the following requirements:

  • python2.7
  • Theano
    • Used for automatic differentiation
  • theanomodels
    • Wrapper around theano that takes care of bookkeeping, saving/loading models etc. Clone the github repository and add its location to the PYTHONPATH environment variable so that it is accessible by python.
  • An NVIDIA GPU w/ atleast 6G of memory is recommended.

Optional

I used the following ~/.theanorc configuration file:

[global]
floatX=float32

[mode]=FAST_RUN

[nvcc]
fastmath=True

[cuda]
root=/usr/local/cuda

You can change whether the model is run on the GPU or CPU by modifying the THEANO_FLAGS. See here for documentation.

Folders

  • Model Code: model_th: This folder contains raw theano code implementing the model. See the folder for details on how the DMM was implementation and pointers to portions of the code.
  • Datasets: dmm_data: This folder contains code to load the polyphonic music data and a synthetic dataset. Add or change code in load.py(dmm_data/load.py) to run the model on your own data.
  • Tutorials: ipynb: This folder contains some IPython notebooks with examples on loading and running the model on your own data.
  • Hyperparameters: parse_args.py: This file contains hyperparameters used by the model. Run python parse_args.py -h for an explanation of what the various choices of parameters change in the generative model and inference network.
  • Modeling Polyphonic Music: expt: Experimental setup for running the DMM on the polyphonic music dataset
  • Template Folder for Training DMMs: expt_template : Experimental setup for running the DMM on synthetic real-valued observations.

Running the model on your data

  • A general purpose tutorial for setting up and running the model can be found in the IPython Notebooks.
  • The code currently supports binary and real-valued data. An example of modeling binary data may be found in expt/.

References:

Please cite the following paper if you find the code useful in your research:

@inproceedings{krishnan2016structured,
  title={Structured Inference Networks for Nonlinear State Space Models},
  author={Krishnan, Rahul G and Shalit, Uri and Sontag, David},
  booktitle={AAAI},
  year={2017}
}

This paper subsumes the work in : [Deep Kalman Filters] (https://arxiv.org/abs/1511.05121)

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