All Projects → Pytorch Batch Attention Seq2seq → Similar Projects or Alternatives

215 Open source projects that are alternatives of or similar to Pytorch Batch Attention Seq2seq

Sockeye
Sequence-to-sequence framework with a focus on Neural Machine Translation based on Apache MXNet
Stars: ✭ 990 (+304.08%)
Mutual labels:  seq2seq, attention-model
Kashgari
Kashgari is a production-level NLP Transfer learning framework built on top of tf.keras for text-labeling and text-classification, includes Word2Vec, BERT, and GPT2 Language Embedding.
Stars: ✭ 2,235 (+812.24%)
Mutual labels:  seq2seq
Chinese Chatbot
中文聊天机器人,基于10万组对白训练而成,采用注意力机制,对一般问题都会生成一个有意义的答复。已上传模型,可直接运行,跑不起来直播吃键盘。
Stars: ✭ 124 (-49.39%)
Mutual labels:  seq2seq
Tacotron Pytorch
A Pytorch Implementation of Tacotron: End-to-end Text-to-speech Deep-Learning Model
Stars: ✭ 104 (-57.55%)
Mutual labels:  seq2seq
Bamnet
Code & data accompanying the NAACL 2019 paper "Bidirectional Attentive Memory Networks for Question Answering over Knowledge Bases"
Stars: ✭ 140 (-42.86%)
Mutual labels:  attention-model
Snli Entailment
attention model for entailment on SNLI corpus implemented in Tensorflow and Keras
Stars: ✭ 181 (-26.12%)
Mutual labels:  attention-model
Transformers
🤗 Transformers: State-of-the-art Machine Learning for Pytorch, TensorFlow, and JAX.
Stars: ✭ 55,742 (+22651.84%)
Mutual labels:  seq2seq
Screenshot To Code
A neural network that transforms a design mock-up into a static website.
Stars: ✭ 13,561 (+5435.1%)
Mutual labels:  seq2seq
Question generation
It is a question-generator model. It takes text and an answer as input and outputs a question.
Stars: ✭ 166 (-32.24%)
Mutual labels:  seq2seq
Pytorch Seq2seq
An open source framework for seq2seq models in PyTorch.
Stars: ✭ 1,297 (+429.39%)
Mutual labels:  seq2seq
Code
ECG Classification
Stars: ✭ 78 (-68.16%)
Mutual labels:  attention-model
Conversation Tensorflow
TensorFlow implementation of Conversation Models
Stars: ✭ 143 (-41.63%)
Mutual labels:  seq2seq
Kospeech
Open-Source Toolkit for End-to-End Korean Automatic Speech Recognition.
Stars: ✭ 190 (-22.45%)
Mutual labels:  seq2seq
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 (-46.53%)
Mutual labels:  seq2seq
Headliner
🏖 Easy training and deployment of seq2seq models.
Stars: ✭ 221 (-9.8%)
Mutual labels:  seq2seq
Kaggle Web Traffic
1st place solution
Stars: ✭ 1,641 (+569.8%)
Mutual labels:  seq2seq
Tensorflow Tutorials
텐서플로우를 기초부터 응용까지 단계별로 연습할 수 있는 소스 코드를 제공합니다
Stars: ✭ 2,096 (+755.51%)
Mutual labels:  seq2seq
Deepcorrect
Text and Punctuation correction with Deep Learning
Stars: ✭ 105 (-57.14%)
Mutual labels:  seq2seq
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 (-7.76%)
Mutual labels:  seq2seq
Cakechat
CakeChat: Emotional Generative Dialog System
Stars: ✭ 1,361 (+455.51%)
Mutual labels:  seq2seq
Pytorch Acnn Model
code of Relation Classification via Multi-Level Attention CNNs
Stars: ✭ 170 (-30.61%)
Mutual labels:  attention-model
Attention Gated Networks
Use of Attention Gates in a Convolutional Neural Network / Medical Image Classification and Segmentation
Stars: ✭ 1,237 (+404.9%)
Mutual labels:  attention-model
Pytorch Beam Search Decoding
PyTorch implementation of beam search decoding for seq2seq models
Stars: ✭ 204 (-16.73%)
Mutual labels:  seq2seq
Nspm
🤖 Neural SPARQL Machines for Knowledge Graph Question Answering.
Stars: ✭ 156 (-36.33%)
Mutual labels:  seq2seq
Ai Writer data2doc
PyTorch Implementation of NBA game summary generator.
Stars: ✭ 69 (-71.84%)
Mutual labels:  seq2seq
Deepattention
Deep Visual Attention Prediction (TIP18)
Stars: ✭ 65 (-73.47%)
Mutual labels:  attention-model
Awesome Speech Recognition Speech Synthesis Papers
Automatic Speech Recognition (ASR), Speaker Verification, Speech Synthesis, Text-to-Speech (TTS), Language Modelling, Singing Voice Synthesis (SVS), Voice Conversion (VC)
Stars: ✭ 2,085 (+751.02%)
Mutual labels:  seq2seq
Lingvo
Lingvo
Stars: ✭ 2,361 (+863.67%)
Mutual labels:  seq2seq
Seq2seq chatbot new
基于seq2seq模型的简单对话系统的tf实现,具有embedding、attention、beam_search等功能,数据集是Cornell Movie Dialogs
Stars: ✭ 144 (-41.22%)
Mutual labels:  seq2seq
Natural Language Processing With Tensorflow
Natural Language Processing with TensorFlow, published by Packt
Stars: ✭ 222 (-9.39%)
Mutual labels:  seq2seq
Awesome Chatbot
Awesome Chatbot Projects,Corpus,Papers,Tutorials.Chinese Chatbot =>:
Stars: ✭ 1,785 (+628.57%)
Mutual labels:  seq2seq
Deep Time Series Prediction
Seq2Seq, Bert, Transformer, WaveNet for time series prediction.
Stars: ✭ 183 (-25.31%)
Mutual labels:  seq2seq
Image Caption Generator
A neural network to generate captions for an image using CNN and RNN with BEAM Search.
Stars: ✭ 126 (-48.57%)
Mutual labels:  attention-model
Nlp made easy
Explains nlp building blocks in a simple manner.
Stars: ✭ 232 (-5.31%)
Mutual labels:  seq2seq
Mlds2018spring
Machine Learning and having it Deep and Structured (MLDS) in 2018 spring
Stars: ✭ 124 (-49.39%)
Mutual labels:  seq2seq
Tgen
Statistical NLG for spoken dialogue systems
Stars: ✭ 179 (-26.94%)
Mutual labels:  seq2seq
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 (-51.43%)
Mutual labels:  attention-model
Generative inpainting
DeepFill v1/v2 with Contextual Attention and Gated Convolution, CVPR 2018, and ICCV 2019 Oral
Stars: ✭ 2,659 (+985.31%)
Mutual labels:  attention-model
Multiturndialogzoo
Multi-turn dialogue baselines written in PyTorch
Stars: ✭ 106 (-56.73%)
Mutual labels:  seq2seq
Tensorflow Ml Nlp
텐서플로우와 머신러닝으로 시작하는 자연어처리(로지스틱회귀부터 트랜스포머 챗봇까지)
Stars: ✭ 176 (-28.16%)
Mutual labels:  seq2seq
Delta
DELTA is a deep learning based natural language and speech processing platform.
Stars: ✭ 1,479 (+503.67%)
Mutual labels:  seq2seq
Mead Baseline
Deep-Learning Model Exploration and Development for NLP
Stars: ✭ 238 (-2.86%)
Mutual labels:  seq2seq
Openseq2seq
Toolkit for efficient experimentation with Speech Recognition, Text2Speech and NLP
Stars: ✭ 1,378 (+462.45%)
Mutual labels:  seq2seq
Spark Nlp
State of the Art Natural Language Processing
Stars: ✭ 2,518 (+927.76%)
Mutual labels:  seq2seq
Transformer image caption
Image Captioning based on Bottom-Up and Top-Down Attention model
Stars: ✭ 94 (-61.63%)
Mutual labels:  attention-model
Keras Attention Mechanism
Attention mechanism Implementation for Keras.
Stars: ✭ 2,504 (+922.04%)
Mutual labels:  attention-model
Im2latex
Pytorch implemention of Deep CNN Encoder + LSTM Decoder with Attention for Image to Latex
Stars: ✭ 84 (-65.71%)
Mutual labels:  seq2seq
Deep News Summarization
News summarization using sequence to sequence model with attention in TensorFlow.
Stars: ✭ 167 (-31.84%)
Mutual labels:  seq2seq
Tensorflow seq2seq chatbot
Stars: ✭ 81 (-66.94%)
Mutual labels:  seq2seq
Nlp Tools
😋本项目旨在通过Tensorflow基于BiLSTM+CRF实现中文分词、词性标注、命名实体识别(NER)。
Stars: ✭ 225 (-8.16%)
Mutual labels:  seq2seq
Xmunmt
An implementation of RNNsearch using TensorFlow
Stars: ✭ 69 (-71.84%)
Mutual labels:  seq2seq
Poetry Seq2seq
Chinese Poetry Generation
Stars: ✭ 159 (-35.1%)
Mutual labels:  seq2seq
Pytorch Attention Guided Cyclegan
Pytorch implementation of Unsupervised Attention-guided Image-to-Image Translation.
Stars: ✭ 67 (-72.65%)
Mutual labels:  attention-model
Speech emotion recognition blstm
Bidirectional LSTM network for speech emotion recognition.
Stars: ✭ 203 (-17.14%)
Mutual labels:  attention-model
Sequence To Sequence 101
a series of tutorials on sequence to sequence learning, implemented with PyTorch.
Stars: ✭ 62 (-74.69%)
Mutual labels:  seq2seq
Sa Tensorflow
Soft attention mechanism for video caption generation
Stars: ✭ 154 (-37.14%)
Mutual labels:  attention-model
Tensorflow Shakespeare
Neural machine translation between the writings of Shakespeare and modern English using TensorFlow
Stars: ✭ 244 (-0.41%)
Mutual labels:  seq2seq
Debug seq2seq
[unmaintained] Make seq2seq for keras work
Stars: ✭ 233 (-4.9%)
Mutual labels:  seq2seq
Paddlenlp
NLP Core Library and Model Zoo based on PaddlePaddle 2.0
Stars: ✭ 212 (-13.47%)
Mutual labels:  seq2seq
Seq2seq
基于Pytorch的中文聊天机器人 集成BeamSearch算法
Stars: ✭ 200 (-18.37%)
Mutual labels:  seq2seq
1-60 of 215 similar projects