└── README.md /README.md: -------------------------------------------------------------------------------- 1 | # A Paper List for Style Transfer in Text 2 | This is a paper list for style transfer in text. It also contains some related research areas, including controlled text generation. 3 | 4 | **Keyword:** *Style Transfer, Unsupervised, Natural Language Processing* 5 | 6 | # Paper List 7 | 8 | ## Review 9 | - Deep Learning for Text Style Transfer: A Survey, arXiv, 2020, [[paper]](https://arxiv.org/pdf/2011.00416.pdf) 10 | - Text Style Transfer: A Review and Experiment Evaluation, arXiv, 2020, [[paper]](https://arxiv.org/pdf/2010.12742.pdf) 11 | - A Review of Text Style Transfer using Deep Learning, TAI, 2021, [[paper]](https://arxiv.org/abs/2109.15144) 12 | 13 | ## Dataset 14 | - Dear Sir or Madam, May I introduce the YAFC Corpus: Corpus, Benchmarks and Metrics for Formality Style Transfer, NAACL-HLT 2018, [[paper]](https://arxiv.org/pdf/1803.06535) 15 | - A Dataset for Low-Resource Stylized Sequence-to-Sequence Generation, AAAI, 2020, [[paper]](https://www.msra.cn/wp-content/uploads/2020/01/A-Dataset-for-Low-Resource-Stylized-Sequence-to-Sequence-Generation.pdf), [[code]](https://github.com/MarkWuNLP/Data4StylizedS2S) 16 | - APPDIA: A Discourse-aware Transformer-based Style Transfer Model for Offensive Social Media Conversations, COLING 2022, [[paper]](https://aclanthology.org/2022.coling-1.530.pdf) 17 | - ParaDetox: Detoxification with Parallel Data, ACL 2022, [[paper]](https://aclanthology.org/2022.acl-long.469.pdf) 18 | 19 | ## Supervised (Parallel Data) 20 | - Shakespearizing Modern Language Using Copy-Enriched Sequence to Sequence Models, EMNLP-2017 Workshop, [[paper]](https://arxiv.org/pdf/1707.01161)[[code]](https://github.com/harsh19/Shakespearizing-Modern-English) 21 | - Evaluating prose style transfer with the Bible, 2018, [[paper]](https://arxiv.org/pdf/1711.04731) 22 | - Harnessing Pre-Trained Neural Networks with Rules for Formality Style Transfer, EMNLP-2019, [[paper]](https://www.aclweb.org/anthology/D19-1365/), [[code]](https://github.com/jimth001/formality_emnlp19) 23 | - Automatically Neutralizing Subjective Bias in Text, AAAI, 2020, [[paper]](https://nlp.stanford.edu/pubs/pryzant2020bias.pdf) 24 | - Formality Style Transfer with Shared Latent Space, COLING 2020, [[paper]](https://www.aclweb.org/anthology/2020.coling-main.203.pdf) 25 | - Smells like Teen Spirit:An Exploration of Sensorial Style in Literary Genres, COLING 2022, [[paper]](https://aclanthology.org/2022.coling-1.6.pdf) 26 | - ParaDetox: Detoxification with Parallel Data, ACL 2022, [[paper]](https://aclanthology.org/2022.acl-long.469.pdf) 27 | 28 | ## Unsupervised (Non-parallel Data) 29 | - Sequence to Better Sequence: Continuous Revision of Combinatorial Structures, ICML-2017, [[paper]](http://proceedings.mlr.press/v70/mueller17a.html), [[code]](https://bitbucket.org/jwmueller/sequence-to-better-sequence/) 30 | - Toward Controlled Generation of Text, ICML-2017, [[paper]](https://arxiv.org/pdf/1703.00955), [[official code]](https://github.com/asyml/texar/tree/master/examples/text_style_transfer), [[unofficial code]](https://github.com/GBLin5566/toward-controlled-generation-of-text-pytorch) 31 | - Style Transfer from Non-Parallel Text by Cross-Alignment, NIPS-2017, [[paper]](https://papers.nips.cc/paper/7259-style-transfer-from-non-parallel-text-by-cross-alignment.pdf), [[code]](https://github.com/shentianxiao/language-style-transfer) 32 | - Adversarially Regularized Autoencoders, ICML-2018, [[paper]](https://arxiv.org/pdf/1706.04223), [[code]](https://github.com/jakezhaojb/ARAE) 33 | - Zero-Shot Style Transfer in Text Using Recurrent Neural Networks, Arxiv-2017, [[paper]](https://arxiv.org/pdf/1711.04731v1), [[code]](https://github.com/keithecarlson/Zero-Shot-Style-Transfer) 34 | - Style Transfer in Text: Exploration and Evaluation, AAAI-2018, [[paper]](https://arxiv.org/pdf/1711.06861), [[code]](https://github.com/fuzhenxin/text_style_transfer) 35 | - Delete, Retrieve, Generate: A Simple Approach to Sentiment and Style Transfer, NAACL-2018, [[paper]](https://arxiv.org/pdf/1804.06437), [[code]](https://worksheets.codalab.org/worksheets/0xe3eb416773ed4883bb737662b31b4948/) 36 | - SHAPED: Shared-Private Encoder-Decoder for Text Style Adaptation, NAACL-2018, [[paper]](https://arxiv.org/pdf/1804.04093) 37 | - Sentiment Transfer using Seq2Seq Adversarial Autoencoders, project for CSYE7245 Northeastern University, [[paper]](https://arxiv.org/pdf/1804.04003) 38 | - Style Transfer Through Back-Translation, ACL-2018, [[paper]](https://arxiv.org/pdf/1804.09000), [[code]](https://github.com/shrimai/Style-Transfer-Through-Back-Translation) 39 | - Unpaired Sentiment-to-Sentiment Translation: A Cycled Reinforcement Learning Approach, ACL-2018, [[paper]](https://arxiv.org/pdf/1805.05181), [[code]](https://github.com/lancopku/unpaired-sentiment-translation) 40 | - Fighting Offensive Language on Social Media with Unsupervised Text Style Transfer, ACL-2018, [[paper]](https://arxiv.org/pdf/1805.07685) 41 | - Unsupervised Text Style Transfer using Language Models as Discriminators, NIPS-2018, [[paper]](https://arxiv.org/pdf/1805.11749) 42 | - Disentangled Representation Learning for Non-Parallel Text Style Transfer, ACL-2019, [[paper]](https://arxiv.org/pdf/1808.04339), [[code]](https://github.com/vineetjohn/linguistic-style-transfer) 43 | - Language Style Transfer from Sentences with Arbitrary Unknown Styles, Arxiv, [[paper]](https://arxiv.org/pdf/1808.04071) 44 | - Style Transfer as Unsupervised Machine Translation, Arxiv, [[paper]](https://arxiv.org/pdf/1808.07894) 45 | - Learning Sentiment Memories for Sentiment Modification without Parallel Data, EMNLP-2018, [[paper]](https://arxiv.org/pdf/1808.07311), [[code]](https://github.com/lancopku/SMAE) 46 | - Style Transfer Through Multilingual and Feedback-Based Back-Translation, Arxiv, 2018, [[paper]](https://arxiv.org/pdf/1809.06284) 47 | - Structured Content Preservation for Unsupervised Text Style Transfer, OpenReview, 2018, [[paper]](https://openreview.net/forum?id=S1lCbhAqKX) 48 | - Unsupervised Controllable Text Formalization, AAAI, 2019, [[paper]](https://arxiv.org/pdf/1809.04556), [[code]](https://github.com/parajain/uctf) 49 | - Large-scale Hierarchical Alignment for Data-driven Text Rewriting, RANLP, 2019, [[paper]](https://arxiv.org/pdf/1810.08237) 50 | - Learning Criteria and Evaluation Metrics for Textual Transfer between Non-Parallel Corpora, Arxiv, 2018, [[paper]](https://arxiv.org/pdf/1810.11878) 51 | - Content preserving text generation with attribute controls, NIPS, 2018, [[paper]](https://arxiv.org/pdf/1811.01135) 52 | - QuaSE: Sequence Editing under Quantifiable Guidance, EMNLP, 2018, [[paper]](http://aclweb.org/anthology/D18-1420) 53 | - Adversarial Text Generation via Feature-Mover's Distance, NeurIPS, 2018, [[paper]](https://arxiv.org/pdf/1809.06297), [[unofficial code]](https://github.com/knok/chainer-fm-gan) 54 | - Towards Controlled Transformation of Sentiment in Sentences, ICAART, 2019, [[paper]](https://arxiv.org/pdf/1901.11467) 55 | - Formality Style Transfer with Hybrid Textual Annotations, Arxiv, 2019, [[paper]](https://arxiv.org/pdf/1903.06353) 56 | - Reinforcement Learning Based Text Style Transfer without Parallel Training Corpus, NAACL-2019, 2019, [[paper]](https://arxiv.org/pdf/1903.10671) 57 | - Grammatical Error Correction and Style Transfer via Zero-shot Monolingual Translation, Arxiv, 2019, [[paper]](https://arxiv.org/pdf/1903.11283) 58 | - Multiple-Attribute Text Style Transfer (Rewriting), ICLR, 2019, [[paper]](https://openreview.net/forum?id=H1g2NhC5KQ) 59 | - Style Transformer: Unpaired Text Style Transfer without Disentangled Latent Representation, ACL, 2019, [[paper]](https://arxiv.org/pdf/1905.05621) 60 | - A Dual Reinforcement Learning Framework for Unsupervised Text Style Transfer, IJCAI, 2019, [[paper]](https://arxiv.org/pdf/1905.10060), [[code]](https://github.com/luofuli/DualLanST) 61 | - On Variational Learning of Controllable Representations for Text without Supervision, ICML, 2020, [[paper]](http://proceedings.mlr.press/v119/xu20a/xu20a.pdf) 62 | - Revision in Continuous Space: Fine-Grained Control of Text Style Transfer, AAAI, 2020, [[paper]](https://arxiv.org/pdf/1905.12304) 63 | - Controllable Unsupervised Text Attribute Transfer via Editing Entangled Latent Representation, NIPS, 2019, [[paper]](https://arxiv.org/pdf/1905.12926), [[code]](https://github.com/nrgeup/controllable-text-attribute-transfer) 64 | - Disentangled Representation Learning for Non-Parallel Text Style Transfer, ACL, 2019, [[paper]](https://www.aclweb.org/anthology/P19-1041), [[code]](https://github.com/vineetjohn/linguistic-style-transfer) 65 | - A Hierarchical Reinforced Sequence Operation Method for Unsupervised Text Style Transfer, ACL, 2019, [[paper]](https://www.aclweb.org/anthology/P19-1482), [[code]](https://github.com/ChenWu98/Point-Then-Operate) 66 | - Unsupervised Text Attribute Transfer via Iterative Matching and Translation, EMNLP, 2019, [[paper]](https://arxiv.org/pdf/1901.11333) 67 | - Mask and Infill: Applying Masked Language Model to Sentiment Transfer, IJCAI, 2019, [[paper]](https://arxiv.org/pdf/1908.08039) 68 | - Transforming Delete, Retrieve, Generate Approach for Controlled Text Style Transfer, EMNLP, 2019, [[paper]](https://arxiv.org/pdf/1908.09368), [[code]](https://github.com/agaralabs/transformer-drg-style-transfer) 69 | - Domain Adaptive Text Style Transfer, EMNLP, 2019, [[paper]](https://arxiv.org/pdf/1908.09395), [[code]](https://github.com/cookielee77/DAST) 70 | - Style Transfer for Texts: Retrain, Report Errors, Compare with Rewrites, EMNLP, 2019, [[paper]](https://arxiv.org/pdf/1908.06809.pdf), [[code]](https://github.com/VAShibaev/text_style_transfer) 71 | - Decomposing Textual Information For Style Transfer, WNGT, 2019, [[paper]](https://arxiv.org/pdf/1909.12928) 72 | - Zero-Shot Fine-Grained Style Transfer: Leveraging Distributed Continuous Style Representations to Transfer To Unseen Styles, Arxiv, 2019, [[paper]](https://arxiv.org/pdf/1911.03914) 73 | - A Probabilistic Formulation of Unsupervised Text Style Transfer, ICLR, 2020, [[paper]](https://openreview.net/forum?id=HJlA0C4tPS), [[code]](https://github.com/cindyxinyiwang/deep-latent-sequence-model) 74 | - Generating sentences from disentangled syntactic and semantic spaces, ACL, 2019, [[paper]](https://www.aclweb.org/anthology/P19-1602/), [[code]](https://github.com/baoy-nlp/DSS-VAE) 75 | - SentiInc: Incorporating Sentiment Information into Sentiment Transfer Without Parallel Data, ECIR, 2020, [[paper]](https://link.springer.com/content/pdf/10.1007%2F978-3-030-45442-5_39.pdf) 76 | - Expertise Style Transfer: A New Task Towards Better Communication between Experts and Laymen, ACL, 2020, [[paper]](https://arxiv.org/pdf/2005.00701.pdf) 77 | - Contextual Text Style Transfer, Arxiv, 2020, [[paper]](https://arxiv.org/pdf/2005.00136.pdf) 78 | - Exploring Contextual Word-level Style Relevance for Unsupervised Style Transfer, ACL, 2020, [[paper]](https://arxiv.org/pdf/2005.02049.pdf) 79 | - ST$^2$: Small-data Text Style Transfer via Multi-task Meta-Learning, Arxiv, 2020, [[paper]](https://arxiv.org/pdf/2004.11742) 80 | - Reinforced Rewards Framework for Text Style Transfer, ECIR, 2020, [[paper]](https://arxiv.org/pdf/2005.05256) 81 | - Challenges in Emotion Style Transfer: An Exploration with a Lexical Substitution Pipeline, SocialNLP, ACL, 2020, [[paper]](https://arxiv.org/pdf/2005.07617.pdf) 82 | - Stable Style Transformer: Delete and Generate Approach with Encoder-Decoder for Text Style Transfer, Arxiv, 2020, [[paper]](https://arxiv.org/pdf/2005.12086.pdf) 83 | - Unsupervised Automatic Text Style Transfer Using LSTM, NLPCC, 2017, [[paper]](http://tcci.ccf.org.cn/conference/2017/papers/1135.pdf) 84 | - Text Style Transfer via Learning Style Instance Supported Latent Space, IJCAI, 2020, [[paper]](https://www.ijcai.org/Proceedings/2020/0526.pdf) 85 | - Learning to Generate Multiple Style Transfer Outputs for an Input Sentence, Arxiv, 2020, [[paper]](https://arxiv.org/pdf/2002.06525) 86 | - Pre-train and Plug-in: Flexible Conditional Text Generation with Variational Auto-Encoders, ACL, 2020, [[paper]](https://arxiv.org/pdf/1911.03882.pdf) 87 | - Unsupervised Text Style Transfer with Padded Masked Language Models, EMNLP, 2020, [[paper]](https://arxiv.org/pdf/2010.01054.pdf) 88 | - Reformulating Unsupervised Style Transfer as Paraphrase Generation, EMNLP 2020, [[paper]](https://arxiv.org/pdf/2010.05700.pdf) 89 | - Plug and Play Autoencoders for Conditional Text Generation, EMNLP 2020 [[paper]](https://arxiv.org/pdf/2010.02983.pdf) 90 | - DGST: a Dual-Generator Network for Text Style Transfer, EMNLP 2020, [[paper]](https://arxiv.org/pdf/2010.14557.pdf) 91 | - How Positive Are You: Text Style Transfer Using Adaptive Style Embedding, EMNLP 2020, [[paper]](https://www.aclweb.org/anthology/2020.coling-main.191.pdf) 92 | - Unsupervised Text Generation by Learning from Search, NeurIPS 2020, [[paper]](https://papers.nips.cc/paper/2020/file/7a677bb4477ae2dd371add568dd19e23-Paper.pdf) 93 | - Cycle-Consistent Adversarial Autoencoders for Unsupervised Text Style Transfer, COLING 2020, [[paper]](https://arxiv.org/pdf/2010.00735.pdf) 94 | - TextSETTR: Label-Free Text Style Extraction and Tunable Targeted Restyling, Arxiv, 2020, [[paper]](https://arxiv.org/pdf/2010.03802.pdf) 95 | - Non-parallel text style transfer with domain adaptation and an attention model, Applied Intelligence, 2021, [[paper]](https://link.springer.com/article/10.1007/s10489-020-02077-5), [[code]](https://github.com/mingxuan007/text-style-transfer-with-adversarial-network-and-domain-adaptation) 96 | - Exploring Non-Autoregressive Text Style Transfer, EMNLP, 2021, [[paper]](https://aclanthology.org/2021.emnlp-main.730.pdf) 97 | - Generic resources are what you need: Style transfer tasks without task-specific parallel training data, EMNLP, 2021, [[paper]](https://arxiv.org/pdf/2109.04543.pdf) 98 | - Style Pooling: Automatic Text Style Obfuscation for Improved Classification Fairness, EMNLP, 2021, [[paper]](https://aclanthology.org/2021.emnlp-main.152.pdf) 99 | - Transductive Learning for Unsupervised Text Style Transfer, EMNLP, 2021, [[paper]](https://arxiv.org/pdf/2109.07812.pdf) 100 | - Collaborative Learning of Bidirectional Decoders for Unsupervised Text Style Transfer, EMNLP, 2021, [[paper]](https://aclanthology.org/2021.emnlp-main.729.pdf) 101 | - On Learning Text Style Transfer with Direct Rewards, NAACL, 2021, [[paper]](https://arxiv.org/pdf/2010.12771.pdf) 102 | - STYLEPTB: A Compositional Benchmark for Fine-grained Controllable Text Style Transfer, NAACL, 2021, [[paper]](https://arxiv.org/pdf/2104.05196.pdf),[[code]](https://github.com/lvyiwei1/StylePTB/) 103 | - Multi-Style Transfer with Discriminative Feedback on Disjoint Corpus, NAACL, 2021, [[paper]](https://arxiv.org/pdf/2010.11578.pdf) 104 | - Civil Rephrases Of Toxic Texts With Self-Supervised Transformers, EACL, 2021, [[paper]](https://arxiv.org/pdf/2102.05456.pdf), [[code]](https://github.com/LeoLaugier/conditional-auto-encoder-text-to-text-transfer-transformer) 105 | - Efficient Reinforcement Learning for Unsupervised Controlled Text Generation, Arxiv, 2022, [[paper]](https://arxiv.org/pdf/2204.07696.pdf) 106 | - So Different Yet So Alike! Constrained Unsupervised Text Style Transfer, ACL, 2022, [[paper]](https://aclanthology.org/2022.acl-long.32.pdf), [[code]](https://github.com/abhinavkashyap/dct) 107 | 108 | ## Semi-supervised 109 | - Semi-supervised Text Style Transfer: Cross Projection in Latent Space, EMNLP, 2019, [[paper]](https://arxiv.org/pdf/1909.11493) 110 | - Parallel Data Augmentation for Formality Style Transfer, ACL, 2020, [[paper]](https://arxiv.org/pdf/2005.07522.pdf) 111 | - Semi-Supervised Formality Style Transfer with Consistency Training, ACL, 2022, [[paper]](https://aclanthology.org/2022.acl-long.321.pdf), [[code]]([https://www.github](https://github.com/Aolius/semi-fst)) 112 | 113 | ## Evaluation and Analysis 114 | - Evaluating Style Transfer for Text, NAACL, 2019, [[paper1]](https://arxiv.org/pdf/1904.02295), [[paper2]](https://dspace.mit.edu/bitstream/handle/1721.1/119569/1076275047-MIT.pdf?sequence=1) 115 | - Rethinking Text Attribute Transfer: A Lexical Analysis, INLG, 2019, [[paper]](https://arxiv.org/pdf/1909.12335), [[code]](https://github.com/FranxYao/pivot_analysis) 116 | - Unsupervised Evaluation Metrics and Learning Criteria for Non-Parallel Textual Transfer, EMNLP Workshop on Neural Generation and Translation (WNGT), 2019, [[paper]](https://arxiv.org/pdf/1810.11878) 117 | - The Daunting Task of Real-World Textual Style Transfer Auto-Evaluation, WNGT, 2019, [[paper]](https://arxiv.org/pdf/1910.03747) 118 | - Style-transfer and Paraphrase: Looking for a Sensible Semantic Similarity Metric, Arxiv, 2020, [[paper]](https://arxiv.org/pdf/2004.05001.pdf) 119 | - What is wrong with style transfer for texts? Arxiv, [[paper]](https://arxiv.org/pdf/1808.04365) 120 | - Style versus Content: A distinction without a (learnable) difference?, COLING 2020, [[paper]](https://www.aclweb.org/anthology/2020.coling-main.197.pdf) 121 | - Rethinking Sentiment Style Transfer, EMNLP 2021, [[paper]](https://aclanthology.org/2021.findings-emnlp.135.pdf) 122 | - Evaluating the Evaluation Metrics for Style Transfer: A Case Study in Multilingual Formality Transfer, EMNLP 2021, [[paper]](https://aclanthology.org/2021.emnlp-main.100.pdf) 123 | - Does It Capture STEL? A Modular, Similarity-based Linguistic Style Evaluation Framework, EMNLP 2021, [[paper]](https://aclanthology.org/2021.emnlp-main.569.pdf) 124 | 125 | ## Stylistic Related Papers 126 | - Controlling Politeness in Neural Machine Translation via Side Constraints, NAACL 2016, [[paper]](https://www.aclweb.org/anthology/N16-1005.pdf) 127 | - A Study of Style in Machine Translation: Controlling the Formality of Machine Translation Output, EMNLP 2017, [[paper]](https://www.aclweb.org/anthology/D17-1299.pdf) 128 | - Controlling Linguistic Style Aspects in Neural Language Generation, EMNLP-2017 Workshop, [[paper]](https://arxiv.org/pdf/1707.02633) 129 | - Is writing style predictive of scientific fraud?, EMNLP-2017 Workshop, [[paper]](http://www.aclweb.org/anthology/W17-4905) 130 | - Incorporating Pseudo-Parallel Data for Quantifiable Sequence Editing, EMNLP-2018, [[paper]](https://arxiv.org/pdf/1804.07007) 131 | - Polite Dialogue Generation Without Parallel Data, TACL, [[paper]](https://arxiv.org/pdf/1805.03162) 132 | - Adversarial Decomposition of Text Representation, Arxiv, [[paper]](https://arxiv.org/pdf/1808.09042) 133 | - Unsupervised Stylish Image Description Generation via Domain Layer Norm, AAAI 2019, [[paper]](https://arxiv.org/pdf/1809.06214) 134 | - Transfer Learning for Style-Specific Text Generation, UNK, 2018, [[paper]](https://nips2018creativity.github.io/doc/Transfer%20Learning%20for%20Style-Specific%20Text%20Generation.pdf) 135 | - Generating lyrics with variational autoencoder and multi-modal artist embeddings, Arxiv, 2018, [[paper]](https://arxiv.org/pdf/1812.08318) 136 | - Generating Sentences by Editing Prototypes, TACL, 2018, [[paper]](https://www.aclweb.org/anthology/Q18-1031/) 137 | - ALTER: Auxiliary Text Rewriting Tool for Natural Language Generation, EMNLP, 2019, [[paper]](https://arxiv.org/pdf/1909.06564) 138 | - Stylized Text Generation Using Wasserstein Autoencoders with a Mixture of Gaussian Prior, Arxiv, 2019, [[paper]](https://arxiv.org/pdf/1911.03828) 139 | - Adapting Language Models for Non-Parallel Author-Stylized Rewriting, AAAI, 2020 [[paper]](https://arxiv.org/pdf/1909.09962) 140 | - Structuring Latent Spaces for Stylized Response Generation, EMNLP, 2019, [[paper]](https://arxiv.org/pdf/1909.05361) 141 | - Complementary Auxiliary Classifiers for Label-Conditional Text Generation, AAAI, 2020, [[paper]](http://people.ee.duke.edu/~lcarin/AAAI_LiY_6828.pdf), [[code]](https://github.com/s1155026040/CARA) 142 | - Hooks in the Headline: Learning to Generate Headlines with Controlled Styles, ACL, 2020, [[paper]](https://arxiv.org/pdf/2004.01980.pdf) 143 | - Exploring Contextual Word-level Style Relevance for Unsupervised Style Transfer, ACL, 2020, [[paper]](https://arxiv.org/pdf/2005.02049.pdf) 144 | - Parallel Data Augmentation for Formality Style Transfer, ACL, 2020, [[paper]](https://arxiv.org/pdf/2005.07522.pdf) 145 | - Politeness Transfer: A Tag and Generate Approach, ACL, 2020, [[paper]](https://arxiv.org/pdf/2004.14257.pdf) 146 | - Towards A Friendly Online Community: An Unsupervised Style Transfer Framework for Profanity Redaction, COLING 2020, [[paper]](https://arxiv.org/pdf/2011.00403.pdf) 147 | - Generating similes effortlessly like a Pro: A Style Transfer Approach for Simile Generation, EMNLP 2020, [[paper]](https://arxiv.org/pdf/2009.08942.pdf) 148 | - PowerTransformer: Unsupervised Controllable Revision for Biased Language Correction, EMNLP 2020, [[paper]](https://www.aclweb.org/anthology/2020.emnlp-main.602.pdf) 149 | - Does BERT Learn as Humans Perceive? Understanding Linguistic Styles through Lexica, EMNLP 2021, [[paper]](https://aclanthology.org/2021.emnlp-main.510.pdf) 150 | 151 | ## Controlled Text Generation (Similar, but not exactly style transfer) 152 | - Toward Controlled Generation of Text, ICML 2017. [[paper]](https://arxiv.org/pdf/1703.00955.pdf) 153 | - CTRL: A Conditional Transformer Language Model for Controllable Generation, arXiv 2019. [[paper]](https://arxiv.org/pdf/1909.05858.pdf) 154 | - Defending Against Neural Fake News, NeurIPS 2019. (about conditional generation of neural fake news) [[paper]](https://arxiv.org/pdf/1905.12616.pdf) 155 | - Plug and Play Language Models: A Simple Approach to Controlled Text Generation, ICLR 2020. [[paper]](https://openreview.net/pdf?id=H1edEyBKDS) 156 | - COCON: A Self-Supervised Approach for Controlled Text Generation, ICLR 2021. [[paper]](https://openreview.net/pdf?id=VD_ozqvBy4W) 157 | - MISS: An Assistant for Multi-Style Simultaneous Translation, EMNLP, 2021. [[paper]](https://aclanthology.org/2021.emnlp-demo.1.pdf) 158 | # Unsupervised Seq2Seq 159 | - Unsupervised neural machine translation, 2017. [[paper]](https://arxiv.org/pdf/1710.11041.pdf) 160 | 161 | 162 | # Workshop and Tutorial 163 | - Stylistic Variation, EMNLP-2017, [[link]](https://sites.google.com/site/workshoponstylisticvariation/) 164 | - Stylistic Variation, NAACL-HLT-2018, [[link]](https://sites.google.com/view/2ndstylisticvariation/home) 165 | - Stylized Text Generation, ACL-2020, [[link]](https://sites.google.com/view/2020-stylized-text-generation/tutorial) [[video-part1]](https://vimeo.com/436479481) [[video-part2]](https://www.youtube.com/watch?v=qSbqVjM-Vik) 166 | 167 | # Copyright 168 | By Zhenxin Fu (fuzhenxin95@gmail.com) from Peking University. 169 | **Welcome to open an issue or make a pull request!** 170 | --------------------------------------------------------------------------------