b

DiscoverSearch
About
My stuff
Fair Transfer of Multiple Style Attributes in Text
2020·arXiv
Abstract
Abstract

To preserve anonymity and obfuscate their identity on online platforms users may morph their text and portray themselves as a different gender or demographic. Similarly, a chatbot may need to customize its communication style to improve engagement with its audience. This manner of changing the style of written text has gained significant attention in recent years. Yet these past research works largely cater to the transfer of single style attributes. The disadvantage of focusing on a single style alone is that this often results in target text where other existing style attributes behave unpredictably or are unfairly dominated by the new style. To counteract this behavior, it would be nice to have a style transfer mechanism that can transfer or control multiple styles simultaneously and fairly. Through such an approach, one could obtain obfuscated or written text incorporated with a desired degree of multiple soft styles such as female-quality, politeness, or formalness.

In this work, we demonstrate that the transfer of multiple styles cannot be achieved by sequentially performing multiple single-style transfers. This is because each single style-transfer step often reverses or dominates over the style incorporated by a previous transfer step. We then propose a neural network architecture for fairly transferring multiple style attributes in a given text. We test our architecture on the Yelp data set to demonstrate our superior performance as compared to existing one-style transfer steps performed in a sequence.

Style is an essential ingredient of effective communication, and by varying it one can convey more or less information than the literal meaning of words (Hovy 1988; Rao and Tet- reault 2018). Therefore reasoning about language style is a foundational capability needed to build successful NLP/G systems. For instance, a chatbot whose communication style or tone is tailored to its audience and context is more likely to trigger their engagement (Hu et al. 2018). Additionally, automated assistants capable of recognizing and modifying the style of text for emails, social media posts, online reviews, resumes, and marketing communications can be extremely valuable to both businesses and individual users. While NLP techniques have advanced significantly in extracting and understanding text content, altering the style of text is challenging due to a number of reasons. Firstly, both content and style are generally entangled together in text to convey specific information. Style impacts all aspects of text including punctuation, syntax, lexical choice, grammatical structure and layout. Therefore techniques must be designed to decouple style from content and alter it a manner that it still preserves the underlying content and generates syntactically correct and coherent text alternatives. Secondly, most style transfer problems lack parallel data(a dataset in which every data point belonging to one class has the corresponding data representation in other class. For example, a dataset of English to French sentences where each English sentence have a corresponding French representation in a form of a sentence will be called a parallel data), which makes this an unsupervised machine learning problem that is harder to solve. More recent neural network techniques such as variational auto-encoders (VAEs) and generative adversarial networks (GANs) that are designed to work with non-parallel vision datasets are not easily extensible due to the discrete nature of the text (Shen et al. 2017; Yang et al. 2018).

The goal of text or writing style transfer is to migrate the content of a sentence from a source style to a target style while still retaining the style-independent content. Most of the existing style transfer techniques have focussed on individual and granular styles; for example, altering the sentiment of a review from negative to positive style, transferring a tweet from male to female style, and converting the style of text from one author to other (Li et al. 2018; Reddy and Knight 2016; Jhamtani et al. 2017; Rabinovich et al. 2016). More recent work has attempted to transfer individual soft styles such as impolite to polite and informal to formal (Aubakirova and Bansal 2016; Rao and Tetreault 2018). In practice however, we are often interested in incorporating multiple styles in the same content. For instance, a chatbot communicating with an elderly woman may have to simultaneously introduce multiple stylistic attributes such as ‘formal’, ‘polite’, and ‘female’. Similarly, to obfuscate her identity, an online user may be interested in simultaneously convert the review style from ’female’ to ’male’ and ’informal’ to ’formal’.

In this work, we formulate and study the multi-style trans-

