All Projects → 5baa61e4c9b93f3f0682250b6cf8331b7ee68fd8 → Similar Projects or Alternatives

607 Open source projects that are alternatives of or similar to 5baa61e4c9b93f3f0682250b6cf8331b7ee68fd8

Pytorch Sentiment Analysis Classification
A PyTorch Tutorials of Sentiment Analysis Classification (RNN, LSTM, Bi-LSTM, LSTM+Attention, CNN)
Stars: ✭ 80 (+128.57%)
Mutual labels:  lstm, rnn
Rnn poetry generator
基于RNN生成古诗
Stars: ✭ 143 (+308.57%)
Mutual labels:  lstm, rnn
Chinese Chatbot
中文聊天机器人,基于10万组对白训练而成,采用注意力机制,对一般问题都会生成一个有意义的答复。已上传模型,可直接运行,跑不起来直播吃键盘。
Stars: ✭ 124 (+254.29%)
Mutual labels:  lstm, rnn
lstm har
LSTM based human activity recognition using smart phone sensor dataset
Stars: ✭ 20 (-42.86%)
Mutual labels:  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 (+528.57%)
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 (+94.29%)
Mutual labels:  lstm, rnn
See Rnn
RNN and general weights, gradients, & activations visualization in Keras & TensorFlow
Stars: ✭ 102 (+191.43%)
Mutual labels:  lstm, rnn
Ml Ai Experiments
All my experiments with AI and ML
Stars: ✭ 107 (+205.71%)
Mutual labels:  lstm, rnn
Rnn For Joint Nlu
Pytorch implementation of "Attention-Based Recurrent Neural Network Models for Joint Intent Detection and Slot Filling" (https://arxiv.org/abs/1609.01454)
Stars: ✭ 176 (+402.86%)
Mutual labels:  lstm, rnn
Sign Language Gesture Recognition
Sign Language Gesture Recognition From Video Sequences Using RNN And CNN
Stars: ✭ 214 (+511.43%)
Mutual labels:  lstm, rnn
dltf
Hands-on in-person workshop for Deep Learning with TensorFlow
Stars: ✭ 14 (-60%)
Mutual labels:  lstm, rnn
Pytorch Seq2seq
Tutorials on implementing a few sequence-to-sequence (seq2seq) models with PyTorch and TorchText.
Stars: ✭ 3,418 (+9665.71%)
Mutual labels:  lstm, rnn
Rnn Notebooks
RNN(SimpleRNN, LSTM, GRU) Tensorflow2.0 & Keras Notebooks (Workshop materials)
Stars: ✭ 48 (+37.14%)
Mutual labels:  lstm, rnn
Bitcoin Price Prediction Using Lstm
Bitcoin price Prediction ( Time Series ) using LSTM Recurrent neural network
Stars: ✭ 67 (+91.43%)
Mutual labels:  lstm, rnn
Deepseqslam
The Official Deep Learning Framework for Route-based Place Recognition
Stars: ✭ 49 (+40%)
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 (+174.29%)
Mutual labels:  lstm, rnn
Pytorch Learners Tutorial
PyTorch tutorial for learners
Stars: ✭ 97 (+177.14%)
Mutual labels:  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 (+240%)
Mutual labels:  lstm, rnn
Copper price forecast
copper price(time series) prediction using bpnn and lstm
Stars: ✭ 81 (+131.43%)
Mutual labels:  lstm, rnn
Lstm Music Genre Classification
Music genre classification with LSTM Recurrent Neural Nets in Keras & PyTorch
Stars: ✭ 166 (+374.29%)
Mutual labels:  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 (+5891.43%)
Mutual labels:  lstm, rnn
Haste
Haste: a fast, simple, and open RNN library
Stars: ✭ 214 (+511.43%)
Mutual labels:  lstm, rnn
Stylenet
A cute multi-layer LSTM that can perform like a human 🎶
Stars: ✭ 187 (+434.29%)
Mutual labels:  lstm, rnn
Deepjazz
Deep learning driven jazz generation using Keras & Theano!
Stars: ✭ 2,766 (+7802.86%)
Mutual labels:  lstm, rnn
Caption generator
A modular library built on top of Keras and TensorFlow to generate a caption in natural language for any input image.
Stars: ✭ 243 (+594.29%)
Mutual labels:  lstm, rnn
Neural Networks
All about Neural Networks!
Stars: ✭ 34 (-2.86%)
Mutual labels:  lstm, rnn
Nlstm
Nested LSTM Cell
Stars: ✭ 246 (+602.86%)
Mutual labels:  lstm, rnn
Rnn Theano
使用Theano实现的一些RNN代码,包括最基本的RNN,LSTM,以及部分Attention模型,如论文MLSTM等
Stars: ✭ 31 (-11.43%)
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 (+134.29%)
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 (-14.29%)
Mutual labels:  lstm, rnn
Char rnn lm zh
language model in Chinese,基于Pytorch官方文档实现
Stars: ✭ 57 (+62.86%)
Mutual labels:  lstm, rnn
Time Attention
Implementation of RNN for Time Series prediction from the paper https://arxiv.org/abs/1704.02971
Stars: ✭ 52 (+48.57%)
Mutual labels:  lstm, rnn
Machine Learning
My Attempt(s) In The World Of ML/DL....
Stars: ✭ 78 (+122.86%)
Mutual labels:  lstm, rnn
Ailearning
AiLearning: 机器学习 - MachineLearning - ML、深度学习 - DeepLearning - DL、自然语言处理 NLP
Stars: ✭ 32,316 (+92231.43%)
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 (+3605.71%)
Mutual labels:  lstm, rnn
Cnn lstm for text classify
CNN, LSTM, NBOW, fasttext 中文文本分类
Stars: ✭ 90 (+157.14%)
Mutual labels:  lstm, rnn
Text predictor
Char-level RNN LSTM text generator📄.
Stars: ✭ 99 (+182.86%)
Mutual labels:  lstm, rnn
Lstm chem
Implementation of the paper - Generative Recurrent Networks for De Novo Drug Design.
Stars: ✭ 87 (+148.57%)
Mutual labels:  lstm, rnn
Pytorch Rnn Text Classification
Word Embedding + LSTM + FC
Stars: ✭ 112 (+220%)
Mutual labels:  lstm, rnn
Lstms.pth
PyTorch implementations of LSTM Variants (Dropout + Layer Norm)
Stars: ✭ 111 (+217.14%)
Mutual labels:  lstm, rnn
Lstm Crypto Price Prediction
Predicting price trends in cryptomarkets using an lstm-RNN for the use of a trading bot
Stars: ✭ 136 (+288.57%)
Mutual labels:  lstm, rnn
Lstm Sentiment Analysis
Sentiment Analysis with LSTMs in Tensorflow
Stars: ✭ 886 (+2431.43%)
Mutual labels:  lstm, rnn
Rnnvis
A visualization tool for understanding and debugging RNNs
Stars: ✭ 162 (+362.86%)
Mutual labels:  lstm, rnn
Load forecasting
Load forcasting on Delhi area electric power load using ARIMA, RNN, LSTM and GRU models
Stars: ✭ 160 (+357.14%)
Mutual labels:  lstm, rnn
Eeg Dl
A Deep Learning library for EEG Tasks (Signals) Classification, based on TensorFlow.
Stars: ✭ 165 (+371.43%)
Mutual labels:  lstm, rnn
Poetry Seq2seq
Chinese Poetry Generation
Stars: ✭ 159 (+354.29%)
Mutual labels:  lstm, rnn
Chameleon recsys
Source code of CHAMELEON - A Deep Learning Meta-Architecture for News Recommender Systems
Stars: ✭ 202 (+477.14%)
Mutual labels:  lstm, rnn
Char Rnn Chinese
Multi-layer Recurrent Neural Networks (LSTM, GRU, RNN) for character-level language models in Torch. Based on code of https://github.com/karpathy/char-rnn. Support Chinese and other things.
Stars: ✭ 192 (+448.57%)
Mutual labels:  lstm, rnn
Kprn
Reasoning Over Knowledge Graph Paths for Recommendation
Stars: ✭ 220 (+528.57%)
Mutual labels:  lstm, rnn
Tensorflow Bitcoin Robot
A Bitcoin trade robot based on Tensorflow LSTM model.Just for fun.
Stars: ✭ 155 (+342.86%)
Mutual labels:  lstm, rnn
Automatic speech recognition
End-to-end Automatic Speech Recognition for Madarian and English in Tensorflow
Stars: ✭ 2,751 (+7760%)
Mutual labels:  lstm, rnn
Pytorch Sentiment Analysis
Tutorials on getting started with PyTorch and TorchText for sentiment analysis.
Stars: ✭ 3,209 (+9068.57%)
Mutual labels:  lstm, rnn
Har Stacked Residual Bidir Lstms
Using deep stacked residual bidirectional LSTM cells (RNN) with TensorFlow, we do Human Activity Recognition (HAR). Classifying the type of movement amongst 6 categories or 18 categories on 2 different datasets.
Stars: ✭ 250 (+614.29%)
Mutual labels:  lstm, rnn
Crnn Audio Classification
UrbanSound classification using Convolutional Recurrent Networks in PyTorch
Stars: ✭ 235 (+571.43%)
Mutual labels:  lstm, rnn
Seq2seq Chatbot
Chatbot in 200 lines of code using TensorLayer
Stars: ✭ 777 (+2120%)
Mutual labels:  lstm, rnn
Deep Music Genre Classification
🎵 Using Deep Learning to Categorize Music as Time Progresses Through Spectrogram Analysis
Stars: ✭ 23 (-34.29%)
Mutual labels:  lstm, rnn
Pytorch Image Comp Rnn
PyTorch implementation of Full Resolution Image Compression with Recurrent Neural Networks
Stars: ✭ 146 (+317.14%)
Mutual labels:  lstm, rnn
Natural Language Processing With Tensorflow
Natural Language Processing with TensorFlow, published by Packt
Stars: ✭ 222 (+534.29%)
Mutual labels:  lstm, rnn
Lightnet
Efficient, transparent deep learning in hundreds of lines of code.
Stars: ✭ 243 (+594.29%)
Mutual labels:  lstm, rnn
tf-ran-cell
Recurrent Additive Networks for Tensorflow
Stars: ✭ 16 (-54.29%)
Mutual labels:  lstm, rnn
1-60 of 607 similar projects