All Projects → LSTM-GRU-from-scratch → Similar Projects or Alternatives

429 Open source projects that are alternatives of or similar to LSTM-GRU-from-scratch

Semanaly
semantic analysis using word2vector, doc2vector,lstm and other method. mainly for text similarity analysis.
Stars: ✭ 143 (+376.67%)
Mutual labels:  lstm
Qa
使用深度学习算法实现的中文问答系统
Stars: ✭ 528 (+1660%)
Mutual labels:  lstm
tensorflow-node-examples
Tensorflow Node.js Examples
Stars: ✭ 21 (-30%)
Mutual labels:  lstm
Ml5 Library
Friendly machine learning for the web! 🤖
Stars: ✭ 5,280 (+17500%)
Mutual labels:  lstm
Image Caption Generator
[DEPRECATED] A Neural Network based generative model for captioning images using Tensorflow
Stars: ✭ 141 (+370%)
Mutual labels:  lstm
Musical Neural Net
Train an LSTM to generate piano or violin/piano music.
Stars: ✭ 478 (+1493.33%)
Mutual labels:  lstm
gans-2.0
Generative Adversarial Networks in TensorFlow 2.0
Stars: ✭ 76 (+153.33%)
Mutual labels:  fashion-mnist
Richwordsegmentor
Neural word segmentation with rich pretraining, code for ACL 2017 paper
Stars: ✭ 140 (+366.67%)
Mutual labels:  lstm
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 (+486.67%)
Mutual labels:  lstm
Char rnn lm zh
language model in Chinese,基于Pytorch官方文档实现
Stars: ✭ 57 (+90%)
Mutual labels:  lstm
Pytorch Ntm
Neural Turing Machines (NTM) - PyTorch Implementation
Stars: ✭ 453 (+1410%)
Mutual labels:  lstm
keras-deep-learning
Various implementations and projects on CNN, RNN, LSTM, GAN, etc
Stars: ✭ 22 (-26.67%)
Mutual labels:  lstm
Chinese poem generator
唐诗、宋词生成器,有详细说明
Stars: ✭ 428 (+1326.67%)
Mutual labels:  lstm
Ethnicolr
Predict Race and Ethnicity Based on the Sequence of Characters in a Name
Stars: ✭ 137 (+356.67%)
Mutual labels:  lstm
Actionai
custom human activity recognition modules by pose estimation and cascaded inference using sklearn API
Stars: ✭ 404 (+1246.67%)
Mutual labels:  lstm
clothing-detection-ecommerce-dataset
Clothing detection dataset
Stars: ✭ 43 (+43.33%)
Mutual labels:  fashion-mnist
Question Pairs Matching
第三届魔镜杯 智能客服问题相似性算法设计 第12名解决方案
Stars: ✭ 138 (+360%)
Mutual labels:  lstm
Handwriting Generation
Implementation of handwriting generation with use of recurrent neural networks in tensorflow. Based on Alex Graves paper (https://arxiv.org/abs/1308.0850).
Stars: ✭ 361 (+1103.33%)
Mutual labels:  lstm
generate-thai-lyrics
Generate Thai Songs' lyrics using Deep Learning
Stars: ✭ 33 (+10%)
Mutual labels:  lstm
Predictive Maintenance Using Lstm
Example of Multiple Multivariate Time Series Prediction with LSTM Recurrent Neural Networks in Python with Keras.
Stars: ✭ 352 (+1073.33%)
Mutual labels:  lstm
Ncrfpp
NCRF++, a Neural Sequence Labeling Toolkit. Easy use to any sequence labeling tasks (e.g. NER, POS, Segmentation). It includes character LSTM/CNN, word LSTM/CNN and softmax/CRF components.
Stars: ✭ 1,767 (+5790%)
Mutual labels:  lstm
Cnn lstm ctc tensorflow
CNN+LSTM+CTC based OCR implemented using tensorflow.
Stars: ✭ 343 (+1043.33%)
Mutual labels:  lstm
STAR Network
[PAMI 2021] Gating Revisited: Deep Multi-layer RNNs That Can Be Trained
Stars: ✭ 16 (-46.67%)
Mutual labels:  gru
Ner Lstm Crf
An easy-to-use named entity recognition (NER) toolkit, implemented the Bi-LSTM+CRF model in tensorflow.
Stars: ✭ 337 (+1023.33%)
Mutual labels:  lstm
Lstm Crypto Price Prediction
Predicting price trends in cryptomarkets using an lstm-RNN for the use of a trading bot
Stars: ✭ 136 (+353.33%)
Mutual labels:  lstm
Keras Anomaly Detection
Anomaly detection implemented in Keras
Stars: ✭ 335 (+1016.67%)
Mutual labels:  lstm
SentimentAnalysis
(BOW, TF-IDF, Word2Vec, BERT) Word Embeddings + (SVM, Naive Bayes, Decision Tree, Random Forest) Base Classifiers + Pre-trained BERT on Tensorflow Hub + 1-D CNN and Bi-Directional LSTM on IMDB Movie Reviews Dataset
Stars: ✭ 40 (+33.33%)
Mutual labels:  lstm
Tensorflow poems
中文古诗自动作诗机器人,屌炸天,基于tensorflow1.10 api,正在积极维护升级中,快star,保持更新!
Stars: ✭ 3,429 (+11330%)
Mutual labels:  lstm
Handwriting Synthesis
Implementation of "Generating Sequences With Recurrent Neural Networks" https://arxiv.org/abs/1308.0850
Stars: ✭ 135 (+350%)
Mutual labels:  lstm
rnn-theano
RNN(LSTM, GRU) in Theano with mini-batch training; character-level language models in Theano
Stars: ✭ 68 (+126.67%)
Mutual labels:  gru
Social Lstm Vehicletrajectory
Social LSTM using PyTorch for Vehicle Data
Stars: ✭ 57 (+90%)
Mutual labels:  lstm
Deep srl
Code and pre-trained model for: Deep Semantic Role Labeling: What Works and What's Next
Stars: ✭ 309 (+930%)
Mutual labels:  lstm
Stockprediction
Plain Stock Close-Price Prediction via Graves LSTM RNNs
Stars: ✭ 134 (+346.67%)
Mutual labels:  lstm
Unet Zoo
A collection of UNet and hybrid architectures in PyTorch for 2D and 3D Biomedical Image segmentation
Stars: ✭ 302 (+906.67%)
Mutual labels:  lstm
bitcoin-prediction
bitcoin prediction algorithms
Stars: ✭ 21 (-30%)
Mutual labels:  gru
Cs291k
🎭 Sentiment Analysis of Twitter data using combined CNN and LSTM Neural Network models
Stars: ✭ 287 (+856.67%)
Mutual labels:  lstm
E3d lstm
e3d-lstm; Eidetic 3D LSTM A Model for Video Prediction and Beyond
Stars: ✭ 129 (+330%)
Mutual labels:  lstm
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 (+823.33%)
Mutual labels:  lstm
Automatic speech recognition
End-to-end Automatic Speech Recognition for Madarian and English in Tensorflow
Stars: ✭ 2,751 (+9070%)
Mutual labels:  lstm
Deeplearning.ai Assignments
Stars: ✭ 268 (+793.33%)
Mutual labels:  lstm
Image Caption Generator
A neural network to generate captions for an image using CNN and RNN with BEAM Search.
Stars: ✭ 126 (+320%)
Mutual labels:  lstm
Carrot
🥕 Evolutionary Neural Networks in JavaScript
Stars: ✭ 261 (+770%)
Mutual labels:  lstm
Speech-Recognition
End-to-end Automatic Speech Recognition for Madarian and English in Tensorflow
Stars: ✭ 21 (-30%)
Mutual labels:  lstm
lstm
LSTM based on go and gorgonia
Stars: ✭ 45 (+50%)
Mutual labels:  lstm
Pytorch convlstm
convolutional lstm implementation in pytorch
Stars: ✭ 126 (+320%)
Mutual labels:  lstm
Thio
Thio - a playground for real-time anomaly detection
Stars: ✭ 38 (+26.67%)
Mutual labels:  lstm
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 (+733.33%)
Mutual labels:  lstm
Stock-Prediction
stock predict by cnn and lstm
Stars: ✭ 25 (-16.67%)
Mutual labels:  lstm
Daguan 2019 rank9
datagrand 2019 information extraction competition rank9
Stars: ✭ 121 (+303.33%)
Mutual labels:  lstm
algorithmia
No description or website provided.
Stars: ✭ 15 (-50%)
Mutual labels:  lstm
Deep Algotrading
A resource for learning about deep learning techniques from regression to LSTM and Reinforcement Learning using financial data and the fitness functions of algorithmic trading
Stars: ✭ 173 (+476.67%)
Mutual labels:  lstm
Speech Music Detection
Python framework for Speech and Music Detection using Keras.
Stars: ✭ 56 (+86.67%)
Mutual labels:  lstm
Pointer Networks Experiments
Sorting numbers with pointer networks
Stars: ✭ 53 (+76.67%)
Mutual labels:  lstm
Machine Learning Is All You Need
🔥🌟《Machine Learning 格物志》: ML + DL + RL basic codes and notes by sklearn, PyTorch, TensorFlow, Keras & the most important, from scratch!💪 This repository is ALL You Need!
Stars: ✭ 173 (+476.67%)
Mutual labels:  lstm
Image Captioning
Image Captioning: Implementing the Neural Image Caption Generator with python
Stars: ✭ 52 (+73.33%)
Mutual labels:  lstm
Text Classification Keras
📚 Text classification library with Keras
Stars: ✭ 53 (+76.67%)
Mutual labels:  lstm
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 (+296.67%)
Mutual labels:  lstm
Spectrum
Spectrum is an AI that uses machine learning to generate Rap song lyrics
Stars: ✭ 37 (+23.33%)
Mutual labels:  lstm
DSTC6-End-to-End-Conversation-Modeling
DSTC6: End-to-End Conversation Modeling Track
Stars: ✭ 56 (+86.67%)
Mutual labels:  lstm
ntua-slp-semeval2018
Deep-learning models of NTUA-SLP team submitted in SemEval 2018 tasks 1, 2 and 3.
Stars: ✭ 79 (+163.33%)
Mutual labels:  lstm
301-360 of 429 similar projects