fer problem with a focus on multiple soft styles that can fairly co-exist together within the same text. Our goal here is to transfer the content of a sentence from a set of source styles to a set of target styles while still preserving the meaning of the sentence. For instance, given a source sentence that holds ‘male’ and ‘formal’ stylistic attributes, we wish to convert it into target sentence with styles ‘female’ and ‘informal’ or ‘male’ and ‘informal’. We study two approaches to solve this problem. We first use existing single style-transfer techniques to sequentially introduce multiple individual styles within a sample. We use different datasets and state of the art techniques to demonstrate that such an approach is ineffective as each new style interacts with the previously introduced styles in an unfair manner and either nul-lifies or dominates over previous styles. We then extend the work of (Prabhumoye et al. 2018) and design a novel architecture for multi-style transfer problem. As in prior work, the proposed architecture uses a back-translation model to rephrase the source sentence and convert it into its latent representation that is devoid of style specific features. However, in our work, this is then fed as input to a decoder that receives feedback jointly from multiple classifiers, each corresponding to a target style. We evaluate the effectiveness of the proposed approach(STMS: Style Transfer for Multiple Styles) for both content preservation and style strength accuracy using style classifiers trained on held-out data. We show that the proposed approach shows improvements and is more fair as compared to baseline approaches that introduce individual styles sequentially. The proposed model was able to convert a female sentence into male and formal with content preservation of 0.866 and style strength of 0.249 for female class, 0.751 for male class, 0.241 for formal class and 0.758 for informal class in comparison to source/input sentences which had style strength of 0.758 for female class, 0.242 for male class, 0.167 for formal class and 0.833 for informal class.

The style transfer problem has been addressed in the past but only for one style at a time. These past approaches can be split across two dimensions: 1) those that require parallel data, i.e. sentence pairs representing the same content in source and target styles, and 2) those that do not require parallel data, i.e., the data contains source style representing some content and target style representing another content. The first kind of data is much harder to obtain; hence most recent approaches make use of non-parallel data. We explain the detailed approaches taken for each of the cases.

Approaches using parallel data

(Hu et al. 2018) trained a sequence to sequence model using chat question-answer pairs. For each QA pair, tone label of the answer is given. This tone label is appended to the encoded question’s vector so that decoder learns to generate an answer of the corresponding tone label.

Approaches using non-parallel data The main intuition used in approaches dealing with non-parallel data is to sample a sentence from the target style

such that its content is close to the source sentence.

One of the early work by (Reddy and Knight 2016) performs a lexicon based substitution on the words of the source sentence in order to transform its author style from male to female. It identifies the words that are good candidates for substitution (say, ’bro’), finds appropriate substitutes from the target style (say, ’love’) and performs substitution based on a ‘substitutability score’.

(Li et al. 2018) proposed a method using phrase based attribute markers in a source/target sentence. The method first deletes the source attribute markers from a given sentence, retrieves the target attributes and then generates the output sentence using RNN given the target style. Authors show an overall success rate of about 43% on the input sentences. However the technique does not control the balance between content preservation and style-transfer.

(Shen et al. 2017) proposed a cross-aligned auto-encoder based architecture for style transfer task. The work focuses on converting sentiment from positive to negative or vice versa. The suggested technique performs well on reviews datasets, and the evaluation is done using a bidirectional LSTM based classifier. Further (Prabhumoye et al. 2018) argued on using author’s characteristics as pointed out by (Ra- binovich et al. 2016) who argued that in a machine translation system, author’s characteristics are very well obfuscated. Hence (Prabhumoye et al. 2018) worked on building a feedback based machine translation system that tends to obfuscate author’s writing style to mask the characteristics of author’s writing. Then, to do the style transfer the system learns a latent representation of the input sentence in a language translation model to preserve the content and hide the style. Following this, they employed an adversarial generation technique to match the output with the desired one.

