All Projects → Deep Learning Time Series → Similar Projects or Alternatives

7258 Open source projects that are alternatives of or similar to Deep Learning Time Series

Bitcoin Price Prediction Using Lstm
Bitcoin price Prediction ( Time Series ) using LSTM Recurrent neural network
Stars: ✭ 67 (-91.58%)
Lstm anomaly thesis
Anomaly detection for temporal data using LSTMs
Stars: ✭ 178 (-77.64%)
Pytorch Learners Tutorial
PyTorch tutorial for learners
Stars: ✭ 97 (-87.81%)
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 (+163.44%)
Gdax Orderbook Ml
Application of machine learning to the Coinbase (GDAX) orderbook
Stars: ✭ 60 (-92.46%)
Btctrading
Time Series Forecast with Bitcoin value, to detect upward/down trends with Machine Learning Algorithms
Stars: ✭ 99 (-87.56%)
Tensorflow Lstm Regression
Sequence prediction using recurrent neural networks(LSTM) with TensorFlow
Stars: ✭ 433 (-45.6%)
Image Caption Generator
[DEPRECATED] A Neural Network based generative model for captioning images using Tensorflow
Stars: ✭ 141 (-82.29%)
Stock Price Predictor
This project seeks to utilize Deep Learning models, Long-Short Term Memory (LSTM) Neural Network algorithm, to predict stock prices.
Stars: ✭ 146 (-81.66%)
Image Captioning
Image Captioning: Implementing the Neural Image Caption Generator with python
Stars: ✭ 52 (-93.47%)
Ner Lstm
Named Entity Recognition using multilayered bidirectional LSTM
Stars: ✭ 532 (-33.17%)
Lstmvis
Visualization Toolbox for Long Short Term Memory networks (LSTMs)
Stars: ✭ 959 (+20.48%)
Rnn lstm from scratch
How to build RNNs and LSTMs from scratch with NumPy.
Stars: ✭ 156 (-80.4%)
Ai Reading Materials
Some of the ML and DL related reading materials, research papers that I've read
Stars: ✭ 79 (-90.08%)
Easy Deep Learning With Keras
Keras tutorial for beginners (using TF backend)
Stars: ✭ 367 (-53.89%)
Hey Jetson
Deep Learning based Automatic Speech Recognition with attention for the Nvidia Jetson.
Stars: ✭ 161 (-79.77%)
dts
A Keras library for multi-step time-series forecasting.
Stars: ✭ 130 (-83.67%)
Flow Forecast
Deep learning PyTorch library for time series forecasting, classification, and anomaly detection (originally for flood forecasting).
Stars: ✭ 368 (-53.77%)
Tensorflow Lstm Sin
TensorFlow 1.3 experiment with LSTM (and GRU) RNNs for sine prediction
Stars: ✭ 52 (-93.47%)
Sangita
A Natural Language Toolkit for Indian Languages
Stars: ✭ 43 (-94.6%)
Deepseqslam
The Official Deep Learning Framework for Route-based Place Recognition
Stars: ✭ 49 (-93.84%)
Sentiment Analysis Nltk Ml Lstm
Sentiment Analysis on the First Republic Party debate in 2016 based on Python,NLTK and ML.
Stars: ✭ 61 (-92.34%)
Language Translation
Neural machine translator for English2German translation.
Stars: ✭ 82 (-89.7%)
Multilabel Timeseries Classification With Lstm
Tensorflow implementation of paper: Learning to Diagnose with LSTM Recurrent Neural Networks.
Stars: ✭ 519 (-34.8%)
Mutual labels:  jupyter-notebook, time-series, lstm
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 (-26.01%)
Mutual labels:  jupyter-notebook, time-series, lstm
Time Attention
Implementation of RNN for Time Series prediction from the paper https://arxiv.org/abs/1704.02971
Stars: ✭ 52 (-93.47%)
Pytorch Pos Tagging
A tutorial on how to implement models for part-of-speech tagging using PyTorch and TorchText.
Stars: ✭ 96 (-87.94%)
Linear Attention Recurrent Neural Network
A recurrent attention module consisting of an LSTM cell which can query its own past cell states by the means of windowed multi-head attention. The formulas are derived from the BN-LSTM and the Transformer Network. The LARNN cell with attention can be easily used inside a loop on the cell state, just like any other RNN. (LARNN)
Stars: ✭ 119 (-85.05%)
Predictive Maintenance Using Lstm
Example of Multiple Multivariate Time Series Prediction with LSTM Recurrent Neural Networks in Python with Keras.
Stars: ✭ 352 (-55.78%)
Pytorch Sentiment Analysis
Tutorials on getting started with PyTorch and TorchText for sentiment analysis.
Stars: ✭ 3,209 (+303.14%)
LSTM-Time-Series-Analysis
Using LSTM network for time series forecasting
Stars: ✭ 41 (-94.85%)
Stockpriceprediction
Stock Price Prediction using Machine Learning Techniques
Stars: ✭ 700 (-12.06%)
Chameleon recsys
Source code of CHAMELEON - A Deep Learning Meta-Architecture for News Recommender Systems
Stars: ✭ 202 (-74.62%)
Lstm Human Activity Recognition
Human Activity Recognition example using TensorFlow on smartphone sensors dataset and an LSTM RNN. Classifying the type of movement amongst six activity categories - Guillaume Chevalier
Stars: ✭ 2,943 (+269.72%)
Da Rnn
📃 **Unofficial** PyTorch Implementation of DA-RNN (arXiv:1704.02971)
Stars: ✭ 256 (-67.84%)
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 (-7.29%)
Mutual labels:  jupyter-notebook, time-series, lstm
Image Captioning
Image Captioning using InceptionV3 and beam search
Stars: ✭ 290 (-63.57%)
Mutual labels:  jupyter-notebook, lstm
Python
This repository helps you understand python from the scratch.
Stars: ✭ 285 (-64.2%)
Mutual labels:  jupyter-notebook, prediction
Dab
Data Augmentation by Backtranslation (DAB) ヽ( •_-)ᕗ
Stars: ✭ 294 (-63.07%)
Pycaret
An open-source, low-code machine learning library in Python
Stars: ✭ 4,594 (+477.14%)
Mutual labels:  jupyter-notebook, time-series
Paraphraser
Sentence paraphrase generation at the sentence level
Stars: ✭ 283 (-64.45%)
Mutual labels:  lstm, lstm-neural-networks
Cascaded Fcn
Source code for the MICCAI 2016 Paper "Automatic Liver and Lesion Segmentation in CT Using Cascaded Fully Convolutional NeuralNetworks and 3D Conditional Random Fields"
Stars: ✭ 296 (-62.81%)
Attention is all you need
Transformer of "Attention Is All You Need" (Vaswani et al. 2017) by Chainer.
Stars: ✭ 303 (-61.93%)
Stock Trading Ml
A stock trading bot that uses machine learning to make price predictions.
Stars: ✭ 325 (-59.17%)
Mutual labels:  time-series, lstm
Pytorch Vdsr
VDSR (CVPR2016) pytorch implementation
Stars: ✭ 313 (-60.68%)
Keras Anomaly Detection
Anomaly detection implemented in Keras
Stars: ✭ 335 (-57.91%)
Mutual labels:  lstm, recurrent-neural-networks
Distiller
Neural Network Distiller by Intel AI Lab: a Python package for neural network compression research. https://intellabs.github.io/distiller
Stars: ✭ 3,760 (+372.36%)
Rnnsharp
RNNSharp is a toolkit of deep recurrent neural network which is widely used for many different kinds of tasks, such as sequence labeling, sequence-to-sequence and so on. It's written by C# language and based on .NET framework 4.6 or above versions. RNNSharp supports many different types of networks, such as forward and bi-directional network, sequence-to-sequence network, and different types of layers, such as LSTM, Softmax, sampled Softmax and others.
Stars: ✭ 277 (-65.2%)
Mutual labels:  lstm, recurrent-neural-networks
Zhihu
This repo contains the source code in my personal column (https://zhuanlan.zhihu.com/zhaoyeyu), implemented using Python 3.6. Including Natural Language Processing and Computer Vision projects, such as text generation, machine translation, deep convolution GAN and other actual combat code.
Stars: ✭ 3,307 (+315.45%)
Personality Detection
Implementation of a hierarchical CNN based model to detect Big Five personality traits
Stars: ✭ 338 (-57.54%)
Mutual labels:  lstm, lstm-neural-networks
Deltapy
DeltaPy - Tabular Data Augmentation (by @firmai)
Stars: ✭ 344 (-56.78%)
Mutual labels:  jupyter-notebook, time-series
Magnet
Deep Learning Projects that Build Themselves
Stars: ✭ 351 (-55.9%)
Stock Prediction Models
Gathers machine learning and deep learning models for Stock forecasting including trading bots and simulations
Stars: ✭ 4,660 (+485.43%)
Mutual labels:  jupyter-notebook, lstm
Action Recognition Visual Attention
Action recognition using soft attention based deep recurrent neural networks
Stars: ✭ 350 (-56.03%)
Qtrader
Reinforcement Learning for Portfolio Management
Stars: ✭ 363 (-54.4%)
Sdv
Synthetic Data Generation for tabular, relational and time series data.
Stars: ✭ 360 (-54.77%)
Mutual labels:  jupyter-notebook, time-series
Rmdl
RMDL: Random Multimodel Deep Learning for Classification
Stars: ✭ 375 (-52.89%)
First Steps Towards Deep Learning
This is an open sourced book on deep learning.
Stars: ✭ 376 (-52.76%)
Deep learning nlp
Keras, PyTorch, and NumPy Implementations of Deep Learning Architectures for NLP
Stars: ✭ 407 (-48.87%)
Cryptocurrency Price Prediction
Cryptocurrency Price Prediction Using LSTM neural network
Stars: ✭ 271 (-65.95%)
Mutual labels:  jupyter-notebook, lstm
1-60 of 7258 similar projects