All Projects → tiny-rnn → Similar Projects or Alternatives

738 Open source projects that are alternatives of or similar to tiny-rnn

Pytorch Pos Tagging
A tutorial on how to implement models for part-of-speech tagging using PyTorch and TorchText.
Stars: ✭ 96 (+134.15%)
Mutual labels:  recurrent-neural-networks, 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 (+575.61%)
Mutual labels:  recurrent-neural-networks, 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 (+7078.05%)
Mutual labels:  recurrent-neural-networks, lstm, rnn
Pytorch Sentiment Analysis
Tutorials on getting started with PyTorch and TorchText for sentiment analysis.
Stars: ✭ 3,209 (+7726.83%)
Mutual labels:  recurrent-neural-networks, lstm, rnn
sgrnn
Tensorflow implementation of Synthetic Gradient for RNN (LSTM)
Stars: ✭ 40 (-2.44%)
Mutual labels:  recurrent-neural-networks, lstm, rnn
sequence-rnn-py
Sequence analyzing using Recurrent Neural Networks (RNN) based on Keras
Stars: ✭ 28 (-31.71%)
Mutual labels:  recurrent-neural-networks, lstm, rnn
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 (+190.24%)
Mutual labels:  recurrent-neural-networks, lstm, rnn
Pytorch Learners Tutorial
PyTorch tutorial for learners
Stars: ✭ 97 (+136.59%)
Mutual labels:  recurrent-neural-networks, lstm, rnn
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 (+436.59%)
Mutual labels:  recurrent-neural-networks, lstm, rnn
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 (+5014.63%)
Mutual labels:  recurrent-neural-networks, lstm, rnn
Bitcoin Price Prediction Using Lstm
Bitcoin price Prediction ( Time Series ) using LSTM Recurrent neural network
Stars: ✭ 67 (+63.41%)
Mutual labels:  recurrent-neural-networks, lstm, rnn
automatic-personality-prediction
[AAAI 2020] Modeling Personality with Attentive Networks and Contextual Embeddings
Stars: ✭ 43 (+4.88%)
Mutual labels:  recurrent-neural-networks, lstm, rnn
Deepseqslam
The Official Deep Learning Framework for Route-based Place Recognition
Stars: ✭ 49 (+19.51%)
Mutual labels:  recurrent-neural-networks, lstm, rnn
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 (+36.59%)
Mutual labels:  recurrent-neural-networks, lstm, rnn
Rnn From Scratch
Use tensorflow's tf.scan to build vanilla, GRU and LSTM RNNs
Stars: ✭ 123 (+200%)
Mutual labels:  recurrent-neural-networks, rnn
Image Caption Generator
A neural network to generate captions for an image using CNN and RNN with BEAM Search.
Stars: ✭ 126 (+207.32%)
Mutual labels:  recurrent-neural-networks, lstm
deep-improvisation
Easy-to-use Deep LSTM Neural Network to generate song sounds like containing improvisation.
Stars: ✭ 53 (+29.27%)
Mutual labels:  lstm, rnn
dts
A Keras library for multi-step time-series forecasting.
Stars: ✭ 130 (+217.07%)
Mutual labels:  recurrent-neural-networks, lstm
Document Classifier Lstm
A bidirectional LSTM with attention for multiclass/multilabel text classification.
Stars: ✭ 136 (+231.71%)
Mutual labels:  recurrent-neural-networks, lstm
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 (+256.1%)
Mutual labels:  recurrent-neural-networks, lstm
Keras Lmu
Keras implementation of Legendre Memory Units
Stars: ✭ 160 (+290.24%)
Mutual labels:  recurrent-neural-networks, lstm
CS231n
My solutions for Assignments of CS231n: Convolutional Neural Networks for Visual Recognition
Stars: ✭ 30 (-26.83%)
Mutual labels:  lstm, rnn
Iseebetter
iSeeBetter: Spatio-Temporal Video Super Resolution using Recurrent-Generative Back-Projection Networks | Python3 | PyTorch | GANs | CNNs | ResNets | RNNs | Published in Springer Journal of Computational Visual Media, September 2020, Tsinghua University Press
Stars: ✭ 202 (+392.68%)
Mutual labels:  recurrent-neural-networks, rnn
Dense BiLSTM
Tensorflow Implementation of Densely Connected Bidirectional LSTM with Applications to Sentence Classification
Stars: ✭ 48 (+17.07%)
Mutual labels:  lstm, rnn
Sequence-Models-coursera
Sequence Models by Andrew Ng on Coursera. Programming Assignments and Quiz Solutions.
Stars: ✭ 53 (+29.27%)
Mutual labels:  lstm, rnn
Deep News Summarization
News summarization using sequence to sequence model with attention in TensorFlow.
Stars: ✭ 167 (+307.32%)
Mutual labels:  recurrent-neural-networks, lstm
Human-Activity-Recognition
Human activity recognition using TensorFlow on smartphone sensors dataset and an LSTM RNN. Classifying the type of movement amongst six categories (WALKING, WALKING_UPSTAIRS, WALKING_DOWNSTAIRS, SITTING, STANDING, LAYING).
Stars: ✭ 16 (-60.98%)
Mutual labels:  recurrent-neural-networks, rnn
Probabilistic-RNN-DA-Classifier
Probabilistic Dialogue Act Classification for the Switchboard Corpus using an LSTM model
Stars: ✭ 22 (-46.34%)
Mutual labels:  recurrent-neural-networks, rnn
totally humans
rnn trained on r/totallynotrobots 🤖
Stars: ✭ 23 (-43.9%)
Mutual labels:  lstm, rnn
Rnn Text Classification Tf
Tensorflow Implementation of Recurrent Neural Network (Vanilla, LSTM, GRU) for Text Classification
Stars: ✭ 114 (+178.05%)
Mutual labels:  recurrent-neural-networks, lstm
Stockprediction
Plain Stock Close-Price Prediction via Graves LSTM RNNs
Stars: ✭ 134 (+226.83%)
Mutual labels:  recurrent-neural-networks, lstm
python-machine-learning-book-2nd-edition
<머신러닝 교과서 with 파이썬, 사이킷런, 텐서플로>의 코드 저장소
Stars: ✭ 60 (+46.34%)
Mutual labels:  recurrent-neural-networks, rnn
Image Caption Generator
[DEPRECATED] A Neural Network based generative model for captioning images using Tensorflow
Stars: ✭ 141 (+243.9%)
Mutual labels:  recurrent-neural-networks, lstm
question-pair
A siamese LSTM to detect sentence/question pairs.
Stars: ✭ 25 (-39.02%)
Mutual labels:  lstm, rnn
Deep Learning With Python
Deep learning codes and projects using Python
Stars: ✭ 195 (+375.61%)
Mutual labels:  recurrent-neural-networks, rnn
Lstm anomaly thesis
Anomaly detection for temporal data using LSTMs
Stars: ✭ 178 (+334.15%)
Mutual labels:  recurrent-neural-networks, lstm
Base-On-Relation-Method-Extract-News-DA-RNN-Model-For-Stock-Prediction--Pytorch
基於關聯式新聞提取方法之雙階段注意力機制模型用於股票預測
Stars: ✭ 33 (-19.51%)
Mutual labels:  lstm, rnn
EBIM-NLI
Enhanced BiLSTM Inference Model for Natural Language Inference
Stars: ✭ 24 (-41.46%)
Mutual labels:  lstm, rnn
LSTM-Time-Series-Analysis
Using LSTM network for time series forecasting
Stars: ✭ 41 (+0%)
Mutual labels:  recurrent-neural-networks, lstm
ACT
Alternative approach for Adaptive Computation Time in TensorFlow
Stars: ✭ 16 (-60.98%)
Mutual labels:  recurrent-neural-networks, rnn
danifojo-2018-repeatrnn
Comparing Fixed and Adaptive Computation Time for Recurrent Neural Networks
Stars: ✭ 32 (-21.95%)
Mutual labels:  recurrent-neural-networks, rnn
Easyesn
Python library for Reservoir Computing using Echo State Networks
Stars: ✭ 93 (+126.83%)
Mutual labels:  recurrent-neural-networks, rnn
5baa61e4c9b93f3f0682250b6cf8331b7ee68fd8
RNN-LSTM that learns passwords from a starting list
Stars: ✭ 35 (-14.63%)
Mutual labels:  lstm, rnn
tf-ran-cell
Recurrent Additive Networks for Tensorflow
Stars: ✭ 16 (-60.98%)
Mutual labels:  lstm, rnn
ArrayLSTM
GPU/CPU (CUDA) Implementation of "Recurrent Memory Array Structures", Simple RNN, LSTM, Array LSTM..
Stars: ✭ 21 (-48.78%)
Mutual labels:  lstm, rnn
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 (+100%)
Mutual labels:  lstm, rnn
VariationalNeuralAnnealing
A variational implementation of classical and quantum annealing using recurrent neural networks for the purpose of solving optimization problems.
Stars: ✭ 21 (-48.78%)
Mutual labels:  recurrent-neural-networks, rnn
datastories-semeval2017-task6
Deep-learning model presented in "DataStories at SemEval-2017 Task 6: Siamese LSTM with Attention for Humorous Text Comparison".
Stars: ✭ 20 (-51.22%)
Mutual labels:  recurrent-neural-networks, lstm
novel writer
Train LSTM to writer novel (HongLouMeng here) in Pytorch.
Stars: ✭ 14 (-65.85%)
Mutual labels:  lstm, rnn
air writing
Online Hand Writing Recognition using BLSTM
Stars: ✭ 26 (-36.59%)
Mutual labels:  lstm, rnn
dltf
Hands-on in-person workshop for Deep Learning with TensorFlow
Stars: ✭ 14 (-65.85%)
Mutual labels:  lstm, rnn
Paper-Implementation-DSTP-RNN-For-Stock-Prediction-Based-On-DA-RNN
基於DA-RNN之DSTP-RNN論文試做(Ver1.0)
Stars: ✭ 62 (+51.22%)
Mutual labels:  lstm, rnn
keras-malicious-url-detector
Malicious URL detector using keras recurrent networks and scikit-learn classifiers
Stars: ✭ 24 (-41.46%)
Mutual labels:  recurrent-neural-networks, lstm
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 (+134.15%)
Mutual labels:  lstm, 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 (-2.44%)
Mutual labels:  lstm, rnn
lstm-electric-load-forecast
Electric load forecast using Long-Short-Term-Memory (LSTM) recurrent neural network
Stars: ✭ 56 (+36.59%)
Mutual labels:  lstm, rnn
Speech-Recognition
End-to-end Automatic Speech Recognition for Madarian and English in Tensorflow
Stars: ✭ 21 (-48.78%)
Mutual labels:  lstm, rnn
myDL
Deep Learning
Stars: ✭ 18 (-56.1%)
Mutual labels:  lstm, rnn
ConvLSTM-PyTorch
ConvLSTM/ConvGRU (Encoder-Decoder) with PyTorch on Moving-MNIST
Stars: ✭ 202 (+392.68%)
Mutual labels:  lstm, rnn
Language Translation
Neural machine translator for English2German translation.
Stars: ✭ 82 (+100%)
Mutual labels:  recurrent-neural-networks, lstm
1-60 of 738 similar projects