A closely related problem which plays also a significant role in style transfer problems is bias in the data. We review prior literature related to this in the following subsections. De-biasing the training algorithm as a way to remove the biases focuses on training paradigms that would result in fair predictions by an ML model. In the Bayesian network setting, Kushner et al. proposed a latent-variable based approach to ensure counter-factual fairness in ML predictions. De-biasing the model after training as a way to remove bias focuses on “fixing” the model after training is complete. (Bolukbasi et al. 2016) in their famous work on gender bias in word embeddings took this approach to “fix” the embeddings after training. De-biasing the data at the source fixes the data set before it is consumed for training. This is the approach we take in this paper by trying to de-bias the data by converting text into multiple styles as per user’s input. A related task is to modify or paraphrase text data to obfuscate gender as in (Reddy and Knight 2016). Another closely related work is to change the style of the text to different levels of formality as in (Rao and Tetreault 2018).

As mentioned before, our goal is to morph the style of the text along more than one style attributes. Each style attribute

image

Figure 1: STMS Model: A Feedback based Architecture for multi-Style Transfer problem

furnishes two styles. For example, the gender style attribute has a male style and a female style. Therefore, if there are n style attributes, we would have sample sentences of 2n styles.

In this paper, we deal with the case of simultaneous transfer of two style attributes. Therefore, if our two style attributes are gender and formality, then we would need two data sets - the first containing samples of male and female sentences and the second containing samples of formal and informal sentences. Let the two style attributes be denoted by s1and  s2, and let the corresponding data sets be denoted by D1and  D2.

We also assume the presence of an arbiter function c(x) that consumes a sentence x and returns a style-tuple  (a1, a2), where  a1and  a2are scores between 0 and 1 and represent the strengths the two styles  s1and  s2of the sentence. In our case,  a1refers to the maleness of the author style of the sentence, and  a2refers to the degree of formality in the given sentence.

Given any input sentence x and given any target style-tuple (1, 1), (1, 0), (0, 1) or (0, 0) - the goal of our model is to return a new sentence y such that c(y) is close to the target style-tuple, and the content of y is close to the content of the original sentence x.

Let D1 = {s111, ...,s11n, s121, ...,s12n} and D2 = {s211, ...,s21n, s221, ...,s22n} be two different datasets, each containing a different style attribute (e.g. Gender, Formality). The objective is to morph the style along different style attributes while still maintaining the content of the input sentence. Assuming that we want to add styles s11 and s21 in the input sentence. We represent this operation as S1&21, where the symbol ‘&’ denotes the fusion of styles into the input sentences.

Our the model contains a latent content variable Z such that it only has the meaning of the input sentence and is free of any bias from authors stylistic features. They achieved this by translating the input sentence into a foreign language (in this case to French) and then translating it back to the source language (in this case English). Such translation tends to normalize the input sentences and makes it free of authors stylistic features. We use this normalization techniques in our STMS(Style Transfer for Multiple Styles)

image

Table 1: Statistics for Gender Dataset

image

Table 2: Statistics for Formality Dataset

model. We use a natural machine translation model which is capable of converting the English sentences to French followed by a back translation model which translate the French sentences to English. Figure 1 shows the overview of our STMS model. We begin with the sentence style normalization in the BST model (Prabhumoye et al. 2018). Following this, we train the single decoder for multiple style fusion/combining into the output sentence. We use N (in this case N = 2) style classifiers in a feedback loop to the decoder. The output sentences from our model will have both the styles S1&21.

Bias Rectifier

Bias rectifier is an initial layer of filter used to balance the dataset for each attribute. In the dataset section, we observe that the Gender dataset is heavily biased as most of the sentences present in either of the classes (i.e. Male, Female) are informal sentences. We use a pre-trained model for getting the formal/informal labels on the Gender dataset, and if the majority of sentences fall under one class (e.g. informal), we try to balance the classes by duplicating the sentences in the minority class. This type of rectification helps in making the learning free from any bias present in the dataset.

Style Specific Classifiers

