All Projects → Eulring → Text Generation Papers

Eulring / Text Generation Papers

Paper collection of Neural Text Generation

Projects that are alternatives of or similar to Text Generation Papers

O Gan
O-GAN: Extremely Concise Approach for Auto-Encoding Generative Adversarial Networks
Stars: ✭ 117 (+154.35%)
Mutual labels:  gan, vae
Pycadl
Python package with source code from the course "Creative Applications of Deep Learning w/ TensorFlow"
Stars: ✭ 356 (+673.91%)
Mutual labels:  gan, vae
Deep Learning With Python
Example projects I completed to understand Deep Learning techniques with Tensorflow. Please note that I do no longer maintain this repository.
Stars: ✭ 134 (+191.3%)
Mutual labels:  gan, vae
Image To Image Papers
🦓<->🦒 🌃<->🌆 A collection of image to image papers with code (constantly updating)
Stars: ✭ 949 (+1963.04%)
Mutual labels:  papers, gan
Cool Fashion Papers
👔👗🕶️🎩 Cool resources about Fashion + AI! (papers, datasets, workshops, companies, ...) (constantly updating)
Stars: ✭ 464 (+908.7%)
Mutual labels:  papers, gan
Generative Models
Comparison of Generative Models in Tensorflow
Stars: ✭ 96 (+108.7%)
Mutual labels:  gan, vae
Video prediction
Stochastic Adversarial Video Prediction
Stars: ✭ 247 (+436.96%)
Mutual labels:  gan, vae
Adversarial video summary
Unofficial PyTorch Implementation of SUM-GAN from "Unsupervised Video Summarization with Adversarial LSTM Networks" (CVPR 2017)
Stars: ✭ 187 (+306.52%)
Mutual labels:  gan, vae
Generative Models
Annotated, understandable, and visually interpretable PyTorch implementations of: VAE, BIRVAE, NSGAN, MMGAN, WGAN, WGANGP, LSGAN, DRAGAN, BEGAN, RaGAN, InfoGAN, fGAN, FisherGAN
Stars: ✭ 438 (+852.17%)
Mutual labels:  gan, vae
Pytorch Rl
This repository contains model-free deep reinforcement learning algorithms implemented in Pytorch
Stars: ✭ 394 (+756.52%)
Mutual labels:  gan, vae
Tensorflow Generative Model Collections
Collection of generative models in Tensorflow
Stars: ✭ 3,785 (+8128.26%)
Mutual labels:  gan, vae
Generative Models
Collection of generative models, e.g. GAN, VAE in Pytorch and Tensorflow.
Stars: ✭ 6,701 (+14467.39%)
Mutual labels:  gan, vae
Tensorflow Vae Gan Draw
A collection of generative methods implemented with TensorFlow (Deep Convolutional Generative Adversarial Networks (DCGAN), Variational Autoencoder (VAE) and DRAW: A Recurrent Neural Network For Image Generation).
Stars: ✭ 577 (+1154.35%)
Mutual labels:  gan, vae
Advanced Deep Learning With Keras
Advanced Deep Learning with Keras, published by Packt
Stars: ✭ 917 (+1893.48%)
Mutual labels:  gan, vae
Anime person translation
人脸和动漫脸的互转
Stars: ✭ 35 (-23.91%)
Mutual labels:  gan
Discogan Pytorch
PyTorch implementation of "Learning to Discover Cross-Domain Relations with Generative Adversarial Networks"
Stars: ✭ 961 (+1989.13%)
Mutual labels:  gan
Deepnude nowatermark withmodel
DeepNude source code,without watermark,with demo and model download link,one command to run offline,GAN/Pytorch/pix2pix/pic2pic
Stars: ✭ 950 (+1965.22%)
Mutual labels:  gan
Pro gan pytorch Examples
Examples trained using the python pytorch package pro-gan-pth
Stars: ✭ 39 (-15.22%)
Mutual labels:  gan
Conversational Ai
Conversational AI Reading Materials
Stars: ✭ 34 (-26.09%)
Mutual labels:  papers
Deep learning projects
Stars: ✭ 28 (-39.13%)
Mutual labels:  gan

