All Projects → Rnn For Joint Nlu → Similar Projects or Alternatives

6690 Open source projects that are alternatives of or similar to Rnn For Joint Nlu

Pytorch Seq2seq
Tutorials on implementing a few sequence-to-sequence (seq2seq) models with PyTorch and TorchText.
Stars: ✭ 3,418 (+1842.05%)
Chinese Chatbot
中文聊天机器人,基于10万组对白训练而成,采用注意力机制,对一般问题都会生成一个有意义的答复。已上传模型,可直接运行,跑不起来直播吃键盘。
Stars: ✭ 124 (-29.55%)
Mutual labels:  jupyter-notebook, lstm, rnn, attention
Machine Learning
My Attempt(s) In The World Of ML/DL....
Stars: ✭ 78 (-55.68%)
Mutual labels:  jupyter-notebook, lstm, rnn, attention
Ml Ai Experiments
All my experiments with AI and ML
Stars: ✭ 107 (-39.2%)
Mutual labels:  jupyter-notebook, lstm, rnn
Pytorch Learners Tutorial
PyTorch tutorial for learners
Stars: ✭ 97 (-44.89%)
Mutual labels:  jupyter-notebook, lstm, rnn
EBIM-NLI
Enhanced BiLSTM Inference Model for Natural Language Inference
Stars: ✭ 24 (-86.36%)
Mutual labels:  lstm, rnn, attention
Banglatranslator
Bangla Machine Translator
Stars: ✭ 21 (-88.07%)
Mutual labels:  lstm, attention, encoder-decoder
Nlp Models Tensorflow
Gathers machine learning and Tensorflow deep learning models for NLP problems, 1.13 < Tensorflow < 2.0
Stars: ✭ 1,603 (+810.8%)
Mutual labels:  jupyter-notebook, lstm, attention
Doc Han Att
Hierarchical Attention Networks for Chinese Sentiment Classification
Stars: ✭ 206 (+17.05%)
Mutual labels:  jupyter-notebook, rnn, attention
Natural Language Processing With Tensorflow
Natural Language Processing with TensorFlow, published by Packt
Stars: ✭ 222 (+26.14%)
Mutual labels:  jupyter-notebook, lstm, rnn
Deeplearning.ai Assignments
Stars: ✭ 268 (+52.27%)
Mutual labels:  jupyter-notebook, lstm, rnn
Cnn lstm for text classify
CNN, LSTM, NBOW, fasttext 中文文本分类
Stars: ✭ 90 (-48.86%)
Mutual labels:  lstm, rnn, attention
Pytorch Pos Tagging
A tutorial on how to implement models for part-of-speech tagging using PyTorch and TorchText.
Stars: ✭ 96 (-45.45%)
Mutual labels:  jupyter-notebook, 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 (+1572.16%)
Mutual labels:  jupyter-notebook, lstm, rnn
Easy Deep Learning With Keras
Keras tutorial for beginners (using TF backend)
Stars: ✭ 367 (+108.52%)
Mutual labels:  jupyter-notebook, lstm, rnn
Load forecasting
Load forcasting on Delhi area electric power load using ARIMA, RNN, LSTM and GRU models
Stars: ✭ 160 (-9.09%)
Mutual labels:  jupyter-notebook, lstm, rnn
Rnn Theano
使用Theano实现的一些RNN代码,包括最基本的RNN,LSTM,以及部分Attention模型,如论文MLSTM等
Stars: ✭ 31 (-82.39%)
Mutual labels:  intent, 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 (-32.39%)
Mutual labels:  jupyter-notebook, lstm, rnn
Stockpriceprediction
Stock Price Prediction using Machine Learning Techniques
Stars: ✭ 700 (+297.73%)
Mutual labels:  jupyter-notebook, lstm, rnn
Base-On-Relation-Method-Extract-News-DA-RNN-Model-For-Stock-Prediction--Pytorch
基於關聯式新聞提取方法之雙階段注意力機制模型用於股票預測
Stars: ✭ 33 (-81.25%)
Mutual labels:  lstm, rnn, attention
dhs summit 2019 image captioning
Image captioning using attention models
Stars: ✭ 34 (-80.68%)
Mutual labels:  lstm, attention, encoder-decoder
Thesemicolon
This repository contains Ipython notebooks and datasets for the data analytics youtube tutorials on The Semicolon.
Stars: ✭ 345 (+96.02%)
Mutual labels:  jupyter-notebook, lstm, rnn
Video Classification
Tutorial for video classification/ action recognition using 3D CNN/ CNN+RNN on UCF101
Stars: ✭ 543 (+208.52%)
Mutual labels:  jupyter-notebook, 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 (+234.66%)
Mutual labels:  jupyter-notebook, lstm, rnn
Abstractive Summarization
Implementation of abstractive summarization using LSTM in the encoder-decoder architecture with local attention.
Stars: ✭ 128 (-27.27%)
Attentive Neural Processes
implementing "recurrent attentive neural processes" to forecast power usage (w. LSTM baseline, MCDropout)
Stars: ✭ 33 (-81.25%)
Mutual labels:  jupyter-notebook, rnn, attention
Stylenet
A cute multi-layer LSTM that can perform like a human 🎶
Stars: ✭ 187 (+6.25%)
Mutual labels:  jupyter-notebook, lstm, rnn
Screenshot To Code
A neural network that transforms a design mock-up into a static website.
Stars: ✭ 13,561 (+7605.11%)
Text summurization abstractive methods
Multiple implementations for abstractive text summurization , using google colab
Stars: ✭ 359 (+103.98%)
Mutual labels:  jupyter-notebook, rnn, encoder-decoder
Neural Networks
All about Neural Networks!
Stars: ✭ 34 (-80.68%)
Mutual labels:  jupyter-notebook, lstm, rnn
Poetry Seq2seq
Chinese Poetry Generation
Stars: ✭ 159 (-9.66%)
Mutual labels:  jupyter-notebook, lstm, rnn
automatic-personality-prediction
[AAAI 2020] Modeling Personality with Attentive Networks and Contextual Embeddings
Stars: ✭ 43 (-75.57%)
Mutual labels:  lstm, rnn, attention
ConvLSTM-PyTorch
ConvLSTM/ConvGRU (Encoder-Decoder) with PyTorch on Moving-MNIST
Stars: ✭ 202 (+14.77%)
Mutual labels:  lstm, rnn, encoder-decoder
Lstm chem
Implementation of the paper - Generative Recurrent Networks for De Novo Drug Design.
Stars: ✭ 87 (-50.57%)
Mutual labels:  jupyter-notebook, lstm, rnn
Rnn Notebooks
RNN(SimpleRNN, LSTM, GRU) Tensorflow2.0 & Keras Notebooks (Workshop materials)
Stars: ✭ 48 (-72.73%)
Mutual labels:  jupyter-notebook, lstm, rnn
Pytorch Sentiment Analysis
Tutorials on getting started with PyTorch and TorchText for sentiment analysis.
Stars: ✭ 3,209 (+1723.3%)
Mutual labels:  jupyter-notebook, lstm, rnn
Lstm Sentiment Analysis
Sentiment Analysis with LSTMs in Tensorflow
Stars: ✭ 886 (+403.41%)
Mutual labels:  jupyter-notebook, lstm, rnn
Time Attention
Implementation of RNN for Time Series prediction from the paper https://arxiv.org/abs/1704.02971
Stars: ✭ 52 (-70.45%)
Mutual labels:  lstm, rnn, attention
Bitcoin Price Prediction Using Lstm
Bitcoin price Prediction ( Time Series ) using LSTM Recurrent neural network
Stars: ✭ 67 (-61.93%)
Mutual labels:  jupyter-notebook, lstm, rnn
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 (-50.57%)
Mutual labels:  jupyter-notebook, lstm
Speech Emotion Recognition
Detecting emotions using MFCC features of human speech using Deep Learning
Stars: ✭ 89 (-49.43%)
Mutual labels:  jupyter-notebook, rnn
Spark Nlp Models
Models and Pipelines for the Spark NLP library
Stars: ✭ 88 (-50%)
Mutual labels:  jupyter-notebook, nlu
Word Rnn Tensorflow
Multi-layer Recurrent Neural Networks (LSTM, RNN) for word-level language models in Python using TensorFlow.
Stars: ✭ 1,297 (+636.93%)
Mutual labels:  lstm, rnn
Codesearchnet
Datasets, tools, and benchmarks for representation learning of code.
Stars: ✭ 1,378 (+682.95%)
Mutual labels:  jupyter-notebook, rnn
Text predictor
Char-level RNN LSTM text generator📄.
Stars: ✭ 99 (-43.75%)
Mutual labels:  lstm, rnn
See Rnn
RNN and general weights, gradients, & activations visualization in Keras & TensorFlow
Stars: ✭ 102 (-42.05%)
Mutual labels:  lstm, rnn
Captcharecognition
End-to-end variable length Captcha recognition using CNN+RNN+Attention/CTC (pytorch implementation). 端到端的不定长验证码识别
Stars: ✭ 97 (-44.89%)
Mutual labels:  rnn, attention
Numpy Ml
Machine learning, in numpy
Stars: ✭ 11,100 (+6206.82%)
Mutual labels:  lstm, attention
Lstms.pth
PyTorch implementations of LSTM Variants (Dropout + Layer Norm)
Stars: ✭ 111 (-36.93%)
Mutual labels:  lstm, rnn
Pytorch Rnn Text Classification
Word Embedding + LSTM + FC
Stars: ✭ 112 (-36.36%)
Mutual labels:  lstm, rnn
Lstm Gru Pytorch
LSTM and GRU in PyTorch
Stars: ✭ 109 (-38.07%)
Mutual labels:  jupyter-notebook, lstm
Char Rnn Pytorch
使用PyTorch实现Char RNN生成古诗和周杰伦的歌词
Stars: ✭ 114 (-35.23%)
Mutual labels:  jupyter-notebook, rnn
Bertqa Attention On Steroids
BertQA - Attention on Steroids
Stars: ✭ 112 (-36.36%)
Mutual labels:  jupyter-notebook, attention
Know Your Intent
State of the Art results in Intent Classification using Sematic Hashing for three datasets: AskUbuntu, Chatbot and WebApplication.
Stars: ✭ 116 (-34.09%)
Mutual labels:  intent, jupyter-notebook
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 (-1.7%)
Mutual labels:  jupyter-notebook, lstm
Multilstm
keras attentional bi-LSTM-CRF for Joint NLU (slot-filling and intent detection) with ATIS
Stars: ✭ 122 (-30.68%)
Mutual labels:  jupyter-notebook, lstm
Multimodal Sentiment Analysis
Attention-based multimodal fusion for sentiment analysis
Stars: ✭ 172 (-2.27%)
Mutual labels:  lstm, attention
Self Attention Classification
document classification using LSTM + self attention
Stars: ✭ 84 (-52.27%)
Mutual labels:  lstm, attention
Deeplearning tutorials
The deeplearning algorithms implemented by tensorflow
Stars: ✭ 1,580 (+797.73%)
Mutual labels:  jupyter-notebook, lstm
Reinforcementlearning Atarigame
Pytorch LSTM RNN for reinforcement learning to play Atari games from OpenAI Universe. We also use Google Deep Mind's Asynchronous Advantage Actor-Critic (A3C) Algorithm. This is much superior and efficient than DQN and obsoletes it. Can play on many games
Stars: ✭ 118 (-32.95%)
Mutual labels:  jupyter-notebook, lstm
1-60 of 6690 similar projects