Our STMS model uses multiple style classifiers to provide a feedback to the proposed models. The classifier is a convolutional neural network (CNN) which classifies a sentence into multiple style categories (e.g. Male, Female, Formal and Informal). We trained style classifiers for each style attribute (N = 2). These classifiers are trained in a supervised fashion. Assuming that the style attribute is S ={s1,s2}, since each style attribute has two categories (e.g. Gender attribute has categories as Male{s1}, Female{s2}). Let D denote the dataset which holds the sentences labeled into these categories. The loss function for a single classifier is:

image

Where  ∅cdenotes the classifier parameter, s is the style and d is the sentence in a class.

Feedback-based Style Generation Figure 1 shows that the decoder model is trained on latent content variable z which only contains the content representation of the sentences. Similar to (Prabhumoye et al. 2018)

we train the decoder model with few major differences such as (i) We only train the single decoder in comparison to multiple decoder (one for each style), (ii) The series of style classifiers (N = 2, i.e., two style attribute classifiers) are used as a feedback system in training a single decoder which can induce multiple styles in the generated output. The decoder model consists of bi-directional LSTM which is used to generate the output sequence. The encoder model creates a latent content variable z which is defined as: z = Enc(d) (2) The loss function defined for the decoder is: ℓdecoder(∅decoder d) = E Enc(d)[log pgen(d|z)](3) The loss is calculated using cross-entropy, where ∅decoderdenotes the decoder parameter. Since we are using a single decoder with a series of classifiers (N = 2) in a feedback to the decoder, we need to share the classifier learning with the decoder in a form of a loss minimization problem. Therefore we do a weighted sum of the individual losses from decoder, classifier for style attribute-1, classifier for style attribute-2. So the final generative loss function is: min∅decoderℓgen = ℓdecoder + α ∗ ℓclass1 + β ∗ ℓclass2(4) Where  αand  βare the balancing parameters for the two classifiers,  ℓdecoderis the decoder loss,  ℓclass1is the classi-fier loss of first style attribute and  ℓclass2is the classifier loss of second style attribute.

In this section we show the baseline models used for comparison, dataset statistics, evaluation techniques and discuss the results obtained from our STMS model and other baseline models.

Baseline Models

We use seq2seq model (Sutskever, Vinyals, and Le 2014), cross-aligned auto-encoder model (Shen et al. 2017) and back translation for style transfer model (Prabhumoye et al. 2018) to draw the comparison with our proposed STMS(Style Transfer for Multiple Styles) model. Since the problem is to combine multiple styles into one sentence, as stated in the previous sections; existing baseline models were built for one-to-one style transfer so as to use these baseline models to work with multiple styles. Furthermore, we introduce the variants of these baseline models where we use a sequential approach to connect them. Let us assume that we have two sets of styles {S1,S2} and {S3,S4}, and the existing baseline models are trained to convert the style S1 to S2, S3 to S4 or vice versa. Let us say we have 3 models seq2seq, CAE, BST models, representing seq2seq model, cross-aligned auto-encoder and back translation for style transfer model, respectively. In order to get a sentence with combinations of multiple styles, we first pass an input sentence to seq2seq/CAE/BST {S1,S2} model and then the output from this conversion is passed to seq2seq/CAE/BST {S3,S4} model to get the final output sentence which should have styles S2, S4 in it. As a consequence, we have 5 baseline models – seq2seq, CAE, BST, Sequential seq2seq, and Sequential CAE.

image

Table 3: Style strength of Input test sentences

Dataset Description