Text-Generation-Papers

Paper collection of Neural Text Generation tasks, may include Image Caption / Summarization

(working on it ......)

Survey

  • 2016 Tutorial on variational autoencoders [pdf]

  • 2017 Neural text generation: A practical guide [pdf]

  • 2018 Survey of the state of the art in natural language generation: Core tasks, applications and evaluation [pdf]

  • 2018 Neural Text Generation: Past, Present and Beyond [pdf]

  • 2018 Survey of the state of the art in natural language generation: Core tasks, applications and evaluation [link]


Text Generation Model

General

Classic

  • 1997 Long short-term memory [pdf] (LSTM)

  • 2003 A neural probabilistic language model [pdf] (NNLM)

  • 2010 Recurrent neural network based language model [pdf] (RNNLM)

  • 2014 Sequence to sequence learning with neural networks [pdf] (seq2seq)

  • 2014 Neural machine translation by jointly learning to align and translate [pdf] (Attn)

  • 2014 Learning phrase representations using RNN encoder-decoder for statistical machine translation [pdf] (GRU)

  • 2015 Scheduled sampling for sequence prediction with recurrent neural networks [pdf]

  • 2017 Attention is all you need [pdf]

Others

  • 2016 Controlling Output Length in Neural Encoder-Decoders [pdf]

  • 2019 Non-Monotonic Sequential Text Generation [pdf]

VAE

  • 2013 Auto-encoding variational bayes [pdf] (VAE)

  • 2015 Generating Sentences from a Continuous Space [pdf]

  • 2017 Toward controlled generation of text [pdf]

  • 2017 Improved variational autoencoders for text modeling using dilated convolutions [pdf]

  • 2017 Variational Attention for Sequence-to-Sequence Models [pdf]

  • 2018 Semi-Amortized Variational Autoencoders [pdf]

  • 2018 Unsupervised natural language generation with denoising autoencoders [pdf]

  • 2018 Latent alignment and variational attention [pdf] (Attn-VAE)

GAN

  • 2016 Gans for sequences of discrete elements with the gumbel-softmax distribution [pdf] (Gumbel-Softmax)

  • 2017 Seqgan: Sequence generative adversarial nets with policy gradient [link] (SeqGAN)

  • 2017 Maximum-likelihood augmented discrete generative adversarial networks [pdf] (MaliGAN)

  • 2017 Adversarial ranking for language generation [pdf] (RankGAN)

  • 2017 Adversarial feature matching for text generation [pdf] (TextGAN)

  • 2018 Maskgan: Better text generation via filling in the _ [pdf] (MaskGAN)

  • 2018 Long text generation via adversarial training with leaked information [pdf] (LeakGAN)

  • 2018 Diversity-Promoting GAN: A Cross-Entropy Based Generative Adversarial Network for Diversified Text Generation [pdf] (DpGAN)

  • 2018 SentiGAN: Generating Sentimental Texts via Mixture Adversarial Networks [pdf] (SentiGAN)


Image Caption

Classic

  • 2015 Show, attend and tell: Neural image caption generation with visual attention [pdf] (ATTN)

  • 2015 Show and tell: A neural image caption generator [pdf] (NIC)

  • 2015 Deep visual-semantic alignments for generating image descriptions [pdf]

  • 2017 Knowing When to Look: Adaptive Attention via a Visual Sentinel for Image Captioning [pdf] (Ada-ATTN)

  • 2017 Self-critical sequence training for image captioning [pdf] (SCST)

  • 2017 Towards Diverse and Natural Image Descriptions via a Conditional GAN [pdf]

Others

  • 2018 Entity-aware Image Caption Generation [pdf]

Summarization

Reinforcement Learning

  • 2018 A Deep Reinforced Model for Abstractive Summarization [pdf]

  • 2018 Improving Abstraction in Text Summarization [pdf]

  • 2018 Fast Abstractive Summarization with Reinforce-Selected Sentence Rewriting [pdf]

  • 2018 Multi-Reward Reinforced Summarization with Saliency and Entailment [pdf]

  • 2018 Closed-Book Training to Improve Summarization Encoder Memory [pdf]

Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].