All Projects → Theano_lstm → Similar Projects or Alternatives

1531 Open source projects that are alternatives of or similar to Theano_lstm

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 (-29.03%)
Mutual labels:  lstm, gru, theano
Pytorch Seq2seq
Tutorials on implementing a few sequence-to-sequence (seq2seq) models with PyTorch and TorchText.
Stars: ✭ 3,418 (+1002.58%)
Mutual labels:  tutorial, lstm, gru
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 (-87.1%)
Mutual labels:  theano, lstm, gru
Rnn Notebooks
RNN(SimpleRNN, LSTM, GRU) Tensorflow2.0 & Keras Notebooks (Workshop materials)
Stars: ✭ 48 (-84.52%)
Mutual labels:  lstm, gru
Personality Detection
Implementation of a hierarchical CNN based model to detect Big Five personality traits
Stars: ✭ 338 (+9.03%)
Mutual labels:  lstm, theano
Rnn Theano
使用Theano实现的一些RNN代码,包括最基本的RNN,LSTM,以及部分Attention模型,如论文MLSTM等
Stars: ✭ 31 (-90%)
Mutual labels:  lstm, theano
Daguan 2019 rank9
datagrand 2019 information extraction competition rank9
Stars: ✭ 121 (-60.97%)
Mutual labels:  lstm, dropout
Rnn Text Classification Tf
Tensorflow Implementation of Recurrent Neural Network (Vanilla, LSTM, GRU) for Text Classification
Stars: ✭ 114 (-63.23%)
Mutual labels:  lstm, gru
Haste
Haste: a fast, simple, and open RNN library
Stars: ✭ 214 (-30.97%)
Mutual labels:  lstm, gru
Trafficflowprediction
Traffic Flow Prediction with Neural Networks(SAEs、LSTM、GRU).
Stars: ✭ 242 (-21.94%)
Mutual labels:  lstm, gru
Deeplearningfornlpinpytorch
An IPython Notebook tutorial on deep learning for natural language processing, including structure prediction.
Stars: ✭ 1,744 (+462.58%)
Mutual labels:  tutorial, lstm
Nmt Keras
Neural Machine Translation with Keras
Stars: ✭ 501 (+61.61%)
Mutual labels:  gru, theano
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 (-90%)
Mutual labels:  gru, theano
Sudl
light deep neural network tools box(LSTM,GRU,RNN,CNN,Bi-LSTM,etc)
Stars: ✭ 29 (-90.65%)
Mutual labels:  lstm, gru
Easy Deep Learning With Keras
Keras tutorial for beginners (using TF backend)
Stars: ✭ 367 (+18.39%)
Mutual labels:  lstm, gru
Repo 2016
R, Python and Mathematica Codes in Machine Learning, Deep Learning, Artificial Intelligence, NLP and Geolocation
Stars: ✭ 103 (-66.77%)
Mutual labels:  lstm, theano
Lstms.pth
PyTorch implementations of LSTM Variants (Dropout + Layer Norm)
Stars: ✭ 111 (-64.19%)
Mutual labels:  lstm, dropout
Eeg Dl
A Deep Learning library for EEG Tasks (Signals) Classification, based on TensorFlow.
Stars: ✭ 165 (-46.77%)
Mutual labels:  lstm, gru
Tensorflow Lstm Sin
TensorFlow 1.3 experiment with LSTM (and GRU) RNNs for sine prediction
Stars: ✭ 52 (-83.23%)
Mutual labels:  lstm, gru
End To End Sequence Labeling Via Bi Directional Lstm Cnns Crf Tutorial
Tutorial for End-to-end Sequence Labeling via Bi-directional LSTM-CNNs-CRF
Stars: ✭ 87 (-71.94%)
Mutual labels:  tutorial, lstm
Pytorch Pos Tagging
A tutorial on how to implement models for part-of-speech tagging using PyTorch and TorchText.
Stars: ✭ 96 (-69.03%)
Mutual labels:  tutorial, lstm
Pytorch Sentiment Analysis
Tutorials on getting started with PyTorch and TorchText for sentiment analysis.
Stars: ✭ 3,209 (+935.16%)
Mutual labels:  tutorial, lstm
LearningMetersPoems
Official repo of the article: Yousef, W. A., Ibrahime, O. M., Madbouly, T. M., & Mahmoud, M. A. (2019), "Learning meters of arabic and english poems with recurrent neural networks: a step forward for language understanding and synthesis", arXiv preprint arXiv:1905.05700
Stars: ✭ 18 (-94.19%)
Mutual labels:  lstm, gru
sequence-rnn-py
Sequence analyzing using Recurrent Neural Networks (RNN) based on Keras
Stars: ✭ 28 (-90.97%)
Mutual labels:  theano, lstm
Reuters-21578-Classification
Text classification with Reuters-21578 datasets using Gensim Word2Vec and Keras LSTM
Stars: ✭ 44 (-85.81%)
Mutual labels:  theano, lstm
dts
A Keras library for multi-step time-series forecasting.
Stars: ✭ 130 (-58.06%)
Mutual labels:  lstm, gru
LSTM-GRU-from-scratch
LSTM, GRU cell implementation from scratch in tensorflow
Stars: ✭ 30 (-90.32%)
Mutual labels:  lstm, gru
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 (-91.61%)
Mutual labels:  lstm, gru
Aesara
Aesara is a fork of the Theano library that is maintained by the PyMC developers. It was previously named Theano-PyMC.
Stars: ✭ 145 (-53.23%)
myDL
Deep Learning
Stars: ✭ 18 (-94.19%)
Mutual labels:  lstm, gru
Spago
Self-contained Machine Learning and Natural Language Processing library in Go
Stars: ✭ 854 (+175.48%)
Mutual labels:  lstm, automatic-differentiation
Cryptocurrencyprediction
Predict Cryptocurrency Price with Deep Learning
Stars: ✭ 453 (+46.13%)
Mutual labels:  lstm, gru
Tensorflow Sentiment Analysis On Amazon Reviews Data
Implementing different RNN models (LSTM,GRU) & Convolution models (Conv1D, Conv2D) on a subset of Amazon Reviews data with TensorFlow on Python 3. A sentiment analysis project.
Stars: ✭ 34 (-89.03%)
Mutual labels:  lstm, gru
Manhattan-LSTM
Keras and PyTorch implementations of the MaLSTM model for computing Semantic Similarity.
Stars: ✭ 28 (-90.97%)
Mutual labels:  lstm, gru
See Rnn
RNN and general weights, gradients, & activations visualization in Keras & TensorFlow
Stars: ✭ 102 (-67.1%)
Mutual labels:  lstm, gru
Gdax Orderbook Ml
Application of machine learning to the Coinbase (GDAX) orderbook
Stars: ✭ 60 (-80.65%)
Mutual labels:  lstm, gru
Pytorch Rnn Text Classification
Word Embedding + LSTM + FC
Stars: ✭ 112 (-63.87%)
Mutual labels:  lstm, gru
Aiopen
AIOpen是一个按人工智能三要素(数据、算法、算力)进行AI开源项目分类的汇集项目,项目致力于跟踪目前人工智能(AI)的深度学习(DL)开源项目,并尽可能地罗列目前的开源项目,同时加入了一些曾经研究过的代码。通过这些开源项目,使初次接触AI的人们对人工智能(深度学习)有更清晰和更全面的了解。
Stars: ✭ 62 (-80%)
Mutual labels:  lstm, theano
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 (+576.45%)
Mutual labels:  lstm, gru
Load forecasting
Load forcasting on Delhi area electric power load using ARIMA, RNN, LSTM and GRU models
Stars: ✭ 160 (-48.39%)
Mutual labels:  lstm, gru
lmkit
language models toolkits with hierarchical softmax setting
Stars: ✭ 16 (-94.84%)
Mutual labels:  lstm, gru
CS231n
My solutions for Assignments of CS231n: Convolutional Neural Networks for Visual Recognition
Stars: ✭ 30 (-90.32%)
Mutual labels:  lstm, dropout
Thesemicolon
This repository contains Ipython notebooks and datasets for the data analytics youtube tutorials on The Semicolon.
Stars: ✭ 345 (+11.29%)
Mutual labels:  tutorial, lstm
Machine Learning
My Attempt(s) In The World Of ML/DL....
Stars: ✭ 78 (-74.84%)
Mutual labels:  tutorial, 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 (+138.06%)
Mutual labels:  tutorial, lstm
Deep Learning Based Ecg Annotator
Annotation of ECG signals using deep learning, tensorflow’ Keras
Stars: ✭ 110 (-64.52%)
Mutual labels:  tutorial, lstm
Tensorflow Tutorial
Tensorflow tutorial from basic to hard, 莫烦Python 中文AI教学
Stars: ✭ 4,122 (+1229.68%)
Mutual labels:  tutorial, dropout
tf-ran-cell
Recurrent Additive Networks for Tensorflow
Stars: ✭ 16 (-94.84%)
Mutual labels:  lstm, gru
Deep Learning Keras Tensorflow
Introduction to Deep Neural Networks with Keras and Tensorflow
Stars: ✭ 2,868 (+825.16%)
Mutual labels:  tutorial, theano
Deepjazz
Deep learning driven jazz generation using Keras & Theano!
Stars: ✭ 2,766 (+792.26%)
Mutual labels:  lstm, theano
ConvLSTM-PyTorch
ConvLSTM/ConvGRU (Encoder-Decoder) with PyTorch on Moving-MNIST
Stars: ✭ 202 (-34.84%)
Mutual labels:  lstm, gru
Pytorch-POS-Tagger
Part-of-Speech Tagger and custom implementations of LSTM, GRU and Vanilla RNN
Stars: ✭ 24 (-92.26%)
Mutual labels:  lstm, gru
Deep srl
Code and pre-trained model for: Deep Semantic Role Labeling: What Works and What's Next
Stars: ✭ 309 (-0.32%)
Mutual labels:  lstm, theano
Program Y
Python 3.x based AIML 2.0 Chatbot interpreter, framework, related programs and knowledge files
Stars: ✭ 281 (-9.35%)
Mutual labels:  tutorial
Machine Learning Books
book
Stars: ✭ 290 (-6.45%)
Mutual labels:  tutorial
Rust Autograd
Tensors and differentiable operations (like TensorFlow) in Rust
Stars: ✭ 278 (-10.32%)
Mutual labels:  automatic-differentiation
Pytorch Lesson Zh
pytorch 包教不包会
Stars: ✭ 279 (-10%)
Mutual labels:  tutorial
Unet Zoo
A collection of UNet and hybrid architectures in PyTorch for 2D and 3D Biomedical Image segmentation
Stars: ✭ 302 (-2.58%)
Mutual labels:  lstm
Returnn
The RWTH extensible training framework for universal recurrent neural networks
Stars: ✭ 290 (-6.45%)
Mutual labels:  theano
Spring Boot Mysql Rest Api Tutorial
Building a Restful CRUD API using Spring Boot, Mysql, JPA and Hibernate
Stars: ✭ 279 (-10%)
Mutual labels:  tutorial
1-60 of 1531 similar projects