We use two different datasets where one contains the sentences labeled as male/female (i.e., Gender dataset) and other set of sentences labeled as formal/informal(i.e. Formality dataset). The Gender dataset consists of publicly available Yelp reviews database which were labeled into male/female class based on the usernames of the reviewers. This labeling was done by (Reddy and Knight 2016). On the other hand, the Formality dataset was part of the Yahoo Answers corpus L6, which was labeled in (Rao and Tetreault 2018). Table 1 shows that the Gender dataset consists of 2.889M sentences per class. The dataset was split into train, test, dev and classifier set per class with 1.334M, 267.2K, 2.246K, 1.288M samples respectively. From Table 2 we can see that the Formality dataset which is a part of GYAFC dataset (Rao and Tetreault 2018) consists of 81.844K sentences per class. Out of 81.844K sentences the dataset was split into train, test, dev and classifier set per class with 51.967K, 1.332K, 2.788K, 52.595K samples respectively. Apart from this, we also conduct basis data analysis (see Figure ??) where we observe that the female class tends to use exclamation mark more often in their reviews compared to male class which uses a full stop at the end of a sentence. We use the classifier split from the above datasets to train our evaluation classifiers which are used in measuring the style strength of the model output. We also use these evaluation classifiers to find the style strength on the train split subset (which is used to train the style transfer models). We find (see Figure ??) that 88.1% of sentences present in Gender dataset are informal in nature. This shows that if any style transfer model is trained on this type of dataset for male to female or female to male conversion, the output of such a model will always add a bias in the sentence in a form of informality.

Evaluation Techniques

We evaluate the output sentences at two levels: (i) Content preservation (ii) Style strength. The main objective is to get a better style strength with high content preservation. But later we will see that the content preservation and style strength are inversely related. It means that one cannot get higher style strength without losing the content of the input sentence or vice-versa.

1. Content Preservation: In order to check how well the content of the input sentences are preserved after the style transfer we find the preservation score which is defined as the cosine similarity between the input sentence vector and output sentence vector. We use a pre-trained glove embedding (Pennington, Socher, and Manning 2014) of

image

Table 4: Content preservation(0-1) and style transfer conversion attempted for each model

100 dimensions. The sentence vectors are formed as follows: Consider a sentence SS which consists of n words such as SS = {w1, ...,wn}. We find the word vectors for all n words in a sentence and simply take the mean of these n 100x1 dimension vectors. This gives us one 100x1 dimension vector which is used for cosine similarity between input sentence and output sentence.

2. Style Strength: Apart from maintaining the content before and after style transfer we also want to know how well the target styles are infused in the output sentences. To measure the style strength we train two bi-directional LSTM classifiers one for each style attribute (i.e. Gender, Formality). The classifier has an accuracy of 81.03% for male/female classes, and 79.7% for formal/informal classes. These classifiers are used to evaluate the output sentences by giving the class score to it for these four classes(i.e. Male, Female, Formal, Informal).

image

Table 5: Style transfer Strength after conversion (see Table 4 for types of conversion) for various models

Results We first measure the style strength on the test set. From Table 3 we can say that the test set contains the sentences which are mostly informal in nature. And as we saw in the dataset section, the training data is also highly informal. We evaluate the models for converting the female sentences into the male and formal sentences. Given female input sentences the desired output should be male and formal in nature.

Here the ideal result would be increase in male style attribute, increase in formal style attribute, decrease in female style attribute and decrease in informal style attribute. From Table 4 we can say that the content preservation is high in seq2seq model with a preservation score of 0.951 followed by sequential seq2seq, BST and STMS model with a preservation score of 0.937, 0.908, 0.866 respectively. The content preservation is least in sequential CAE model with a preservation score of 0.626. From Table 5 we see that the style strength is highest for gender attribute in STMS model where the Female style score is 0.249 and male style score of 0.751. And the Sequential seq2seq model gives the highest score for formal style in the output sentences with a score of 0.357 and STMS model gives a formal score of 0.241 which is the second highest. Overall the STMS model has given a better score compared to any other models as it increased both male style attributes and formal style attributes in the generated output. We show some examples of generated sentences from the models stated in Table 5 where the input sentences were female and informal in nature and the objective is to get sentences which are both male and formal in nature(see Figure 2).

To qualitatively assess the performance of our system, we conduct a user study, presenting the original and translated sentence to human users. Our user study has two phases. The first phase comprises of a set of sentences which are originally written by females and are informal(the reason behind choosing informal sentences is that mostly sentences written by females are informal), are shown to the reviewers. The second phase had questions that are asked after the translated sentences are generated using our system, are also presented to the subject.

