All Projects → See Rnn → Similar Projects or Alternatives

584 Open source projects that are alternatives of or similar to See Rnn

Haste
Haste: a fast, simple, and open RNN library
Stars: ✭ 214 (+109.8%)
Mutual labels:  lstm, rnn, gru
Load forecasting
Load forcasting on Delhi area electric power load using ARIMA, RNN, LSTM and GRU models
Stars: ✭ 160 (+56.86%)
Mutual labels:  lstm, rnn, gru
Rnn Notebooks
RNN(SimpleRNN, LSTM, GRU) Tensorflow2.0 & Keras Notebooks (Workshop materials)
Stars: ✭ 48 (-52.94%)
Mutual labels:  lstm, rnn, gru
Pytorch Seq2seq
Tutorials on implementing a few sequence-to-sequence (seq2seq) models with PyTorch and TorchText.
Stars: ✭ 3,418 (+3250.98%)
Mutual labels:  lstm, rnn, gru
Easy Deep Learning With Keras
Keras tutorial for beginners (using TF backend)
Stars: ✭ 367 (+259.8%)
Mutual labels:  lstm, rnn, gru
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 (+115.69%)
Mutual labels:  lstm, rnn, gru
Pytorch-POS-Tagger
Part-of-Speech Tagger and custom implementations of LSTM, GRU and Vanilla RNN
Stars: ✭ 24 (-76.47%)
Mutual labels:  lstm, gru, rnn
Eeg Dl
A Deep Learning library for EEG Tasks (Signals) Classification, based on TensorFlow.
Stars: ✭ 165 (+61.76%)
Mutual labels:  lstm, rnn, gru
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 (+1955.88%)
Mutual labels:  lstm, rnn, gru
Pytorch Rnn Text Classification
Word Embedding + LSTM + FC
Stars: ✭ 112 (+9.8%)
Mutual labels:  lstm, rnn, gru
ConvLSTM-PyTorch
ConvLSTM/ConvGRU (Encoder-Decoder) with PyTorch on Moving-MNIST
Stars: ✭ 202 (+98.04%)
Mutual labels:  lstm, gru, rnn
tf-ran-cell
Recurrent Additive Networks for Tensorflow
Stars: ✭ 16 (-84.31%)
Mutual labels:  lstm, 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 (-60.78%)
Mutual labels:  lstm, gru, rnn
myDL
Deep Learning
Stars: ✭ 18 (-82.35%)
Mutual labels:  lstm, gru, rnn
Machine Learning
My Attempt(s) In The World Of ML/DL....
Stars: ✭ 78 (-23.53%)
Mutual labels:  lstm, rnn
Deep-Learning-for-Expression-Recognition-in-Image-Sequences
The project uses state of the art deep learning on collected data for automatic analysis of emotions.
Stars: ✭ 26 (-74.51%)
Mutual labels:  lstm, gru
Dense BiLSTM
Tensorflow Implementation of Densely Connected Bidirectional LSTM with Applications to Sentence Classification
Stars: ✭ 48 (-52.94%)
Mutual labels:  lstm, rnn
Cnn lstm for text classify
CNN, LSTM, NBOW, fasttext 中文文本分类
Stars: ✭ 90 (-11.76%)
Mutual labels:  lstm, rnn
CS231n
My solutions for Assignments of CS231n: Convolutional Neural Networks for Visual Recognition
Stars: ✭ 30 (-70.59%)
Mutual labels:  lstm, rnn
tiny-rnn
Lightweight C++11 library for building deep recurrent neural networks
Stars: ✭ 41 (-59.8%)
Mutual labels:  lstm, rnn
Text predictor
Char-level RNN LSTM text generator📄.
Stars: ✭ 99 (-2.94%)
Mutual labels:  lstm, rnn
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 (+2785.29%)
Mutual labels:  lstm, rnn
Deeplearning.ai Assignments
Stars: ✭ 268 (+162.75%)
Mutual labels:  lstm, rnn
Unet Zoo
A collection of UNet and hybrid architectures in PyTorch for 2D and 3D Biomedical Image segmentation
Stars: ✭ 302 (+196.08%)
Mutual labels:  lstm, rnn
Pytorch Learners Tutorial
PyTorch tutorial for learners
Stars: ✭ 97 (-4.9%)
Mutual labels:  lstm, rnn
hcn
Hybrid Code Networks https://arxiv.org/abs/1702.03274
Stars: ✭ 81 (-20.59%)
Mutual labels:  lstm, rnn
Theano lstm
🔬 Nano size Theano LSTM module
Stars: ✭ 310 (+203.92%)
Mutual labels:  lstm, gru
Lstm chem
Implementation of the paper - Generative Recurrent Networks for De Novo Drug Design.
Stars: ✭ 87 (-14.71%)
Mutual labels:  lstm, rnn
Bitcoin Price Prediction Using Lstm
Bitcoin price Prediction ( Time Series ) using LSTM Recurrent neural network
Stars: ✭ 67 (-34.31%)
Mutual labels:  lstm, rnn
Word Rnn Tensorflow
Multi-layer Recurrent Neural Networks (LSTM, RNN) for word-level language models in Python using TensorFlow.
Stars: ✭ 1,297 (+1171.57%)
Mutual labels:  lstm, rnn
rnn2d
CPU and GPU implementations of some 2D RNN layers
Stars: ✭ 26 (-74.51%)
Mutual labels:  lstm, rnn
Sequence-Models-coursera
Sequence Models by Andrew Ng on Coursera. Programming Assignments and Quiz Solutions.
Stars: ✭ 53 (-48.04%)
Mutual labels:  lstm, rnn
medical-diagnosis-cnn-rnn-rcnn
分别使用rnn/cnn/rcnn来实现根据患者描述,进行疾病诊断
Stars: ✭ 39 (-61.76%)
Mutual labels:  lstm, rnn
totally humans
rnn trained on r/totallynotrobots 🤖
Stars: ✭ 23 (-77.45%)
Mutual labels:  lstm, rnn
time-series-forecasting-tensorflowjs
Pull stock prices from online API and perform predictions using Long Short Term Memory (LSTM) with TensorFlow.js framework
Stars: ✭ 96 (-5.88%)
Mutual labels:  lstm, rnn
Gru Svm
[ICMLC 2018] A Neural Network Architecture Combining Gated Recurrent Unit (GRU) and Support Vector Machine (SVM) for Intrusion Detection
Stars: ✭ 76 (-25.49%)
Mutual labels:  rnn, gru
lmkit
language models toolkits with hierarchical softmax setting
Stars: ✭ 16 (-84.31%)
Mutual labels:  lstm, gru
sgrnn
Tensorflow implementation of Synthetic Gradient for RNN (LSTM)
Stars: ✭ 40 (-60.78%)
Mutual labels:  lstm, rnn
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 (+171.57%)
Mutual labels:  lstm, rnn
ms-convSTAR
[RSE21] Pytorch code for hierarchical time series classification with multi-stage convolutional RNN
Stars: ✭ 17 (-83.33%)
Mutual labels:  gru, rnn
Basicocr
BasicOCR是一个致力于解决自然场景文字识别算法研究的项目。该项目由长城数字大数据应用技术研究院佟派AI团队发起和维护。
Stars: ✭ 336 (+229.41%)
Mutual labels:  lstm, rnn
Tensorflow poems
中文古诗自动作诗机器人,屌炸天,基于tensorflow1.10 api,正在积极维护升级中,快star,保持更新!
Stars: ✭ 3,429 (+3261.76%)
Mutual labels:  lstm, rnn
Hred Attention Tensorflow
An extension on the Hierachical Recurrent Encoder-Decoder for Generative Context-Aware Query Suggestion, our implementation is in Tensorflow and uses an attention mechanism.
Stars: ✭ 68 (-33.33%)
Mutual labels:  lstm, rnn
deep-improvisation
Easy-to-use Deep LSTM Neural Network to generate song sounds like containing improvisation.
Stars: ✭ 53 (-48.04%)
Mutual labels:  lstm, rnn
Multi Class Text Classification Cnn Rnn
Classify Kaggle San Francisco Crime Description into 39 classes. Build the model with CNN, RNN (GRU and LSTM) and Word Embeddings on Tensorflow.
Stars: ✭ 570 (+458.82%)
Mutual labels:  lstm, rnn
Video Classification
Tutorial for video classification/ action recognition using 3D CNN/ CNN+RNN on UCF101
Stars: ✭ 543 (+432.35%)
Mutual labels:  lstm, rnn
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 (+477.45%)
Mutual labels:  lstm, rnn
Stockpriceprediction
Stock Price Prediction using Machine Learning Techniques
Stars: ✭ 700 (+586.27%)
Mutual labels:  lstm, rnn
Cryptocurrencyprediction
Predict Cryptocurrency Price with Deep Learning
Stars: ✭ 453 (+344.12%)
Mutual labels:  lstm, gru
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 (+528.43%)
Mutual labels:  lstm, rnn
Pytorch Pos Tagging
A tutorial on how to implement models for part-of-speech tagging using PyTorch and TorchText.
Stars: ✭ 96 (-5.88%)
Mutual labels:  lstm, rnn
Lstm Sentiment Analysis
Sentiment Analysis with LSTMs in Tensorflow
Stars: ✭ 886 (+768.63%)
Mutual labels:  lstm, rnn
Deep Music Genre Classification
🎵 Using Deep Learning to Categorize Music as Time Progresses Through Spectrogram Analysis
Stars: ✭ 23 (-77.45%)
Mutual labels:  lstm, rnn
Ailearning
AiLearning: 机器学习 - MachineLearning - ML、深度学习 - DeepLearning - DL、自然语言处理 NLP
Stars: ✭ 32,316 (+31582.35%)
Mutual labels:  lstm, rnn
Lstm peptides
Long short-term memory recurrent neural networks for learning peptide and protein sequences to later design new, similar examples.
Stars: ✭ 30 (-70.59%)
Mutual labels:  lstm, rnn
Seq2seq Chatbot
Chatbot in 200 lines of code using TensorLayer
Stars: ✭ 777 (+661.76%)
Mutual labels:  lstm, rnn
Sudl
light deep neural network tools box(LSTM,GRU,RNN,CNN,Bi-LSTM,etc)
Stars: ✭ 29 (-71.57%)
Mutual labels:  lstm, gru
Theano Kaldi Rnn
THEANO-KALDI-RNNs is a project implementing various Recurrent Neural Networks (RNNs) for RNN-HMM speech recognition. The Theano Code is coupled with the Kaldi decoder.
Stars: ✭ 31 (-69.61%)
Mutual labels:  rnn, gru
Neural Networks
All about Neural Networks!
Stars: ✭ 34 (-66.67%)
Mutual labels:  lstm, rnn
Gdax Orderbook Ml
Application of machine learning to the Coinbase (GDAX) orderbook
Stars: ✭ 60 (-41.18%)
Mutual labels:  lstm, gru
1-60 of 584 similar projects