All Projects → dts → Similar Projects or Alternatives

1133 Open source projects that are alternatives of or similar to dts

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 (+69.23%)
Mutual labels:  recurrent-neural-networks, lstm, gru
Tensorflow Lstm Sin
TensorFlow 1.3 experiment with LSTM (and GRU) RNNs for sine prediction
Stars: ✭ 52 (-60%)
Mutual labels:  recurrent-neural-networks, lstm, gru
Rnn Text Classification Tf
Tensorflow Implementation of Recurrent Neural Network (Vanilla, LSTM, GRU) for Text Classification
Stars: ✭ 114 (-12.31%)
Mutual labels:  recurrent-neural-networks, lstm, gru
Deep News Summarization
News summarization using sequence to sequence model with attention in TensorFlow.
Stars: ✭ 167 (+28.46%)
Deep Learning Time Series
List of papers, code and experiments using deep learning for time series forecasting
Stars: ✭ 796 (+512.31%)
LSTM-Time-Series-Analysis
Using LSTM network for time series forecasting
Stars: ✭ 41 (-68.46%)
Lstm anomaly thesis
Anomaly detection for temporal data using LSTMs
Stars: ✭ 178 (+36.92%)
Pytorch Seq2seq
Tutorials on implementing a few sequence-to-sequence (seq2seq) models with PyTorch and TorchText.
Stars: ✭ 3,418 (+2529.23%)
Mutual labels:  lstm, gru, seq2seq
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 (+1513.08%)
Mutual labels:  recurrent-neural-networks, lstm, gru
Tensorflow Lstm Regression
Sequence prediction using recurrent neural networks(LSTM) with TensorFlow
Stars: ✭ 433 (+233.08%)
Gdax Orderbook Ml
Application of machine learning to the Coinbase (GDAX) orderbook
Stars: ✭ 60 (-53.85%)
Mutual labels:  recurrent-neural-networks, lstm, gru
ConvLSTM-PyTorch
ConvLSTM/ConvGRU (Encoder-Decoder) with PyTorch on Moving-MNIST
Stars: ✭ 202 (+55.38%)
Mutual labels:  time-series, lstm, gru
Pytorch Sentiment Analysis
Tutorials on getting started with PyTorch and TorchText for sentiment analysis.
Stars: ✭ 3,209 (+2368.46%)
Mutual labels:  recurrent-neural-networks, lstm
battery-rul-estimation
Remaining Useful Life (RUL) estimation of Lithium-ion batteries using deep LSTMs
Stars: ✭ 25 (-80.77%)
Mutual labels:  time-series, lstm
Robust-Deep-Learning-Pipeline
Deep Convolutional Bidirectional LSTM for Complex Activity Recognition with Missing Data. Human Activity Recognition Challenge. Springer SIST (2020)
Stars: ✭ 20 (-84.62%)
Mutual labels:  time-series, lstm
Flow Forecast
Deep learning PyTorch library for time series forecasting, classification, and anomaly detection (originally for flood forecasting).
Stars: ✭ 368 (+183.08%)
Mutual labels:  time-series, lstm
Stock Trading Ml
A stock trading bot that uses machine learning to make price predictions.
Stars: ✭ 325 (+150%)
Mutual labels:  time-series, lstm
Multilabel Timeseries Classification With Lstm
Tensorflow implementation of paper: Learning to Diagnose with LSTM Recurrent Neural Networks.
Stars: ✭ 519 (+299.23%)
Mutual labels:  time-series, lstm
Rwa
Machine Learning on Sequential Data Using a Recurrent Weighted Average
Stars: ✭ 593 (+356.15%)
Tensorflow Cnn Time Series
Feeding images of time series to Conv Nets! (Tensorflow + Keras)
Stars: ✭ 49 (-62.31%)
Time Attention
Implementation of RNN for Time Series prediction from the paper https://arxiv.org/abs/1704.02971
Stars: ✭ 52 (-60%)
Mutual labels:  time-series, lstm
Pytorch Gan Timeseries
GANs for time series generation in pytorch
Stars: ✭ 109 (-16.15%)
Mutual labels:  time-series, lstm
Kaggle Competition Favorita
5th place solution for Kaggle competition Favorita Grocery Sales Forecasting
Stars: ✭ 169 (+30%)
Mutual labels:  time-series, lstm
Ad examples
A collection of anomaly detection methods (iid/point-based, graph and time series) including active learning for anomaly detection/discovery, bayesian rule-mining, description for diversity/explanation/interpretability. Analysis of incorporating label feedback with ensemble and tree-based detectors. Includes adversarial attacks with Graph Convolutional Network.
Stars: ✭ 641 (+393.08%)
Mutual labels:  time-series, lstm
Kaggle Web Traffic
1st place solution
Stars: ✭ 1,641 (+1162.31%)
Mutual labels:  time-series, seq2seq
Seq2Seq-chatbot
TensorFlow Implementation of Twitter Chatbot
Stars: ✭ 18 (-86.15%)
CS231n
PyTorch/Tensorflow solutions for Stanford's CS231n: "CNNs for Visual Recognition"
Stars: ✭ 47 (-63.85%)
Mutual labels:  recurrent-neural-networks, lstm
Mead Baseline
Deep-Learning Model Exploration and Development for NLP
Stars: ✭ 238 (+83.08%)
Time Series Machine Learning
Machine learning models for time series analysis
Stars: ✭ 261 (+100.77%)
renewcast
Renewcast: Forecasting Renewable Electricity Generation in EU Countries.
Stars: ✭ 28 (-78.46%)
Time Series Prediction
A collection of time series prediction methods: rnn, seq2seq, cnn, wavenet, transformer, unet, n-beats, gan, kalman-filter
Stars: ✭ 351 (+170%)
Mutual labels:  time-series, seq2seq
tf-ran-cell
Recurrent Additive Networks for Tensorflow
Stars: ✭ 16 (-87.69%)
Mutual labels:  lstm, gru
orderbook modeling
Example of order book modeling.
Stars: ✭ 38 (-70.77%)
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 (+353.08%)
Mutual labels:  time-series, lstm
myDL
Deep Learning
Stars: ✭ 18 (-86.15%)
Mutual labels:  lstm, gru
Base-On-Relation-Method-Extract-News-DA-RNN-Model-For-Stock-Prediction--Pytorch
基於關聯式新聞提取方法之雙階段注意力機制模型用於股票預測
Stars: ✭ 33 (-74.62%)
Mutual labels:  lstm, seq2seq
Deep Learning Based Ecg Annotator
Annotation of ECG signals using deep learning, tensorflow’ Keras
Stars: ✭ 110 (-15.38%)
Mutual labels:  time-series, lstm
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 (+467.69%)
Mutual labels:  time-series, lstm
Sequitur
Library of autoencoders for sequential data
Stars: ✭ 162 (+24.62%)
Mutual labels:  time-series, lstm
Gluon Ts
Probabilistic time series modeling in Python
Stars: ✭ 2,373 (+1725.38%)
Keras Lmu
Keras implementation of Legendre Memory Units
Stars: ✭ 160 (+23.08%)
Mutual labels:  recurrent-neural-networks, lstm
bitcoin-prediction
bitcoin prediction algorithms
Stars: ✭ 21 (-83.85%)
Mutual labels:  recurrent-neural-networks, gru
datastories-semeval2017-task6
Deep-learning model presented in "DataStories at SemEval-2017 Task 6: Siamese LSTM with Attention for Humorous Text Comparison".
Stars: ✭ 20 (-84.62%)
Mutual labels:  recurrent-neural-networks, lstm
SpeakerDiarization RNN CNN LSTM
Speaker Diarization is the problem of separating speakers in an audio. There could be any number of speakers and final result should state when speaker starts and ends. In this project, we analyze given audio file with 2 channels and 2 speakers (on separate channels).
Stars: ✭ 56 (-56.92%)
Mutual labels:  recurrent-neural-networks, lstm
Time-Series-Forecasting
Rainfall analysis of Maharashtra - Season/Month wise forecasting. Different methods have been used. The main goal of this project is to increase the performance of forecasted results during rainy seasons.
Stars: ✭ 27 (-79.23%)
Mutual labels:  time-series, lstm
unicornn
Official code for UnICORNN (ICML 2021)
Stars: ✭ 21 (-83.85%)
CoronaDash
COVID-19 spread shiny dashboard with a forecasting model, countries' trajectories graphs, and cluster analysis tools
Stars: ✭ 20 (-84.62%)
LSTM-GRU-from-scratch
LSTM, GRU cell implementation from scratch in tensorflow
Stars: ✭ 30 (-76.92%)
Mutual labels:  lstm, gru
Deep-Learning-Tensorflow
Gathers Tensorflow deep learning models.
Stars: ✭ 50 (-61.54%)
keras-malicious-url-detector
Malicious URL detector using keras recurrent networks and scikit-learn classifiers
Stars: ✭ 24 (-81.54%)
Mutual labels:  recurrent-neural-networks, lstm
AC-VRNN
PyTorch code for CVIU paper "AC-VRNN: Attentive Conditional-VRNN for Multi-Future Trajectory Prediction"
Stars: ✭ 21 (-83.85%)
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 (-69.23%)
Mutual labels:  lstm, gru
ECGClassifier
CNN, RNN, and Bayesian NN classification for ECG time-series (using TensorFlow in Swift and Python)
Stars: ✭ 53 (-59.23%)
Mutual labels:  time-series, gru
Conversational-AI-Chatbot-using-Practical-Seq2Seq
A simple open domain generative based chatbot based on Recurrent Neural Networks
Stars: ✭ 17 (-86.92%)
Manhattan-LSTM
Keras and PyTorch implementations of the MaLSTM model for computing Semantic Similarity.
Stars: ✭ 28 (-78.46%)
Mutual labels:  lstm, gru
sequence-rnn-py
Sequence analyzing using Recurrent Neural Networks (RNN) based on Keras
Stars: ✭ 28 (-78.46%)
Mutual labels:  recurrent-neural-networks, lstm
fiction generator
Fiction generator with Tensorflow. 模仿王小波的风格的小说生成器
Stars: ✭ 27 (-79.23%)
Mutual labels:  lstm, seq2seq
awesome-time-series
Resources for working with time series and sequence data
Stars: ✭ 178 (+36.92%)
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 (+13.85%)
Mutual labels:  recurrent-neural-networks, gru
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 (+12.31%)
Mutual labels:  recurrent-neural-networks, lstm
1-60 of 1133 similar projects