Nature of Dataset

An example of input sentence can be looked for in Figure 2

User Perception of Author Writing Bias

In the first phase, we qualitatively assess how writing style instills bias in the reviewer and how it affects people. We curated 10 reviews - female and formal in nature. Following each review, a question was asked that mapped the audience’s understanding about the presence of bias from the in the review write-up. The questions consisted of if while reading the review you thought of gender of the author and then perceived it in that way?

The third and fourth questions assess how well people can spot the bias in the written review by looking at the keywords used in the review. The study was conducted on a group of 15 individuals, aged (20-45), who were either graduates or graduate-level students of humanities (literature), and have worked in the past on raising awareness about gender bias in different spheres of society. 8 males and 7 females participated. Both the genders were well-distributed over the age range.

image

Figure 2: Sample of Style translation of input sentence(Female) into Male, Formal style on Gender Dataset

Inferences and How it Motivates Our System

In majority of reviews, the participants both men and women felt that the author’s gender and way of writing have a very high impact on how they take the review.

This also shows that there is a need to mask the gender and specific attributes of their writing before they are put outside from the perspective of gender bias, so that the reviews do not end up in reinforcing stereotypes about different genders in the style of writing. Hence we see our technology being used for social good, so that bias can be spotted and handled more efficiently through our system.

User Evaluation of Our System

In the second phase, we performed a follow up user study on same subjects who took the above survey to see how the proposed system helps in mitigating the bias spotted by the subjects so that writing does not affect how the review is taken. Here, we presented the new translated version of reviews to the same users, and asked the following questions.

1) Were you satisfied with reading the review sentence generated by STMS? 2) Which are the highest content preserved sentences compared to source sentences? 3) Which sentences do you feel are more formal in nature? 4) Which sentences do you feel reflect maleness and formal-ness in the given set of sentences? 5) Did you feel better after reading this new version of the review?

Overall 15 of them said that the sentences generated from seq2seq model. (ii) Which sentences do you feel are more formal in nature? 9 of them said that the sentences generated from the STMS model and 4 for BST and 2 for CAE. (iii) Which sentences do you feel reflect maleness and formalness in the given set of sentences? Given that the source sentences have femaleness in them. 11 of them said that the sentences from STMS reflects more maleness and also have a level of formalness in them whereas, 4 of them believe that the BST model has the sentences with such styles.

Almost 73% of the people (11 people) were satis-fied with the translation done by our system STMS. Overall 100% of the people said that thee sentences generated by seq2seq model have highest content preservation. But when it came to formalness majority of them argued that STMS does a better job. 65% of the users said that after reading the translated review they felt better.

In this work, we introduced and studied the multi-style transfer problem where the goal is to translate a source text into a target text with multiple stylistic features while preserving the underlying meaning. We proposed two approaches to address this problem based on combining multiple individual style models in series and an extended encoder decoder architecture based on back-translation that utilizes feedback from multiple style classifiers to jointly guide a decoder. We used two datasets related to gender and formality and conducted multiple experiments to study the performance of existing state of the art classifiers for both individual as well as multi-style transfer problem using the proposed approaches. Our results indicate both Sequential seq2seq and STMS models improve the target style strength while retaining the underlying content. We further evaluate our results using a user study.

A number of challenges need be addressed to successfully incorporate multiple stylistic features with high fidel-ity within a text sample. Firstly, we observe that mutual bias observed in datasets corresponding to each style can play a significant role in determining the content and style strength of the final outcome. In our experiments, we observed that most sentences in the gender dataset with male and female styles were informal in nature. As a consequence, female style when converted to male and formal invariably results in sentences that retain high informal style. Secondly, while designing style models to introduce multiple styles, multiple classifiers need to work in tandem and possibly compete against each other to provide feedback to guide the decoder. Therefore the weights assigned to loss functions of each classifier plays a significant role in impacting the output. These weights need to take into account the mutual bias between datasets. Also, since datasets corresponding to each style are non-parallel in nature without one-to-one correspondence, building classifiers trained on one dataset that work accurately on other datasets is a challenge. Lastly, existing style models that introduce one style at time seem to erase other styles within the sentence in order to introduce a style. This impacts approaches that combine multiple style models in series. As a consequence, individual style models that carefully erase only relevant styles while introducing a new style will be important. We plan to address some of these challenges in future work.

