All Projects → RNNSearch → Similar Projects or Alternatives

432 Open source projects that are alternatives of or similar to RNNSearch

Pytorch Seq2seq
Tutorials on implementing a few sequence-to-sequence (seq2seq) models with PyTorch and TorchText.
Stars: ✭ 3,418 (+7848.84%)
Tf Seq2seq
Sequence to sequence learning using TensorFlow.
Stars: ✭ 387 (+800%)
Xmunmt
An implementation of RNNsearch using TensorFlow
Stars: ✭ 69 (+60.47%)
Joeynmt
Minimalist NMT for educational purposes
Stars: ✭ 420 (+876.74%)
Nmtpytorch
Sequence-to-Sequence Framework in PyTorch
Stars: ✭ 392 (+811.63%)
Nematus
Open-Source Neural Machine Translation in Tensorflow
Stars: ✭ 730 (+1597.67%)
Njunmt Tf
An open-source neural machine translation system developed by Natural Language Processing Group, Nanjing University.
Stars: ✭ 97 (+125.58%)
Nmt List
A list of Neural MT implementations
Stars: ✭ 359 (+734.88%)
Sockeye
Sequence-to-sequence framework with a focus on Neural Machine Translation based on Apache MXNet
Stars: ✭ 990 (+2202.33%)
Neural sp
End-to-end ASR/LM implementation with PyTorch
Stars: ✭ 408 (+848.84%)
Openseq2seq
Toolkit for efficient experimentation with Speech Recognition, Text2Speech and NLP
Stars: ✭ 1,378 (+3104.65%)
Neuralmonkey
An open-source tool for sequence learning in NLP built on TensorFlow.
Stars: ✭ 400 (+830.23%)
dynmt-py
Neural machine translation implementation using dynet's python bindings
Stars: ✭ 17 (-60.47%)
Nmt Keras
Neural Machine Translation with Keras
Stars: ✭ 501 (+1065.12%)
Word-Level-Eng-Mar-NMT
Translating English sentences to Marathi using Neural Machine Translation
Stars: ✭ 37 (-13.95%)
Attention-Visualization
Visualization for simple attention and Google's multi-head attention.
Stars: ✭ 54 (+25.58%)
Ner Bert
BERT-NER (nert-bert) with google bert https://github.com/google-research.
Stars: ✭ 339 (+688.37%)
Mutual labels:  attention, nmt
Nlp tensorflow project
Use tensorflow to achieve some NLP project, eg: classification chatbot ner attention QAetc.
Stars: ✭ 27 (-37.21%)
Mutual labels:  attention, nmt
Base-On-Relation-Method-Extract-News-DA-RNN-Model-For-Stock-Prediction--Pytorch
基於關聯式新聞提取方法之雙階段注意力機制模型用於股票預測
Stars: ✭ 33 (-23.26%)
Mutual labels:  seq2seq, attention
minimal-nmt
A minimal nmt example to serve as an seq2seq+attention reference.
Stars: ✭ 36 (-16.28%)
transformer
Neutron: A pytorch based implementation of Transformer and its variants.
Stars: ✭ 60 (+39.53%)
protein-transformer
Predicting protein structure through sequence modeling
Stars: ✭ 77 (+79.07%)
Mutual labels:  attention, sequence-to-sequence
Pytorch Chatbot
Pytorch seq2seq chatbot
Stars: ✭ 336 (+681.4%)
Mutual labels:  seq2seq, sequence-to-sequence
Encoder decoder
Four styles of encoder decoder model by Python, Theano, Keras and Seq2Seq
Stars: ✭ 269 (+525.58%)
Mutual labels:  seq2seq, attention
Text Classification Models Pytorch
Implementation of State-of-the-art Text Classification Models in Pytorch
Stars: ✭ 379 (+781.4%)
Mutual labels:  seq2seq, attention
Seq2seq.pytorch
Sequence-to-Sequence learning using PyTorch
Stars: ✭ 514 (+1095.35%)
A-Persona-Based-Neural-Conversation-Model
No description or website provided.
Stars: ✭ 22 (-48.84%)
Mutual labels:  seq2seq, sequence-to-sequence
dhs summit 2019 image captioning
Image captioning using attention models
Stars: ✭ 34 (-20.93%)
Mutual labels:  attention, sequence-to-sequence
Deep learning nlp
Keras, PyTorch, and NumPy Implementations of Deep Learning Architectures for NLP
Stars: ✭ 407 (+846.51%)
Mutual labels:  attention, nmt
Npmt
Towards Neural Phrase-based Machine Translation
Stars: ✭ 175 (+306.98%)
transformer
A PyTorch Implementation of "Attention Is All You Need"
Stars: ✭ 28 (-34.88%)
Mutual labels:  seq2seq, attention
Nlp Models Tensorflow
Gathers machine learning and Tensorflow deep learning models for NLP problems, 1.13 < Tensorflow < 2.0
Stars: ✭ 1,603 (+3627.91%)
Subword Nmt
Unsupervised Word Segmentation for Neural Machine Translation and Text Generation
Stars: ✭ 1,819 (+4130.23%)
Mutual labels:  neural-machine-translation, nmt
classy
classy is a simple-to-use library for building high-performance Machine Learning models in NLP.
Stars: ✭ 61 (+41.86%)
Mutual labels:  seq2seq, sequence-to-sequence
Nlp Tutorials
Simple implementations of NLP models. Tutorials are written in Chinese on my website https://mofanpy.com
Stars: ✭ 394 (+816.28%)
Mutual labels:  seq2seq, attention
Cluener2020
CLUENER2020 中文细粒度命名实体识别 Fine Grained Named Entity Recognition
Stars: ✭ 689 (+1502.33%)
Mutual labels:  seq2seq, sequence-to-sequence
Machine Translation
Stars: ✭ 51 (+18.6%)
Mutual labels:  seq2seq, sequence-to-sequence
Seq2seq chatbot
基于seq2seq模型的简单对话系统的tf实现,具有embedding、attention、beam_search等功能,数据集是Cornell Movie Dialogs
Stars: ✭ 308 (+616.28%)
Mutual labels:  seq2seq, nmt
Seq2seq Summarizer
Pointer-generator reinforced seq2seq summarization in PyTorch
Stars: ✭ 306 (+611.63%)
Mutual labels:  seq2seq, attention
CVAE Dial
CVAE_XGate model in paper "Xu, Dusek, Konstas, Rieser. Better Conversations by Modeling, Filtering, and Optimizing for Coherence and Diversity"
Stars: ✭ 16 (-62.79%)
Mutual labels:  seq2seq, sequence-to-sequence
Multiturndialogzoo
Multi-turn dialogue baselines written in PyTorch
Stars: ✭ 106 (+146.51%)
Mutual labels:  seq2seq, attention
Chinese Chatbot
中文聊天机器人,基于10万组对白训练而成,采用注意力机制,对一般问题都会生成一个有意义的答复。已上传模型,可直接运行,跑不起来直播吃键盘。
Stars: ✭ 124 (+188.37%)
Mutual labels:  seq2seq, attention
Nmtpy
nmtpy is a Python framework based on dl4mt-tutorial to experiment with Neural Machine Translation pipelines.
Stars: ✭ 127 (+195.35%)
Mutual labels:  neural-machine-translation, nmt
Delta
DELTA is a deep learning based natural language and speech processing platform.
Stars: ✭ 1,479 (+3339.53%)
Mutual labels:  seq2seq, sequence-to-sequence
Mlds2018spring
Machine Learning and having it Deep and Structured (MLDS) in 2018 spring
Stars: ✭ 124 (+188.37%)
Mutual labels:  seq2seq, sequence-to-sequence
classifier multi label seq2seq attention
multi-label,classifier,text classification,多标签文本分类,文本分类,BERT,ALBERT,multi-label-classification,seq2seq,attention,beam search
Stars: ✭ 26 (-39.53%)
Mutual labels:  seq2seq, attention
Video Captioning
This repository contains the code for a video captioning system inspired by Sequence to Sequence -- Video to Text. This system takes as input a video and generates a caption in English describing the video.
Stars: ✭ 131 (+204.65%)
Mutual labels:  seq2seq, sequence-to-sequence
Nspm
🤖 Neural SPARQL Machines for Knowledge Graph Question Answering.
Stars: ✭ 156 (+262.79%)
Text summarization with tensorflow
Implementation of a seq2seq model for summarization of textual data. Demonstrated on amazon reviews, github issues and news articles.
Stars: ✭ 226 (+425.58%)
Mutual labels:  seq2seq, sequence-to-sequence
Nlp pytorch project
Embedding, NMT, Text_Classification, Text_Generation, NER etc.
Stars: ✭ 153 (+255.81%)
Mutual labels:  seq2seq, nmt
Deep Time Series Prediction
Seq2Seq, Bert, Transformer, WaveNet for time series prediction.
Stars: ✭ 183 (+325.58%)
Mutual labels:  seq2seq, attention
Sequence To Sequence 101
a series of tutorials on sequence to sequence learning, implemented with PyTorch.
Stars: ✭ 62 (+44.19%)
Mutual labels:  seq2seq, sequence-to-sequence
vat nmt
Implementation of "Effective Adversarial Regularization for Neural Machine Translation", ACL 2019
Stars: ✭ 22 (-48.84%)
Mutual labels:  neural-machine-translation, nmt
Speech recognition with tensorflow
Implementation of a seq2seq model for Speech Recognition using the latest version of TensorFlow. Architecture similar to Listen, Attend and Spell.
Stars: ✭ 253 (+488.37%)
Mutual labels:  seq2seq, sequence-to-sequence
seq2seq-pytorch
Sequence to Sequence Models in PyTorch
Stars: ✭ 41 (-4.65%)
Mutual labels:  attention, sequence-to-sequence
tensorflow-chatbot-chinese
網頁聊天機器人 | tensorflow implementation of seq2seq model with bahdanau attention and Word2Vec pretrained embedding
Stars: ✭ 50 (+16.28%)
Mutual labels:  seq2seq, attention
chinese ancient poetry
seq2seq attention tensorflow textrank context
Stars: ✭ 30 (-30.23%)
Mutual labels:  seq2seq, attention
chatbot
一个基于深度学习的中文聊天机器人,这里有详细的教程与代码,每份代码都有详细的注释,作为学习是美好的选择。A Chinese chatbot based on deep learning.
Stars: ✭ 94 (+118.6%)
Mutual labels:  seq2seq, attention
Njunmt Pytorch
Stars: ✭ 79 (+83.72%)
Mutual labels:  neural-machine-translation, nmt
Language Translation
Neural machine translator for English2German translation.
Stars: ✭ 82 (+90.7%)
1-60 of 432 similar projects