All Projects → Conv_seq2seq → Similar Projects or Alternatives

175 Open source projects that are alternatives of or similar to Conv_seq2seq

BERT-NER
Using pre-trained BERT models for Chinese and English NER with 🤗Transformers
Stars: ✭ 114 (-62.5%)
Mutual labels:  seq2seq
Shakespearizing-Modern-English
Code for "Jhamtani H.*, Gangal V.*, Hovy E. and Nyberg E. Shakespearizing Modern Language Using Copy-Enriched Sequence to Sequence Models" Workshop on Stylistic Variation, EMNLP 2017
Stars: ✭ 64 (-78.95%)
Mutual labels:  seq2seq
DLCV2018SPRING
Deep Learning for Computer Vision (CommE 5052) in NTU
Stars: ✭ 38 (-87.5%)
Mutual labels:  seq2seq
cnn-seq2seq
No description or website provided.
Stars: ✭ 39 (-87.17%)
Mutual labels:  seq2seq
Deep-Learning-Tensorflow
Gathers Tensorflow deep learning models.
Stars: ✭ 50 (-83.55%)
Mutual labels:  seq2seq
ai-visual-storytelling-seq2seq
Implementation of seq2seq model for Visual Storytelling Challenge (VIST) http://visionandlanguage.net/VIST/index.html
Stars: ✭ 50 (-83.55%)
Mutual labels:  seq2seq
Conversational-AI-Chatbot-using-Practical-Seq2Seq
A simple open domain generative based chatbot based on Recurrent Neural Networks
Stars: ✭ 17 (-94.41%)
Mutual labels:  seq2seq
Keras Text Summarization
Text summarization using seq2seq in Keras
Stars: ✭ 260 (-14.47%)
Mutual labels:  seq2seq
transformer
A PyTorch Implementation of "Attention Is All You Need"
Stars: ✭ 28 (-90.79%)
Mutual labels:  seq2seq
GAN-RNN Timeseries-imputation
Recurrent GAN for imputation of time series data. Implemented in TensorFlow 2 on Wikipedia Web Traffic Forecast dataset from Kaggle.
Stars: ✭ 107 (-64.8%)
Mutual labels:  seq2seq
Embedding
Embedding模型代码和学习笔记总结
Stars: ✭ 25 (-91.78%)
Mutual labels:  seq2seq
classifier multi label seq2seq attention
multi-label,classifier,text classification,多标签文本分类,文本分类,BERT,ALBERT,multi-label-classification,seq2seq,attention,beam search
Stars: ✭ 26 (-91.45%)
Mutual labels:  seq2seq
NeuralTextSimplification
Exploring Neural Text Simplification
Stars: ✭ 64 (-78.95%)
Mutual labels:  seq2seq
lstm-math
Neural network that solves math equations on the character level
Stars: ✭ 26 (-91.45%)
Mutual labels:  seq2seq
Seq2seq chatbot links
Links to the implementations of neural conversational models for different frameworks
Stars: ✭ 270 (-11.18%)
Mutual labels:  seq2seq
FontRNN
Implementation of FontRNN [Computer Graphics Forum, 2019].
Stars: ✭ 27 (-91.12%)
Mutual labels:  seq2seq
neural-chat
An AI chatbot using seq2seq
Stars: ✭ 30 (-90.13%)
Mutual labels:  seq2seq
DeepLearning-Lab
Code lab for deep learning. Including rnn,seq2seq,word2vec,cross entropy,bidirectional rnn,convolution operation,pooling operation,InceptionV3,transfer learning.
Stars: ✭ 83 (-72.7%)
Mutual labels:  seq2seq
Komputation
Komputation is a neural network framework for the Java Virtual Machine written in Kotlin and CUDA C.
Stars: ✭ 295 (-2.96%)
Mutual labels:  seq2seq
adversarial-code-generation
Source code for the ICLR 2021 work "Generating Adversarial Computer Programs using Optimized Obfuscations"
Stars: ✭ 16 (-94.74%)
Mutual labels:  seq2seq
MoChA-pytorch
PyTorch Implementation of "Monotonic Chunkwise Attention" (ICLR 2018)
Stars: ✭ 65 (-78.62%)
Mutual labels:  seq2seq
minimal-nmt
A minimal nmt example to serve as an seq2seq+attention reference.
Stars: ✭ 36 (-88.16%)
Mutual labels:  seq2seq
Seq2Seq-Models
Basic Seq2Seq, Attention, CopyNet
Stars: ✭ 19 (-93.75%)
Mutual labels:  seq2seq
Adversarial-Learning-for-Generative-Conversational-Agents
This repository contains a new adversarial training method for Generative Conversational Agents
Stars: ✭ 71 (-76.64%)
Mutual labels:  seq2seq
pytorch-transformer-chatbot
PyTorch v1.2에서 생긴 Transformer API 를 이용한 간단한 Chitchat 챗봇
Stars: ✭ 44 (-85.53%)
Mutual labels:  seq2seq
Base-On-Relation-Method-Extract-News-DA-RNN-Model-For-Stock-Prediction--Pytorch
基於關聯式新聞提取方法之雙階段注意力機制模型用於股票預測
Stars: ✭ 33 (-89.14%)
Mutual labels:  seq2seq
seq3
Source code for the NAACL 2019 paper "SEQ^3: Differentiable Sequence-to-Sequence-to-Sequence Autoencoder for Unsupervised Abstractive Sentence Compression"
Stars: ✭ 121 (-60.2%)
Mutual labels:  seq2seq
keras seq2seq word level
Implementation of seq2seq word-level model using keras
Stars: ✭ 12 (-96.05%)
Mutual labels:  seq2seq
Video-Cap
🎬 Video Captioning: ICCV '15 paper implementation
Stars: ✭ 44 (-85.53%)
Mutual labels:  seq2seq
Quick Nlp
Pytorch NLP library based on FastAI
Stars: ✭ 279 (-8.22%)
Mutual labels:  seq2seq
RNNSearch
An implementation of attention-based neural machine translation using Pytorch
Stars: ✭ 43 (-85.86%)
Mutual labels:  seq2seq
torch-asg
Auto Segmentation Criterion (ASG) implemented in pytorch
Stars: ✭ 42 (-86.18%)
Mutual labels:  seq2seq
NeuralCitationNetwork
Neural Citation Network for Context-Aware Citation Recommendation (SIGIR 2017)
Stars: ✭ 24 (-92.11%)
Mutual labels:  seq2seq
Tf tutorial plus
Tutorials for TensorFlow APIs the official documentation doesn't cover
Stars: ✭ 293 (-3.62%)
Mutual labels:  seq2seq
fiction generator
Fiction generator with Tensorflow. 模仿王小波的风格的小说生成器
Stars: ✭ 27 (-91.12%)
Mutual labels:  seq2seq
chatbot
🤖️ 基于 PyTorch 的任务型聊天机器人(支持私有部署和 docker 部署的 Chatbot)
Stars: ✭ 77 (-74.67%)
Mutual labels:  seq2seq
Nuts
自然语言处理常见任务(主要包括文本分类,序列标注,自动问答等)解决方案试验田
Stars: ✭ 21 (-93.09%)
Mutual labels:  seq2seq
Encoder decoder
Four styles of encoder decoder model by Python, Theano, Keras and Seq2Seq
Stars: ✭ 269 (-11.51%)
Mutual labels:  seq2seq
deep-keyphrase
seq2seq based keyphrase generation model sets, including copyrnn copycnn and copytransfomer
Stars: ✭ 51 (-83.22%)
Mutual labels:  seq2seq
classy
classy is a simple-to-use library for building high-performance Machine Learning models in NLP.
Stars: ✭ 61 (-79.93%)
Mutual labels:  seq2seq
YodaSpeak
Translating English to Yoda English using Sequence-to-Sequence with Tensorflow.
Stars: ✭ 25 (-91.78%)
Mutual labels:  seq2seq
Dynamic Seq2seq
seq2seq中文聊天机器人
Stars: ✭ 303 (-0.33%)
Mutual labels:  seq2seq
A-Persona-Based-Neural-Conversation-Model
No description or website provided.
Stars: ✭ 22 (-92.76%)
Mutual labels:  seq2seq
dts
A Keras library for multi-step time-series forecasting.
Stars: ✭ 130 (-57.24%)
Mutual labels:  seq2seq
chatbot
kbqa task-oriented qa seq2seq ir neo4j jena seq2seq tf chatbot chat
Stars: ✭ 32 (-89.47%)
Mutual labels:  seq2seq
Deepqa
My tensorflow implementation of "A neural conversational model", a Deep learning based chatbot
Stars: ✭ 2,811 (+824.67%)
Mutual labels:  seq2seq
keras-chatbot-web-api
Simple keras chat bot using seq2seq model with Flask serving web
Stars: ✭ 51 (-83.22%)
Mutual labels:  seq2seq
ttslearn
ttslearn: Library for Pythonで学ぶ音声合成 (Text-to-speech with Python)
Stars: ✭ 158 (-48.03%)
Mutual labels:  seq2seq
sentence2vec
Deep sentence embedding using Sequence to Sequence learning
Stars: ✭ 23 (-92.43%)
Mutual labels:  seq2seq
Trade Dst
Source code for transferable dialogue state generator (TRADE, Wu et al., 2019). https://arxiv.org/abs/1905.08743
Stars: ✭ 287 (-5.59%)
Mutual labels:  seq2seq
CVAE Dial
CVAE_XGate model in paper "Xu, Dusek, Konstas, Rieser. Better Conversations by Modeling, Filtering, and Optimizing for Coherence and Diversity"
Stars: ✭ 16 (-94.74%)
Mutual labels:  seq2seq
deep-molecular-optimization
Molecular optimization by capturing chemist’s intuition using the Seq2Seq with attention and the Transformer
Stars: ✭ 60 (-80.26%)
Mutual labels:  seq2seq
dynmt-py
Neural machine translation implementation using dynet's python bindings
Stars: ✭ 17 (-94.41%)
Mutual labels:  seq2seq
2D-LSTM-Seq2Seq
PyTorch implementation of a 2D-LSTM Seq2Seq Model for NMT.
Stars: ✭ 25 (-91.78%)
Mutual labels:  seq2seq
transformer
Neutron: A pytorch based implementation of Transformer and its variants.
Stars: ✭ 60 (-80.26%)
Mutual labels:  seq2seq
Seq2seq Summarizer
Pointer-generator reinforced seq2seq summarization in PyTorch
Stars: ✭ 306 (+0.66%)
Mutual labels:  seq2seq
Bert seq2seq
pytorch实现bert做seq2seq任务,使用unilm方案,现在也可以做自动摘要,文本分类,情感分析,NER,词性标注等任务,支持GPT2进行文章续写。
Stars: ✭ 298 (-1.97%)
Mutual labels:  seq2seq
Rnn For Joint Nlu
Tensorflow implementation of "Attention-Based Recurrent Neural Network Models for Joint Intent Detection and Slot Filling" (https://arxiv.org/abs/1609.01454)
Stars: ✭ 281 (-7.57%)
Mutual labels:  seq2seq
TaLKConvolutions
Official PyTorch implementation of Time-aware Large Kernel (TaLK) Convolutions (ICML 2020)
Stars: ✭ 26 (-91.45%)
Mutual labels:  seq2seq
Neural Conversation Models
Tensorflow based Neural Conversation Models
Stars: ✭ 29 (-90.46%)
Mutual labels:  seq2seq
1-60 of 175 similar projects