[Aubakirova and Bansal 2016] Aubakirova, M., and Bansal, M. 2016. Interpreting neural networks to improve politeness comprehension. In Proceedings of the 2016 Conference on Empirical Methods in Natural Language Processing, 2035– 2041. Association for Computational Linguistics.

[Bolukbasi et al. 2016] Bolukbasi, T.; Chang, K.-W.; Zou, J. Y.; Saligrama, V.; and Kalai, A. T. 2016. Man is to computer programmer as woman is to homemaker? debiasing word embeddings. In Advances in Neural Information Processing Systems, 4349–4357.

[Hovy 1988] Hovy, E. H. 1988. Generating Natural Language Under Pragmatic Constraints. Hillsdale, NJ, USA: L. Erlbaum Associates Inc.

[Hu et al. 2018] Hu, T.; Xu, A.; Liu, Z.; You, Q.; Guo, Y.; Sinha, V.; Luo, J.; and Akkiraju, R. 2018. Touch your heart: A tone-aware chatbot for customer care on social media. In Proceedings of the 2018 CHI Conference on Human Factors in Computing Systems, 415. ACM.

[Jhamtani et al. 2017] Jhamtani, H.; Gangal, V.; Hovy, E. H.; and Nyberg, E. 2017. Shakespearizing modern language using copy-enriched sequence-to-sequence models. CoRR abs/1707.01161.

[Li et al. 2018] Li, J.; Jia, R.; He, H.; and Liang, P. 2018. Delete, retrieve, generate: A simple approach to sentiment and style transfer. arXiv preprint arXiv:1804.06437.

[Pennington, Socher, and Manning 2014] Pennington, J.; Socher, R.; and Manning, C. D. 2014. Glove: Global vectors for word representation. In EMNLP.

[Prabhumoye et al. 2018] Prabhumoye, S.; Tsvetkov, Y.; Salakhutdinov, R.; and Black, A. W. 2018. Style transfer through back-translation. arXiv preprint arXiv:1804.09000.

[Rabinovich et al. 2016] Rabinovich, E.; Mirkin, S.; Patel, R. N.; Specia, L.; and Wintner, S. 2016. Personalized machine translation: Preserving original author traits. arXiv preprint arXiv:1610.05461.

[Rao and Tetreault 2018] Rao, S., and Tetreault, J. 2018. Dear sir or madam, may i introduce the yafc corpus: Corpus, benchmarks and metrics for formality style transfer. arXiv preprint arXiv:1803.06535.

[Reddy and Knight 2016] Reddy, S., and Knight, K. 2016. Obfuscating gender in social media writing. In Proceedings of the First Workshop on NLP and Computational Social Science, 17–26.

[Shen et al. 2017] Shen, T.; Lei, T.; Barzilay, R.; and Jaakkola, T. 2017. Style transfer from non-parallel text by cross-alignment. In Advances in Neural Information Processing Systems, 6830–6841.

[Sutskever, Vinyals, and Le 2014] Sutskever, I.; Vinyals, O.; and Le, Q. V. 2014. Sequence to sequence learning with neural networks. In NIPS.

[Yang et al. 2018] Yang, Z.; Hu, Z.; Dyer, C.; Xing, E. P.; and Berg-Kirkpatrick, T. 2018. Unsupervised text style transfer using language models as discriminators. CoRR abs/1805.11749.


Designed for Accessibility and to further Open Science