├── .gitignore ├── README.md ├── data └── MultiOpEd.csv ├── dataset statistics.png ├── dataset structure.png ├── eval.py ├── eval.sh ├── model.py ├── outputs ├── README.md ├── bart+both │ ├── seed=1 │ │ ├── test_generated.txt │ │ └── test_labels.txt │ ├── seed=6 │ │ ├── test_generated.txt │ │ └── test_labels.txt │ └── seed=9 │ │ ├── test_generated.txt │ │ └── test_labels.txt ├── bart+relevance │ ├── seed=1 │ │ ├── test_generated.txt │ │ └── test_labels.txt │ ├── seed=6 │ │ ├── test_generated.txt │ │ └── test_labels.txt │ └── seed=9 │ │ ├── test_generated.txt │ │ └── test_labels.txt ├── bart+stance │ ├── seed=1 │ │ ├── test_generated.txt │ │ └── test_labels.txt │ ├── seed=6 │ │ ├── test_generated.txt │ │ └── test_labels.txt │ └── seed=9 │ │ ├── test_generated.txt │ │ └── test_labels.txt └── bart_baseline │ ├── seed=1 │ ├── test_generated.txt │ └── test_labels.txt │ ├── seed=6 │ ├── test_generated.txt │ └── test_labels.txt │ └── seed=9 │ ├── test_generated.txt │ └── test_labels.txt ├── results └── README.md ├── topic distributions.png ├── train.py ├── train_both_auxiliary.py └── utils.py /.gitignore: -------------------------------------------------------------------------------- 1 | .DS_Store 2 | -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- 1 | # MULTIOPED:A Corpus of Multi-Perspective News Editorials 2 | 3 | This repositary contains the code and data of ["MultiOpEe:A Corpus of Multi-Perspective News Editorials."](https://cogcomp.seas.upenn.edu/papers/LCUR21.pdf) in NAACL'21. 4 | 5 | 6 | ## The MultiOpEd Dataset 7 | 8 | Our dataset follows the below structure 9 | 10 | 11 | 12 | ### Dataset statistics 13 | 14 | The below two graphs show the statistics of our dataset and distribution of topics that our dataset covers. 15 | 16 | 17 | 18 |

Environments

19 | 20 | ``` 21 | transformers==4.5.0 22 | torch==1.8.1 23 | ``` 24 | 25 | 26 |

Reproducing the results

27 | 28 | To reproduce the result, download the stance and relevance classifier from this [google drive](https://drive.google.com/drive/folders/1tHmPTa6Ji0r8--j2ZIMjEMR3gg_JlSR8?usp=sharing), modify their path in eval.sh, and simply run sh eval.sh 29 | 30 | This should reproduce exactly the same result as we show in the paper. 31 | 32 | ## Trained models 33 | 34 | Our best trained model is also available in this [google drive](https://drive.google.com/drive/folders/1tHmPTa6Ji0r8--j2ZIMjEMR3gg_JlSR8?usp=sharing). It is a multi-task BART-based model that uses both relevance and stance classification tasks as auxiliary signals. 35 | 36 | 37 |

Train

38 | 39 | Refer to train.py and train_both_auxiliary.py for training from scratch. More instructions of usage will be added soon. 40 | 41 | 42 | ## Citation 43 | 44 | ``` 45 | @inproceedings{LCUR21, 46 | author = {Siyi Liu and Sihao Chen and Xander Uyttendaele and Dan Roth}, 47 | title = {{MultiOpEd: A Corpus of Multi-Perspective News Editorials}}, 48 | booktitle = {Proc. of the Annual Conference of the North American Chapter of the Association for Computational Linguistics (NAACL)}, 49 | year = {2021} 50 | } 51 | ``` 52 | -------------------------------------------------------------------------------- /dataset statistics.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CogComp/MultiOpEd/4ef4ce89e66d205faf2a890e04ab3ad3a5e6fd38/dataset statistics.png -------------------------------------------------------------------------------- /dataset structure.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CogComp/MultiOpEd/4ef4ce89e66d205faf2a890e04ab3ad3a5e6fd38/dataset structure.png -------------------------------------------------------------------------------- /eval.py: -------------------------------------------------------------------------------- 1 | from transformers import BertTokenizer, BertForSequenceClassification 2 | from rouge_score import rouge_scorer 3 | from bert_score import score 4 | from utils import load_csv 5 | import numpy as np 6 | import pandas as pd 7 | import torch 8 | import os 9 | 10 | 11 | def get_query_lst(dataset_path, target_txt): 12 | train_dataset, dev_dataset, test_dataset, label_to_query = load_csv(dataset_path) 13 | query_lst= [] 14 | for i, txt in enumerate(target_txt): 15 | query_lst.append(label_to_query[txt]) 16 | 17 | 18 | return query_lst, target_txt 19 | 20 | def get_stance_label(dataset_path, target_txt): 21 | stance_label = [] 22 | df = pd.read_csv(dataset_path) 23 | for txt in target_txt: 24 | #print(df.loc[df['replaced_text'] == txt+'\n']) 25 | #print(txt) 26 | row = df.loc[df['replaced_text'] == txt+'\n']['Support'] 27 | #print(row['Support']) 28 | if row.empty: 29 | row = df.loc[df['replaced_text'] == txt]['Support'] 30 | 31 | 32 | stance_label.append(int(row)) 33 | 34 | assert all(v == 0 or v==1 for v in stance_label) 35 | #print(len(stance_label), len(target_txt)) 36 | return stance_label 37 | 38 | def eval(generated_txt, target_txt, query_lst, stance_label, stance_path = None, rel_path = None, bertscore=False): 39 | if stance_path!= None: 40 | stance_model = BertForSequenceClassification.from_pretrained(stance_path) 41 | stance_tokenizer = BertTokenizer.from_pretrained(stance_path) 42 | if rel_path != None: 43 | rel_model = BertForSequenceClassification.from_pretrained(rel_path) 44 | rel_tokenizer = BertTokenizer.from_pretrained(rel_path) 45 | 46 | scorer = rouge_scorer.RougeScorer(['rouge1', 'rouge2','rougeL'], use_stemmer=True) 47 | rouge1_sum = [] 48 | rouge2_sum = [] 49 | rougeL_sum = [] 50 | rel_lst=[] 51 | stance_lst = [] 52 | for i in range(len(generated_txt)): 53 | rouge_scores = scorer.score(generated_txt[i],target_txt[i]) 54 | rouge1_sum.append(rouge_scores['rouge1'][2]) 55 | rouge2_sum.append(rouge_scores['rouge2'][2]) 56 | rougeL_sum.append(rouge_scores['rougeL'][2]) 57 | 58 | 59 | rel = rel_tokenizer.encode_plus(query_lst[i], generated_txt[i], return_tensors="pt") 60 | rel_logits = rel_model(**rel)[0] 61 | loss = torch.softmax(rel_logits, dim=1).tolist()[0] 62 | if loss.index(max(loss)) ==0: 63 | rel_lst.append(1) 64 | else: 65 | rel_lst.append(0) 66 | 67 | stance = stance_tokenizer.encode_plus(query_lst[i], generated_txt[i], return_tensors="pt") 68 | stance_logits = stance_model(**stance)[0] 69 | loss = torch.softmax(stance_logits, dim=1).tolist()[0] 70 | if loss.index(max(loss)) != int(stance_label[i]): 71 | stance_lst.append(1) 72 | else: 73 | stance_lst.append(0) 74 | 75 | 76 | if bertscore==True: 77 | P, R, F1 = score(generated_txt, target_txt, lang='en') 78 | score_bert = F1.mean() 79 | 80 | 81 | 82 | return round(np.mean(rouge1_sum)*100, 2), round(np.mean(rouge2_sum)*100, 2), round(np.mean(rougeL_sum)*100,2), round(float(score_bert)*100,2), round(np.mean(rel_lst)*100,2), round(np.mean(stance_lst)*100,2) 83 | 84 | 85 | if __name__ == "__main__": 86 | 87 | import argparse 88 | parser = argparse.ArgumentParser(description="Evaluating the results using the generated perspective") 89 | parser.add_argument('--dataset_path', type=str, help="Path to the MultiOpEd dataset file (in csv format)") 90 | parser.add_argument('--generated_file', type=str, help="Path to a newline-separated file containing the generated perspective") 91 | parser.add_argument('--labels_file', type=str, help="Path to a newline-separated file containing the ground truth perspective") 92 | parser.add_argument('--relevance_classifier_path', type=str, help="Path to the BERT relevance classifier") 93 | parser.add_argument('--stance_classifier_path', type=str, help="Path to the BERT stance classifier") 94 | parser.add_argument('--bert_score', type=bool, default=True, help="use bert score or not") 95 | parser.add_argument('--result_path', type=str, help="the directory to save the results.txt") 96 | 97 | args = parser.parse_args() 98 | 99 | 100 | 101 | write_string = "" 102 | with open(args.generated_file, 'r') as file: 103 | generated_txt = [a.replace('\n','') for a in file.readlines()] 104 | with open(args.labels_file, 'r') as file: 105 | target_txt = [a.replace('\n','') for a in file.readlines()] 106 | 107 | query_lst, target_txt = get_query_lst(args.dataset_path, target_txt) 108 | stance_label = get_stance_label(args.dataset_path, target_txt) 109 | 110 | 111 | rouge1, rouge2, rougeL, b_score, rel_score, stance_score = eval(generated_txt,target_txt, query_lst, stance_label, stance_path = args.stance_classifier_path, rel_path = args.relevance_classifier_path, bertscore=args.bert_score) 112 | 113 | write_string += "rouge1: " + str(rouge1) + " rouge2: " + str(rouge2) + " rougeL: " + str(rougeL) + " bscore: " + str(b_score) + " rel_score: " + str(rel_score) + " stance_score: " + str(stance_score) + "\n" 114 | 115 | print(rouge1, rouge2, rougeL, b_score, rel_score, stance_score) 116 | #print(rouge1_sum, rouge2_sum, rougeL_sum, rel_lst, stance_lst) 117 | 118 | if not os.path.exists(args.result_path): 119 | os.makedirs(args.result_path) 120 | with open (args.result_path+"/results.txt", 'a') as file: 121 | file.write(write_string) 122 | -------------------------------------------------------------------------------- /eval.sh: -------------------------------------------------------------------------------- 1 | 2 | echo "BART baseline" >> results/results.txt 3 | 4 | for seed in 1 6 9 5 | do 6 | python eval.py --dataset_path data/MultiOpEd.csv --generated_file outputs/bart_baseline/seed=$seed/test_generated.txt --labels_file outputs/bart_baseline/seed=$seed/test_labels.txt --relevance_classifier_path /path/to/relevance/classifier --stance_classifier_path /path/to/stance/classifier --result_path results 7 | done 8 | 9 | echo "BART+Relevance" >> results/results.txt 10 | 11 | for seed in 1 6 9 12 | do 13 | python eval.py --dataset_path data/MultiOpEd.csv --generated_file outputs/bart+relevance/seed=$seed/test_generated.txt --labels_file outputs/bart+relevance/seed=$seed/test_labels.txt --relevance_classifier_path /path/to/relevance/classifier --stance_classifier_path /path/to/stance/classifier --result_path results 14 | done 15 | 16 | echo "BART+stance" >> results/results.txt 17 | 18 | for seed in 1 6 9 19 | do 20 | python eval.py --dataset_path data/MultiOpEd.csv --generated_file outputs/bart+stance/seed=$seed/test_generated.txt --labels_file outputs/bart+stance/seed=$seed/test_labels.txt --relevance_classifier_path /path/to/relevance/classifier --stance_classifier_path /path/to/stance/classifier --result_path results 21 | done 22 | 23 | 24 | echo "BART+both" >> results/results.txt 25 | for seed in 1 6 9 26 | do 27 | python eval.py --dataset_path data/MultiOpEd.csv --generated_file outputs/bart+both/seed=$seed/test_generated.txt --labels_file outputs/bart+both/seed=$seed/test_labels.txt --relevance_classifier_path /path/to/relevance/classifier --stance_classifier_path /path/to/stance/classifier --result_path results 28 | done 29 | 30 | -------------------------------------------------------------------------------- /model.py: -------------------------------------------------------------------------------- 1 | from transformers import BartTokenizer, BartForConditionalGeneration 2 | from torch import nn 3 | import torch 4 | from transformers.modeling_outputs import Seq2SeqLMOutput 5 | from torch.nn import CrossEntropyLoss, MSELoss 6 | 7 | def shift_tokens_right(input_ids: torch.Tensor, pad_token_id: int, decoder_start_token_id: int): 8 | """ 9 | Shift input ids one token to the right. 10 | """ 11 | shifted_input_ids = input_ids.new_zeros(input_ids.shape) 12 | shifted_input_ids[:, 1:] = input_ids[:, :-1].clone() 13 | shifted_input_ids[:, 0] = decoder_start_token_id 14 | 15 | assert pad_token_id is not None, "self.model.config.pad_token_id has to be defined." 16 | # replace possible -100 values in labels by `pad_token_id` 17 | shifted_input_ids.masked_fill_(shifted_input_ids == -100, pad_token_id) 18 | 19 | return shifted_input_ids 20 | 21 | 22 | class BartClassificationHead(nn.Module): 23 | """Head for sentence-level classification tasks.""" 24 | 25 | def __init__( 26 | self, 27 | input_dim: int, 28 | inner_dim: int, 29 | num_classes: int, 30 | pooler_dropout: float, 31 | ): 32 | super().__init__() 33 | self.dense = nn.Linear(input_dim, inner_dim) 34 | self.dropout = nn.Dropout(p=pooler_dropout) 35 | self.out_proj = nn.Linear(inner_dim, num_classes) 36 | 37 | def forward(self, hidden_states: torch.Tensor): 38 | hidden_states = self.dropout(hidden_states) 39 | hidden_states = self.dense(hidden_states) 40 | hidden_states = torch.tanh(hidden_states) 41 | hidden_states = self.dropout(hidden_states) 42 | hidden_states = self.out_proj(hidden_states) 43 | return hidden_states 44 | 45 | 46 | class MultiTaskBart(BartForConditionalGeneration): 47 | def __init__(self, config): 48 | super().__init__(config) 49 | 50 | self.classification_head = BartClassificationHead( 51 | config.d_model*2, 52 | config.d_model*2, 53 | 2, #num_labels 54 | config.classifier_dropout, 55 | ) 56 | self.model._init_weights(self.classification_head.dense) 57 | self.model._init_weights(self.classification_head.out_proj) 58 | 59 | self.classification_head2 = BartClassificationHead( 60 | config.d_model*2, 61 | config.d_model*2, 62 | 2, 63 | config.classifier_dropout, 64 | ) 65 | self.model._init_weights(self.classification_head2.dense) 66 | self.model._init_weights(self.classification_head2.out_proj) 67 | 68 | def forward( 69 | self, 70 | input_ids=None, 71 | attention_mask=None, 72 | decoder_input_ids=None, 73 | decoder_attention_mask=None, 74 | head_mask=None, 75 | decoder_head_mask=None, 76 | encoder_outputs=None, 77 | past_key_values=None, 78 | inputs_embeds=None, 79 | decoder_inputs_embeds=None, 80 | labels=None, 81 | use_cache=None, 82 | output_attentions=None, 83 | output_hidden_states=None, 84 | return_dict=None, 85 | ): 86 | r""" 87 | labels (:obj:`torch.LongTensor` of shape :obj:`(batch_size, sequence_length)`, `optional`): 88 | Labels for computing the masked language modeling loss. Indices should either be in ``[0, ..., 89 | config.vocab_size]`` or -100 (see ``input_ids`` docstring). Tokens with indices set to ``-100`` are ignored 90 | (masked), the loss is only computed for the tokens with labels in ``[0, ..., config.vocab_size]``. 91 | 92 | Returns: 93 | """ 94 | return_dict = return_dict if return_dict is not None else self.config.use_return_dict 95 | 96 | if labels is not None: 97 | if decoder_input_ids is None: 98 | decoder_input_ids = shift_tokens_right( 99 | labels, self.config.pad_token_id, self.config.decoder_start_token_id 100 | ) 101 | 102 | outputs = self.model( 103 | input_ids, 104 | attention_mask=attention_mask, 105 | decoder_input_ids=decoder_input_ids, 106 | encoder_outputs=encoder_outputs, 107 | decoder_attention_mask=decoder_attention_mask, 108 | head_mask=head_mask, 109 | decoder_head_mask=decoder_head_mask, 110 | past_key_values=past_key_values, 111 | inputs_embeds=inputs_embeds, 112 | decoder_inputs_embeds=decoder_inputs_embeds, 113 | use_cache=use_cache, 114 | output_attentions=output_attentions, 115 | output_hidden_states=output_hidden_states, 116 | return_dict=return_dict, 117 | ) 118 | lm_logits = self.lm_head(outputs[0]) + self.final_logits_bias 119 | #print(outputs[0]) 120 | 121 | masked_lm_loss = None 122 | if labels is not None: 123 | loss_fct = CrossEntropyLoss() 124 | masked_lm_loss = loss_fct(lm_logits.view(-1, self.config.vocab_size), labels.view(-1)) 125 | 126 | if not return_dict: 127 | output = (lm_logits,) + outputs[1:] 128 | return ((masked_lm_loss,) + output) if masked_lm_loss is not None else output 129 | 130 | # modified: here we change the output of encoder_last_hidden_state to decoder's last hidden state 131 | return Seq2SeqLMOutput( 132 | loss=masked_lm_loss, 133 | logits=lm_logits, 134 | past_key_values=outputs.past_key_values, 135 | decoder_hidden_states=outputs.decoder_hidden_states, 136 | decoder_attentions=outputs.decoder_attentions, 137 | cross_attentions=outputs.cross_attentions, 138 | encoder_last_hidden_state=outputs[0], 139 | encoder_hidden_states=outputs.encoder_hidden_states, 140 | encoder_attentions=outputs.encoder_attentions, 141 | ) 142 | 143 | if __name__ == "__main__": 144 | tokenizer = BartTokenizer.from_pretrained('facebook/bart-base', cache_dir="/shared/siyiliu/transformers/examples/seq2seq/cached_models") 145 | model = MultiTaskBart.from_pretrained('facebook/bart-base', cache_dir="/shared/siyiliu/transformers/examples/seq2seq/cached_models") 146 | encoding = tokenizer("I love NLP") 147 | #print(torch.tensor(encoding)) 148 | outputs = model(torch.tensor([encoding['input_ids']]), attention_mask=torch.tensor([encoding['attention_mask']]), return_dict=True) 149 | print(outputs.encoder_last_hidden_state) 150 | -------------------------------------------------------------------------------- /outputs/README.md: -------------------------------------------------------------------------------- 1 | # This directory contains our generated results used for evaluations. 2 | -------------------------------------------------------------------------------- /outputs/bart+both/seed=6/test_generated.txt: -------------------------------------------------------------------------------- 1 | No, internet privacy laws protect consumers' data 2 | Trump rolls back internet privacy laws 3 | Weinstein helped the media grow 4 | No, media coverage was inadequate 5 | Now is the time for stricter gun control 6 | Discussing gun control directly after shootings is redundant 7 | capitalism's values are incompatible 8 | We are protecting the environment 9 | Trump wrongly naming jerusalem as Israel's capital 10 | Trump rightly recognizing jerusalem as Israel's capital 11 | Trump is wrong to attack the press 12 | Media attack on Trump is liberal fantasy 13 | Climate Change is a Hoax 14 | The report's predictions are over the top 15 | First Man' is abandoning patriotism 16 | The backlash is exaggerated and doesn't stop growing 17 | It would be wrong to end diversity visa program 18 | The diversity visa program was a waste of money 19 | Inconvenient Sequel' sequel as relevant as Trump 20 | An Inconvenient Truth' sequel is better than original 21 | Mike Pompeo is the right man for the job 22 | Mike Pompeo isn't the right man for the job 23 | The GOP campaign against Clinton is baseless 24 | The special counsel will reveal the truth 25 | The Indians are wrong to change their mascot 26 | Removing the Chief Wahoo is sheer liberal bullying 27 | Trump is doing this out of partisanship 28 | Trump is right in calling for an investigation 29 | Fox News was complicit in its witch hunt 30 | Fox was upholding democracy 31 | The new iPhone X technology will revolutionize smartphones 32 | Apple’s new technology could backfire 33 | The government's policies worsened the tragedy 34 | It's unfair to blame government policies entirely 35 | Rosenstein’s partisan motives warrant a probe 36 | The departure of Rosenstein would undermine democracy 37 | ‘A Star Is Born' is a refreshing take on a classic 38 | Cooper’s 'A Star Is Born' narrative is thin and isn't 39 | Trump wrong to cut funding 40 | Trump is wrong to cut funding 41 | Kelly should stay at the White House 42 | Kelly’s failures are too numerous 43 | Impeachment is the appropriate next step 44 | Impeachment is a matter of partisanship 45 | Trump wrongly attacked Islam 46 | Trump sees the big picture 47 | O’Rourke champions unity 48 | O’Rourke isn't good for Texas 49 | Pepsi's ad is useless 50 | Pepsi's ad offers a much-needed distraction 51 | Trump should accept this deal 52 | Trump should reject spending bill 53 | It was wrong to impulsively fire Gunn 54 | Gunn was wrong and had to go 55 | This rule will hurt the game and risk more injuries 56 | This change will be a good step forward 57 | Climate Change is a Hoax 58 | There is no proof of change 59 | Bakers wrong to refuse to serve transgender people 60 | Bakers shouldn't have to refuse to serve transgender people 61 | People are the problem, not guns 62 | We don't need stricter gun laws to make our country safer 63 | Kavanaugh clearly lied to protect him 64 | Democrats want to smear Kavanaugh again 65 | Trump is provoking a trade war with China 66 | Trump is right about Mexico 67 | The players shouldn't have knelt 68 | The players are right to kneel 69 | The use of fireworks can leave long-term harm 70 | We shouldn't sacrifice the 4th of July 71 | Moon is taking a good north korea approach 72 | Moon offers a good north korea approach 73 | Trump should fire Jared Kushner 74 | The media is overreacting 75 | Republicans are likely to lose 76 | Republicans will win 77 | Season 2 is the best season so far 78 | Season 2 is not as exciting as season one 79 | ‘Damn' is a masterpiece 80 | Lamar's 'damn' incites more tension and violence 81 | Trump is right; the wall is needed 82 | Trump should shut down the government over the wall 83 | The UK elections meant May had to resign 84 | Corbyn will remain in power 85 | Giuliani is undermining Trump 86 | Giuliani’s revelations are hurting Trump 87 | Bill Clinton was far bigger than just this 88 | We shouldn't ruin Clinton's life again 89 | Trump’s economic policies are bad for america 90 | Trump’s economic policy is good for America 91 | Trump’s doing this out of partisanship 92 | Former officials don't need long-term security clearance 93 | A trade war would hurt America more 94 | A trade war would hurt America more 95 | Anti-Semitism must be fought 96 | The anti-semitism bill is narrow-minded 97 | Trump is alienating America's key allies 98 | Trump is calling out NATO misdeeds 99 | Banning kickoffs would warp the game 100 | NFL should ban kickoffs 101 | The media has shown clear bias 102 | The evidence isn't damning 103 | It would be best to let Casey go 104 | Firing Casey is highly unlikely 105 | Louis C.K.'s new movie is creepy 106 | Louis C.K.'s new movie deserves to be released 107 | There isn't proof of being juiced 108 | Baseballs are being pushed up 109 | McGregor can beat Mayweather 110 | Against all odds, the fight was boring 111 | Moore's James Bond was a creative triumph 112 | Moore was not the best Bond, falling apart too easily 113 | Welfare benefits the whole country 114 | Welfare shouldn't be conditional 115 | Ocasio-cortez's victory is good for democrats 116 | Ocasio-cortez's loss is bad for democrats 117 | Mueller’s probe is damning 118 | Mueller’s probe is flawed and doesn't hold up to scrutiny 119 | Kudlow could be good economics advisor 120 | Kudlow’s policies are flawed 121 | The Times is hypocritical to stick with Jeong 122 | The tweets were satirical 123 | Social media is bad for democracy 124 | Social media boosts democracy 125 | Romo's retirement is a certainty 126 | The risk of leaving football is highly unlikely 127 | The game is highly addictive 128 | Kids need to be taught not to play with others 129 | Trump is hurting Twitter 130 | Trump is improving Twitter 131 | Media campaign against the mob is biased 132 | Violent clashes are the cause for celebration 133 | Trump was wrong to hide the truth 134 | Trump was right, he was protecting his son 135 | Louis C.K.'s career is over 136 | The stage is set for a good 2018 137 | We need to legalize weed 138 | We shouldn't legalize weed 139 | We need to stop driverless cars' danger 140 | There are still to many risks involved 141 | Trump is wrong to roll back fuel efficiency 142 | The rules weren't necessary 143 | Trump's syria policy is useless 144 | Trump’s syria policy working 145 | Puerto Rico has been worse off 146 | Trump has done everything he can 147 | Trade has strongly benefited the US 148 | Trade deals are bad for America 149 | Barcelona's comeback win shows their greatness 150 | Barcelona's comeback win shows their strength 151 | There is a strong case for an investigation 152 | Similar accusations have failed to affect Trump 153 | Trump's "nuclear button" tweet risks war with North Korea 154 | Trump called out Kim Jong-un's belligerence 155 | The agency is necessary 156 | It's necessary to abolish ICE 157 | The WNBA has a culture of bullying 158 | There is no proof of bullying 159 | Trump's soft on Kim Jong-un 160 | Trump brought peace to the table 161 | Actually, life coaches can be dangerous 162 | Actually, life coaches can improve lives 163 | Obama's involvement boost Dems' support 164 | Obama's lack of substance won't change much 165 | Sportscasters shouldn't talk about politics 166 | It would be wrong to avoid talking about politics 167 | It's necessary to evaluate college policies 168 | It's wrong to reject affirmative action 169 | Trump has the right to build his wall 170 | Trump won't build his wall 171 | Kelly was right about slavery 172 | Kelly was right about the Confederacy 173 | Social media helps families after a terrorist attack 174 | Social media helps terrorists spread fear 175 | ‘crazy rich asians' is a funny and fun experience 176 | Crazy Rich Asians' falls back on common tropes 177 | Kushner’s actions indicate ties to Russia 178 | Kushner was clearly trying to fix the leak 179 | Trump's wall deal is a terrible deal 180 | Trump's deal is a good deal 181 | The shutdown will hurt Trump politically 182 | In fact, the shutdown won't affect him much 183 | The congress rant was out of place 184 | The ranting was out of place 185 | Baseball needs to change 186 | Baseball is not to be changed 187 | The expelling Russia was a necessary show of strength 188 | Expelling Russian diplomats is a meaningful step to punish Russia 189 | The deal benefits everyone 190 | NAFTA helps Mexico and Canada benefit at great cost 191 | In fact, peace talks could lead to peace 192 | In fact, peace talks could happen 193 | Mueller’s probe is biased and doesn't serve justice 194 | Mueller's probe is growing 195 | Fat-shaming is erroneous and causes needless harm 196 | Fat-shaming can be good when done logically 197 | The arrest was highly disproportionate 198 | The arrest was hardly racist at all 199 | Media giants are bad for democracy 200 | The criticism is liberal fantasy 201 | The data to prove cancer isn't proven 202 | The evidence of cancer isn't proven 203 | The March for Science' actually change science 204 | The March for Science' actually doesn't change much 205 | Democracy is the better system 206 | Democracy isn't the answer 207 | The economy is stagnating, not growing 208 | The economy is surging forward 209 | Kelly can be a successful chief strategist 210 | No, Kelly lacks the necessary political experience 211 | Actually, calorie counts could be beneficial 212 | Actually, calorie counts could lead to poor eating 213 | SNL's coverage of Weinstein was biased 214 | SNL wasn't trying to avoid the weinstein scandal 215 | The EPA shouldn't be abolished 216 | The agency is wasteful & redundant 217 | North Korea has proven impervious to sanctions 218 | Sanctions won't work, they just need time 219 | The rule prevents needless collisions 220 | It's wrong to regulate baseball this way 221 | Haspel’s judgement is poor 222 | Haspel was highly useful 223 | Omar's anti-Semitic comment was anti-semitic 224 | Omar's comment was not anti-Semitic 225 | McMaster is dangerous and should go 226 | McMaster has significantly improved the president 227 | Actually, Wellesley is right to protect students from dangerous ideas 228 | Actually, wellesley is right to protect students 229 | Trump doesn't understand Puerto Rico's situation 230 | Trump has supported Puerto Rico 231 | Trump's syria strategy is inadequate 232 | Trump's syria strategy can be fulfilled 233 | It's wrong to punish kneeling players this way 234 | It was wrong to punish the players kneeling this way 235 | ‘The Hitman's Bodyguard' is a messy attempt at combining action and comedy 236 | The chemistry with the Hitman's Bodyguard is amazing 237 | It's a huge victory for women 238 | It's right to defend the sanctity of life 239 | E-cigarettes are not probaly risky 240 | E-cigarettes are safer than regular cigarettes 241 | The mueller indictment shows Trump innocence 242 | The indictment presents no proof of collusion 243 | Trump is undermining his own cause 244 | Trump's tweets are good for open democracy 245 | The far right has no place in Europe 246 | The far right has no place in europe 247 | Joe Biden offers nothing inspiring 248 | Biden champions the common good 249 | Running the government like a business is a good idea 250 | Running the government like a business won't work 251 | Trump’s politics is divisive 252 | Trump’s politics is effective 253 | Trump wrong to fire Comey 254 | Trump was right, Comey was wrong 255 | The sanctions won't solve anything 256 | The sanctions will hurt the regime 257 | The media is at fault for its violence 258 | The left needs to calm its rhetoric 259 | Omar's anti-Semitic comments were clear 260 | Omar's comments were anti-Semitic 261 | F8: the Fate of the Furious' was great 262 | ‘f8’ is reductive and redundant 263 | The Trump-Putin meeting could benefit Russia 264 | The Trump-Putin meeting could improve relations with Russia 265 | Ivanka is degrading to protect herself 266 | No, Ivanka Trump is an ally of women 267 | We need to stop civil asset forfeiture 268 | We need to stop civil asset forfeiture 269 | Cohen didn't break the law 270 | Cohen clearly violated campaign finance laws 271 | Actuallly, wages are stagnating 272 | Wages are stagnating and job competition is growing 273 | Bush's death was hugely important 274 | Bush was a patriot and a patriot 275 | Trump wants military parade to waste money 276 | A military parade could be a positive event 277 | A-Rod is a good sports commentator 278 | A-rod’s commentary has been underwhelming 279 | Trump should decertify Iran Nuclear Deal 280 | Iran is killing its nuclear progra 281 | It would defund Planned Parenthood 282 | It's necessary to defund Planned Parenthood 283 | The right-wing alliance is growing rapidly 284 | The rise is less threatening now than before 285 | Eminem's new album Kamikaze is a big success 286 | The new album is nothing like Revival's success 287 | The 'Twin Peaks' revival is a gritty, depressing TV adaptation 288 | The 'twin peaks' revival doesn't live up to the original's success 289 | The two are perfectly compatible 290 | Mitt Romney is not the ideal choice 291 | No, Swift was willing to speak up 292 | No, Swift doesn't deserve all the praise 293 | GOP tax plan would hurt our middle class 294 | GOP tax plan will fuel the economy 295 | People are right to be mad at Sanders 296 | Sanders was wrong and had to leave 297 | Trump’s support is growing 298 | Trump’s concessions weren't enough to change anything 299 | Trump's shutdown was a clear triumph 300 | It's a waste of money 301 | Republicans are becoming closed-minded 302 | Liberals are far too closed-minded 303 | People are overreacting 304 | Coronavirus poses a huge danger 305 | Paid maternity leave is a bad idea 306 | Free maternity leave is beneficial 307 | The ban was necessary 308 | The ban's logistical flaws are huge 309 | Socialist policies would benefit the whole country 310 | Socialist socialism would hurt America 311 | We should send our astronauts to Mars 312 | We shouldn't send a mission to Mars 313 | No, Lena Dunham is a fake feminist 314 | It's wrong to label Lena Dunham a feminist 315 | ‘Zlatan’ is a valuable addition to MLS 316 | The deal is hardly earth-shattering 317 | Facebook's stock is likely to bounce back 318 | Facebook's shares are surging forward 319 | Black Panther' is a big success 320 | Black Panther' doesn't live up to the big expectations 321 | We need to mandate protective netting 322 | Signifying protective netting isn't the solution 323 | It's a loss for gay rights 324 | The ruling upholds everyone's rights 325 | The 'nuclear' option won't help Dems 326 | The 'nuclear' option would benefit Dems 327 | The deep state existed long before Trump 328 | There is no deep state 329 | It was wrong to get involved in politics 330 | Swift is joining politics 331 | We need to get to the bottom of Flynn's lies 332 | Flynn and his lawyer are clearly trying to protect themselves 333 | No, the president doesn't deserve all this attention 334 | No, Trump doesn't deserve all this praise 335 | Kavanaugh will uphold Roe v Wade 336 | Kavanaugh will uphold Roe v Wade 337 | The March is the best way to address society's real issues 338 | The march has achieved little 339 | Trump is wrong on immigration 340 | Trump is right on immigration 341 | Brady is the greatest quarterback of all time 342 | Brady's vision is the best quarterback ever 343 | Impeachment is the necessary step forward 344 | Impeachment is politically motivated 345 | The 'shi**y media men' list wasn't effective 346 | The media men' list helped women identify with each other 347 | Democrats' support is growing 348 | The economy is surging forward 349 | The burden of proof isn't on Kavanaugh or his accuser 350 | There is no proof of rape 351 | PC culture is the cause of hate 352 | PC culture isn't the answer 353 | Trump calls for unity after years of animosity 354 | Trump called for unity 355 | Dog shows are bad for pets 356 | Dog shows are positive & bad for pets 357 | Actually, 'Dreamers' greatly benefits the whole country 358 | Dreamers don't deserve to stay 359 | Prayer with inaction is hollow 360 | Prayer with action isn't the answer 361 | Trump's approach is effective 362 | Trump is breaking the world order 363 | Black Mirror's fourth season is as exciting as ever 364 | Season 5 is boring and repetitive 365 | Republicans right to dismantle Obamacare 366 | GOP recklessly undermining Obamacare 367 | Mike Pompeo is the right man for the job 368 | Mike Pompeo isn't the right man for the job 369 | Trump's syria strike was illegal 370 | Trump's syria strike was not an act of war 371 | American Idol is no longer special 372 | The american idol reboot would be a good move 373 | Trump is rightly appealing to working class 374 | Trump’s tariffs are a bad idea 375 | The deal was flawed and had to end 376 | The deal solves nothing whatsoever 377 | Trump is wrong to attack the judge 378 | Trump is right, the 9th Circuit is biased 379 | Weed strongly increases cancer rates and risks 380 | Weed isn't necessarily harmful 381 | Trump’s health report is not based on publicly available data 382 | Trump’s health report was good 383 | Season 2 is a big step down 384 | Season 2 is a big improvement on season one 385 | Wonder Woman' is set in a global stage 386 | ‘Wonder Woman' being set during WWI puts the hero on a war path 387 | The podcast violates Richard Simmons' privacy 388 | The richards simmons podcast means a lot to many 389 | It's not, it's a necessary shutdown 390 | It's a big loss for Dems 391 | It's wrong to sell muddy jeans for $425 392 | It's a form of flattery 393 | Social media can deteriorate depression 394 | Social media's effect on humanity is huge 395 | The Last Jedi' is not as bad as the prequels 396 | ‘star wars: the last jedi' is rich and witty 397 | Price should be paramount 398 | Actually, expensive clothes are good 399 | Trump's openness to open dialogue was a success 400 | North Korea has no reason to denuclearize 401 | ‘rick and morty' is a funny TV adaptation 402 | ‘rick and morty’ is depressing and doesn't live up to the 403 | All the signs say lone wolf terrorism isn't possible 404 | The similarities are awfully clear 405 | WeWork's success is America's success 406 | Actually, coworking office spaces can lead to poor productivity 407 | The downsides are clear 408 | The reform will boost competition and economic growth 409 | Kelly was undermining the media 410 | Kelly rightly stood his ground 411 | Flying cars are boring and redundant 412 | Flying cars are a welcome future 413 | Using tips is bad for service workers 414 | Using tips bad for service workers 415 | War for Montenegro risks even worse conflicts 416 | NATO is vital for global peace 417 | Trump attacks against the FBI are wrong 418 | Trump is rightly protecting the FBI 419 | Arpaio was wrong and had to go 420 | Trump is right; it was wrong 421 | GOP healthcare plan is better than Obamacare 422 | GOP healthcare plan is worse than Obamacare 423 | Trump's immigration ban doesn't fulfill its original aim 424 | The Supreme Court validated Trump's immigration ban 425 | Trump Jr.'s cooperation with Russia was illegal 426 | Trump Jr.'s russian lawyer wasn't illegal 427 | Hogg is open to criticism 428 | Hogg's attack on Hogg is petty 429 | Free menstrual leave is good for women 430 | It's bad & bad for women 431 | It's archaic to humiliate women in public 432 | It shouldn't be illegal to go topless in public 433 | America has evolved immensely 434 | The racism existed long before MLK's dream 435 | Flake wrongly delayed the Kavanaugh vote 436 | It was necessary to delay the Kavanaugh vote 437 | Russia has long done the same 438 | Trump wrong to leave nuclear treaty with Russia 439 | Gerrymandering undermines democracy 440 | Gerrymandering isn't an immense issue 441 | GOP abuses their power 442 | Nunes memo abuse of power was wrong 443 | Trump’s travel ban was wrong 444 | Trump’s travel ban was wrong 445 | Cortez's victory over Crowley shows socialism is growing 446 | It's not clear that socialism is growing in the Democratic party 447 | Clinton’s words were treated incredibly unfairly 448 | Clinton deserves praise for her book 449 | Strengthening gun laws would make us safer 450 | More gun control would make us safer 451 | Trump is being overly quiet 452 | Russia is a strategic US ally 453 | Starbucks' unicorn frappuccino is unhealthy & bad 454 | Starbucks' Unicorn Frappuccino was a huge marketing triumph 455 | Trump’s IQ tests show he can beat Tillerson 456 | Trump is highly intelligent 457 | A game-changer, LeBron is the greatest athlete 458 | No other could do Ronaldo's job better 459 | Republicans are taking important steps to fight opioids 460 | Republicans are making opioids worse 461 | Pulling out obama's iran deal undermines peace 462 | Iran has been out of line for years 463 | Trump's address was boring and divisive 464 | Trump's address was great 465 | Trump ignores human rights abuses 466 | Trump address terrorism correctly 467 | Now is the time for stricter gun laws 468 | Now is the time for stricter gun laws 469 | Trump is spreading misinformation 470 | Trump is protecting the US 471 | Republicans are twisting the facts 472 | The FBI overstepped its bounds 473 | Jeff Sessions is an honest man 474 | Jeff Sessions was an honest man 475 | Brexit would be a terrible result 476 | Brexit is good economics 477 | The 2018 Oscars were a big success 478 | The 2018 oscars were mostly white 479 | Cloud computing will outpace digital networks 480 | Amazon is growing in power 481 | Ryan’s policies were irresponsible 482 | Ryan was smart, not divisive 483 | TripAdvisor reviews are vital in choosing hotels 484 | TripAdvisor reviews are biased and redundant 485 | The raid on Cohen proved incriminating evidence 486 | Trump's lawyer is breaking the law 487 | No, hiring Scaramucci is a vital asset 488 | Trump hiring Scaramucci shows loyalty to Trump 489 | GOP plans to revamp Obamacare are misguided 490 | Obamacare should be scrapped 491 | Manafort's lawsuit against Mueller is a publicity stunt 492 | Manafort is innocent until proven guilty 493 | Facebook is liable for its Live content 494 | Facebook can't stop ads spreading 495 | Trump sees that China has the upper hand 496 | Trump won't work with China 497 | Trump is undeniably racist 498 | Trump isn't racist, he's not racist 499 | Schutz's 'open casket' is culturally insensitive 500 | Schutz's 'open casket' is insensitive 501 | The students are fighting for stricter gun laws 502 | Media campaign against the shooter is biased 503 | The 2018 Grammys were a confusing spectacle 504 | The Grammys are still special 505 | Ant-Man & the Wasp' is a refreshing refreshing take on Ant-Man 506 | Ant-Man and the Wasp' is like one more pre-packaged, 507 | Mueller is acting according to the law 508 | The mueller investigation is a big partisan witch hunt 509 | The student walkout over guns is a success 510 | The walkout over guns is wrong and alienates kids 511 | Far Cry 5 is a big success 512 | Far Cry 5 doesn't innovate or impress in any meaningful way 513 | Upholding travel ban was judicial overreach 514 | Upholding the travel ban was narrow-minded 515 | Trump is making Iran worse 516 | Actually, tough on Iran is good economics 517 | Palestinian people have the right to protest 518 | The army is right to open fire on Gazans 519 | It is wrong to ask about citizenship 520 | We shouldn't ask about citizenship 521 | Trump clearly violated campaign finance laws 522 | There is no solid case of Cohen breaking the law 523 | ‘jurassic world: fallen kingdom' is a big addition 524 | The plot of 'jurassic world: fallen kingdom' is over-the- 525 | ‘a wrinkle in time' is a wondrous and amazing experience 526 | ‘a wrinkle in time' doesn't innovate and doesn't live up to 527 | We need to raise awareness for sexual abuse 528 | The internet is far too devoted to mob justice 529 | The trial was a miscarriage of justice 530 | The judge was right, the officer killed Philando was innocent 531 | Sarsour called for violence against Trump 532 | Linda Sarsour is promoting violence 533 | The deal was useless and had to end 534 | It was necessary to stop Iran's nuclear progra 535 | The g20 summit was a success 536 | Trump's g20 summit was awkward and tense 537 | Actually, harvest boxes are better than welfare checks 538 | Actually, harvest boxes would save money 539 | War Machine' doesn't stray from conventional themes 540 | War Machine' is funny and falls flat 541 | Breaking up tech giants is easier said than done 542 | Tech giants' power is too powerful 543 | The peace talks weren't meant for peace 544 | The talks were a productive step forward for all 545 | There was clear signs of voter fraud 546 | There is no proof of voter fraud 547 | Trump is closing the PLO's D.C. offices 548 | Trump is right, the Palestinians are stubborn 549 | It's important to stop drinking fruit juice 550 | Actually, fruit juices are good for you 551 | We shouldn't ruin neo-Nazism 552 | Doxing anyone is wrong and causes needless conflict 553 | Papa John’s sales decline because of the kneeling 554 | It was Schnatter's wrong to blame NFL kneeling 555 | Trump's deal is a success 556 | Trump's new deal isn't a good deal 557 | Poles were WW2 heroes and victims too 558 | Poles were highly useful 559 | Kanye's praise of Trump validates Trump's politics 560 | Kanye has the right to praise Trump 561 | -------------------------------------------------------------------------------- /outputs/bart+relevance/seed=1/test_generated.txt: -------------------------------------------------------------------------------- 1 | Trump’s changes to internet privacy laws erred user privacy 2 | Trump’s changes will improve the internet 3 | Weinstein helped the media grow 4 | The media reported on Weinstein's crimes 5 | We need to stop the spread of guns 6 | Discussing gun control directly after a tragedy is pointless 7 | It's capitalism's values are incompatible with climate change 8 | Actually, capitalism is strongly reducing global pollution 9 | Trump is wrongly attacking Jerusalem 10 | Recognizing jerusalem as Israel's capital is the right step forward 11 | Trump’s media attacks are wrong 12 | The media is right to criticize Trump 13 | Climate change is already happening 14 | Climate change poses serious danger 15 | Actually, First Man's patriotism is misplaced 16 | The media campaign against 'First Man' is exaggerated 17 | It's not worth ending the diversity visa program 18 | The diversity visa program is obsolete 19 | In fact, the sequel is as powerful as ever 20 | Actually, the sequel is more creative than ever 21 | Pompeo is the right man for the job 22 | Pompeo is wrong for the job 23 | A Special Counsel is a witch hunt for Clinton 24 | A Special Counsel is the right man for the job 25 | The Indians made a racist change 26 | The change is a classic example of left-wing bullying 27 | Trump is wrong to call for Mueller's probe 28 | Trump’s calling for an investigation is justified 29 | Fox News to blame for Lewinsky scandal 30 | Fox is to blame for Lewinsky's treatment 31 | Apple’s new iPhone X will revolutionize smartphones 32 | Apple’s new face-recognition technology poses many issues 33 | The Grenfell Tower Fire was a needless disaster 34 | Government policies caused the Grenfell Tower Fire 35 | Rosenstein’s partisan behavior warranted firing 36 | Rosenstein leaving is a huge blow to the Constitution 37 | Actually, ‘Star Is Born’ is uniquely beautiful 38 | A star is born is a vanity project 39 | Haley is right, America wrong to cut funding 40 | Trump is wrong to cut UN funding 41 | No, Kelly is the right man for the job 42 | No, Kelly’s policies are making things worse 43 | Impeachment is the appropriate next step 44 | Impeachment is a matter of partisanship 45 | Trump’s warsaw speech was based on Western values 46 | Trump rightly warned of danger 47 | O'Rourke's message resonates with Americans 48 | O'Rourke’s politics are very special 49 | Pepsi's ad is a blunder 50 | Pepsi's ad was a mere blunder 51 | Trump should accept the spending bill 52 | Trump should reject the spending bill 53 | James Gunn was a victim of alt-right activism 54 | Gunn deserved to get fired 55 | This change of rule won't improve football 56 | This change will make the game safer 57 | Climate change poses danger 58 | Climate change poses no danger 59 | The baker was wrong to refuse a transgender person 60 | It was wrong to refuse a transgender person 61 | Now is the time for stricter gun laws 62 | We need to stop the spread of guns 63 | Kavanaugh clearly lied to protect himself 64 | Dems are right to investigate Kavanaugh again 65 | Imposing tariffs will hurt America's economy 66 | Mexico needs to stop illegal immigration 67 | The players are right to knelt 68 | The players are right to protest 69 | The sound of the fireworks aggravate PTSD 70 | We shouldn't allow the use of fireworks 71 | Moon’s North Korea approach is the right approach 72 | Moon Jae-in’s North Korea approach is a poor approach 73 | Trump should fire Jared Kushner 74 | Kushner's actions were normal 75 | Trump has made the GOP less safe 76 | Republicans will win again 77 | Season 2 is the best season so far 78 | The second season lacks substance 79 | Kendrick Lamar's 'Damn' is a masterpiece 80 | Lamar's 'damn' incites more violence 81 | Trump is right to build the wall 82 | Trump should shut down the government 83 | Theresa May needs to resign 84 | Theresa May will remain Prime Minister 85 | Trump needs Giuliani's help 86 | Trump is being attacked unfairly 87 | Clinton was far bigger than just this 88 | Clinton accepted his transgressions and got punished 89 | Economic policy is bad for America 90 | Economic growth is happening 91 | Trump is wrong to do this 92 | Former officials don't need to delay their security clearance 93 | A trade war would hurt America's economy 94 | Trade war would hurt America more 95 | Trump's anti-semitism bill is a needed step forward 96 | Trump is wrongly attacking Israel 97 | Trump is hurting America's dominance 98 | Trump is right, America needs to defend its allies 99 | Banning kickoffs would warp the way football is played 100 | Head injuries are a serious issue 101 | The media has reported on Kavanaugh's innocence 102 | There is no proof of Kavanaugh's innocence 103 | The Raptors need Dwane Casey 104 | The Raptors Should Fire Dwane Casey 105 | Louis C.K.'s new movie is creepy and disorienting 106 | The new movie is a damning critique of Hollywood culture 107 | The odds of baseballs being juiced are unproven 108 | Baseballs are becoming more aerodynamic 109 | McGregor’s skill sets him for success 110 | McGregor VS Mayweather wasn't that special 111 | Moore's 'Bond' best role was unique 112 | Moore’s Bond was not the best Bond 113 | Welfare benefits the whole country 114 | Welfare programs aren't needed 115 | Victims realize change 116 | Victims are growing 117 | Mueller’s probe poses serious danger 118 | Mueller’s Russia probe is flawed 119 | Kudlow is the right man for the job 120 | Kudlow’s policies are risky 121 | The media has shown its anti-Trump bias 122 | Actually, Jeong's tweets were satirical 123 | Social media is spreading fake news 124 | Social media is good for our democracy 125 | The Cowboys Shouldn't Fire Tony Romo 126 | The NFL needs to let Romo leave 127 | Fortnite is addictive for kids 128 | Actually, it's not all that bad 129 | Trump is hurting Twitter 130 | Trump is boosting Twitter's user base 131 | Left-wing violence is very incitive 132 | Left-wing violence is overblown 133 | Trump is right to tell the truth 134 | Trump was right to protect his son 135 | Louis C.K.'s career is over 136 | Louis C.K.'s career is still young 137 | Weed is already dangerous than alcohol 138 | We need to legalize weed 139 | We need to regulate this industry 140 | There is still a need for safety 141 | Trump is wrong to roll back fuel efficiency 142 | The rules weren't needed 143 | Trump is making Syria worse again 144 | Trump's syria policy prevents needless bloodshed 145 | Puerto Rico needs Trump's help 146 | Trump has been highly helpful 147 | Free trade benefits the US economy 148 | Trade has harmed U.S. industries 149 | Barca's resurgence is a sign of their success 150 | Barca's comeback win is a sign of their strength 151 | Evidence against Trump is damning 152 | No, the allegations are unproven 153 | Trump’s North Korea tweet poses danger 154 | Trump's 'nuclear button' was a necessary show of strength 155 | The agency is needed to stop harmful policies 156 | No, ICE needs to stop illegal immigration 157 | The WNBA has a culture of bullying 158 | Hate against women is unproven 159 | Trump laid the foundation for peace 160 | Trump laid the foundation for peace 161 | Actually, life coaches are highly dangerous 162 | Actually, Life coaches are highly effective 163 | Obama's involvement will boost Dems' midterm chances 164 | Obama's silence cost Democrats many new votes 165 | Sports shouldn't host politics 166 | Nurture is a vital part of the game 167 | Affirmative action is necessary 168 | Academia needs affirmative action 169 | Declaring an emergency would allow Trump to build the wall 170 | Legal options can be taken to build the wall 171 | Kelly is right, slavery wasn't America's fault 172 | Kelly’s right, the North was an aggressor 173 | Social media helps families reunite after a terrorist attack 174 | Social media is the best way to spread fear 175 | ‘crazy rich asians' is a refreshing take on a common American subject 176 | ‘crazy rich asians' falls back on common themes 177 | Kushner’s actions raise serious questions 178 | Kushner was only trying to improve relations with Russia 179 | Trump's dreamer deal is a terrible deal 180 | Trump's dreamer deal is a great deal 181 | Trump is hurting himself politically 182 | Trump's shutdown will unite Trump's base 183 | Blaming Trump was unmerited 184 | The rant was very incitive and incitive 185 | Baseball needs to change 186 | Baseball needs to change 187 | Russia expelling Russian diplomats shows strength of unity 188 | Expelling Russian diplomats is a meaningful step forward 189 | Nurture is good for U.S. jobs 190 | NAFTA unfairly oppresses American companies 191 | North Korea has a long history of denuclearization 192 | North Korea has been a great success 193 | Mueller’s Russia probe is a witch hunt that has failed 194 | Mueller’s probe is growing 195 | Fat-shaming is based on erroneous beliefs 196 | Actually, fat-shaming is effective when done right 197 | The two men were clearly feeling fear 198 | This was no example of clear racism 199 | Sinclair is bad for our democracy 200 | The sinclair broadcast group is bad for democracy 201 | There is a clear danger of using cellphones 202 | There isn't enough proof to prove cancer 203 | The March For Science is a form of protest 204 | The March For Science lacks substance 205 | Socialist’s capitalism is killing the already rich 206 | Socialist’s policies are wrong 207 | Actually, the whole country is seeing growth 208 | The economy is surging forward 209 | No, Kelly is the right man for the job 210 | No, Kelly lacks the political experience needed 211 | This change of labels would fight obesity 212 | Actually, calorie counts could introduce issues 213 | SNL ignored Weinstein's transgressions 214 | SNL's jokes were overblown 215 | The EPA shouldn't be abolished 216 | The agency needs to be abolished 217 | Economic sanctions won't work 218 | Now is the time for diplomacy 219 | Baseball must protect players 220 | Baseball shouldn't be punished 221 | Haspel’s judgement is poor 222 | Haspel’s successes made her a success 223 | Omar's 'dual loyalty' comment shows anti-semitism 224 | Omar’s comment was a mere slip of the tongue 225 | McMaster is a danger to America 226 | McMaster is a patriot and a patriot 227 | Actually, the college is protecting students from danger 228 | Actually, the faculty is right to protect students 229 | Trump has neglected Puerto Rico 230 | Trump has supported Puerto Rico 231 | Trump's syria strategy is useless 232 | Trump's syria strategy is the best path for peace 233 | The players shouldn't knelt 234 | The players are right to protest 235 | The hitman’s Bodyguard is a forced distraction that fails 236 | The hitman’s bodyguard is an amazingly entertaining experience 237 | Legalizing abortion is a huge success for women 238 | We must defend our lives 239 | E-cigarettes are not probaly risky 240 | Vaping is a safer alternative to smoking 241 | The collusion allegations are unproven 242 | So far, Mueller indictment is nothing but hot air 243 | Trump is making the world less safe 244 | Trump's tweets are good for open dialogue 245 | Europe's far right is the better option 246 | Fear of the far right has no place in Europe 247 | Biden’s past is full of bad judgement 248 | Biden’s brand of politics could lead America forward 249 | Making the government more business-like is a good investment 250 | Running the government like a business won't work 251 | Trump's brand of politics will upset most Americans 252 | Trump's politics are highly effective 253 | Trump was right, Comey fired because of Trump's lies 254 | Comey deserved to be fired 255 | North Korea needs harsher sanctions 256 | North Korea will suffer immensely 257 | The Left needs to calm its rhetoric 258 | Left needs to stop Trump's violence 259 | Omar's comments were unproven 260 | Omar's comments are exaggerated 261 | F8 was uniquely amazing 262 | F8' abandoning core themes 263 | The Trump-Putin meeting will give Russia little bargaining power 264 | Trump-Putin summit could thaw relations with Russia 265 | Ivanka Trump is an ally of women 266 | No, Ivanka Trump is an ally of women 267 | We need to stop civil asset forfeiture 268 | We need to stop illegal transactions 269 | Cohen didn't break the law 270 | Cohen hid his cooperation with Trump 271 | Actually, wages are stagnating 272 | Wages are stagnating in the US 273 | Bush's policies caused countless deaths 274 | Bush was a true American hero 275 | Trump's military parade is a waste of money 276 | A military parade could raise awareness for veterans 277 | A-Rod is a great commentator 278 | A-Rod is too scripted to be a great sports commentator 279 | Trump should decertify Iran Nuclear Deal 280 | We must stop Iran Nuclear Deal 281 | Trump’s defunding Planned Parenthood is useless 282 | It's wrong to defund Planned Parenthood 283 | The rise will push Germany's economy forward 284 | The rise of the far right poses no danger 285 | Eminem's new album is a powerful success 286 | No, Eminem's new album is a sorry, sorry, mess 287 | The 'Twin Peaks' Season 5 is uniquely beautiful 288 | No, 'Twin Peaks' Season 5 lacks substance 289 | Mitt Romney is the ideal candidate for the job 290 | Mitt Romney's Utah Senate candidacy is a political project 291 | Swift was a victim of harassment 292 | No, Swift's silence is superficial 293 | GOP tax plan would hurt our middle class 294 | GOP tax plan would revitalize the economy 295 | Sanders had the right to hold such beliefs 296 | Sanders was asked to leave because of her actions 297 | Trump’s actions have made him an independent 298 | Trump’s policies are making him an independent 299 | Trump's shutdown is a success for Dems 300 | Trump is right to stop illegal immigration 301 | Republicans are increasingly closed-minded 302 | Liberals are far more resolute 303 | People are overreacting to new diseases 304 | Coronavirus poses a huge danger 305 | Paid maternity leave is a bad investment 306 | paid maternity leave is beneficial for women 307 | The cabin laptop ban was necessary 308 | The cabin ban's logistical flaws are a major issue 309 | Socialist policies would favor the US 310 | Socialist’s economy would suffer 311 | Space flights would favor the United States 312 | Space exploration is risky than ever 313 | No, Dunham promotes feminism 314 | It's not, Lena Dunham's a fake feminist 315 | Victims are already growing 316 | No, Ibrahimovic's arrival is hardly earth-shattering 317 | No, Facebook's stock plunge is overblown 318 | Facebook is facing a terrible downturn 319 | “black panther” is an amazing success 320 | Black Panther fails to live up to the hype 321 | The NFL needs to secure its fans 322 | Fans have the right to safety 323 | Upholding the cake shop verdict is a loss for gay rights 324 | The Supreme Court is right to uphold Phillips' rights 325 | The 'nuclear' option will hurt the Democrats 326 | Democrats made the 'nuclear' option 327 | The deep state existed long before the Cold War 328 | There is no deep state 329 | Swift shouldn't have gotten involved 330 | Swift's silence emboldens activism 331 | Flynn deserves diplomatic immunity 332 | Flynn's behavior warranted immunity 333 | Actually, the U.S. needs the president 334 | No, Trump has failed at his job 335 | Kavanaugh will resist Roe v. Wade 336 | Kavanaugh will likely uphold Roe v. Wade 337 | The March is the best way to enact change 338 | The Women’s March lacks substance 339 | Trump’s immigration policy is wrong 340 | Trump’s right on immigration 341 | The Patriots' success set him apart 342 | The Patriots' success makes him the best quarterback ever 343 | Impeachment is the appropriate step forward 344 | Impeachment is a politically motivated move 345 | The 'shi**y media men' list made little sense 346 | The 'Shitty Media Men' list emboldens women 347 | Dems' support is growing 348 | Economic benefits will be huge 349 | The burden of proof is on Ford 350 | There is simply no basis for a fair investigation 351 | Political correctness is essential 352 | Political correctness stifles debate 353 | Trump's calls for unity are hollow 354 | Trump's call for unity is genuine 355 | Dog shows are Bad for pets 356 | Dog shows are positive experiences 357 | DACA greatly fuels healthcare 358 | DACA doesn't benefit the whole country 359 | Prayer is hollow and hollow 360 | Prayer is useless without action 361 | Trump's diplomacy is highly effective 362 | Trump’s diplomacy has maintained peace 363 | Black Mirror's fourth season is as exciting as ever 364 | The fourth season is weaker than ever 365 | Republicans are right to change Obamacare 366 | Republicans are right to dismantle Obamacare 367 | Pompeo is the right man for the job 368 | Mike Pompeo is a civil rights supporter 369 | Trump's syria strike was illegal 370 | The syria strike was a self-defense strike 371 | American Idol is no longer relevant 372 | Launching American Idol is a great marketing move 373 | Trump is rightly protecting workers 374 | Trump’s tariffs would kill American jobs 375 | Iran Nuclear Deal’s flaws are unproven 376 | The deal’s flaws are unproven 377 | Trump is wrong to criticize a judge 378 | Trump is right, the 9th Circuit is biased 379 | Weed increases mental health 380 | Weed isn't harmful 381 | Trump’s health report is unproven 382 | Trump’s health report is based on good health 383 | Westworld Season 2 is less appealing than ever 384 | Season 2 is the best season so far 385 | Wonder Woman' is a timely reboot 386 | Wonder Woman is a timely reboot 387 | The missing richard simmons podcast is creepy and redundant 388 | The richard simmons podcast is a cause of national concern 389 | Dems are right, the shutdown is a necessity 390 | This is a terrible loss for Dems 391 | It's wrong to make mud jeans for $425 392 | It's a form of flattery 393 | Social media is highly damaging to our lives 394 | Social media is a great asset for humanity 395 | The Last Jedi tries too hard to look cool 396 | Star Wars' Star Wars is uniquely beautiful 397 | Price should be the priority 398 | Actually, expensive clothes are good investments 399 | Trump’s openness to dialogue proved effective 400 | North Korea won't concede anything 401 | The show is amazing and profound 402 | The show is too depressing to watch 403 | Nurture is the cause of global violence 404 | Family ties are strongly linked to radicalisation 405 | Collaboration is the future 406 | Actually, coworking space can hinder productivity 407 | Registation is the path to economic growth 408 | Dodd-Frank reform is a productive step forward 409 | Kelly wrongly made himself a patriot 410 | Kellyan rightly stood his ground 411 | We need to fly cars 412 | We need to fly 413 | Actually, it's unfair to raise wages 414 | Women in the service industry need to be paid 415 | NATO needs to stop its belligerence 416 | NATO ensures peace 417 | FBI is in danger because of Trump 418 | The FBI is not a victim of Trump's policies 419 | Arpaio’s crimes warranted a pardon 420 | Trump is right to pardon Joe Arpaio 421 | GOP healthcare bill is better than Obamacare 422 | GOP healthcare bill is worse than Obamacare 423 | Upholding Trump's immigration ban doesn't make sense 424 | Upholding Trump's immigration ban is a biased ruling 425 | Trump Jr. lied to protect himself 426 | No laws were broken 427 | Hogg's freedom of speech should be respected 428 | Hogg's critics are unfair to him 429 | Free menstrual leave is good for women 430 | The paid menstrual leave is bad for women 431 | Let women to go topless 432 | It's wrong to go topless in public 433 | Racism has strongly declined in America 434 | MLK's dream remains unfulfilled 435 | Flake wrongly delayed Kavanaugh 436 | Flake is right to delay the Kavanaugh vote 437 | Trump is right to leave the nuclear treaty 438 | Trump wrong to cancel nuclear treaty 439 | Gerrymandering is a serious issue 440 | Gerrymandering’s effect is superficial 441 | GOP made the nunes memo a partisan document 442 | Nunes Memo shows clear abuses 443 | Upholding Trump's travel ban is wrong 444 | Trump’s travel ban is a partisan decision 445 | Victims are growing 446 | Victims want change 447 | Clinton's book elicits negative reaction 448 | Clinton deserves all the praise 449 | New gun laws are needed to make America safer 450 | More gun control won't make America safer 451 | Trump is being highly aggressive 452 | Russia is a strategic ally against ISIS 453 | The Unicorn Frappuccino is unhealthy and unhealthy 454 | Starbucks' Unicorn Frappuccino was a success 455 | Trump’s actions indicate high IQ 456 | No, Trump's impulsivity is very poor 457 | The world’s greatest athlete is doing everything right 458 | The world’s greatest athlete is a success story 459 | Republicans are tackling opioids correctly 460 | Republicans are making opioids worse 461 | We need to stop Iran Nuclear Deal 462 | Iran has made peace less likely 463 | Trump's speech was boring and divisive 464 | Trump's speech was a great speech 465 | Trump is abandoning American values 466 | Trump's Syria speech was a timely step forward 467 | Now is the time for stricter gun laws 468 | We need stricter gun laws to lower America's violence 469 | Trump is making things worse 470 | Trump is protecting the country 471 | Trump is making this story up 472 | The FBI hid its cooperation with Russia 473 | Sessions hid the full truth 474 | Sessions rightly stood his ground 475 | Brexit is the best option for Britain 476 | Brexit is the right moment for growth 477 | The 2018 Oscars helped America grow 478 | The 2018 oscars weren't all that inclusive 479 | The Cloud’s advances are rapidly 480 | The Internet of Things is already growing 481 | Ryan laid the foundation for growth 482 | Ryan was smart to defend his job 483 | The site’s reviews are a vital part of booking 484 | The site isn't reliable for hotel reviews 485 | Cohen has strong evidence to incriminate Trump 486 | Trump has a clear right to do so 487 | Smartly hired Scaramucci is the right man for the job 488 | Trump hiring Scaramucci shows loyalty to Trump 489 | Republicans' plans are flawed 490 | Obamacare needs revision 491 | The lawsuit is a publicity stunt 492 | The charges against Manafort are unproven 493 | Facebook must stop harmful content 494 | Facebook can't stop harmful content 495 | Trump's China strategy is working 496 | Trump's China strategy won't work 497 | Trump is undeniably racist 498 | Trump’s actions are not racist 499 | Dana Schutz's 'Open Casket' is culturally insensitive 500 | Schutz's 'Open Casket' is culturally insensitive 501 | Local students are protesting to enact change 502 | The media is politicizing the shooting survivors for profit 503 | The 2018 Grammys were confusing and confusing 504 | The Grammys are still uniquely special 505 | Ant-Man & the Wasp is an amazingly exciting sequel 506 | Ant-Man & the Wasp is nothing like Marvel's Ant-Man 507 | Mueller is acting according to the law 508 | The law says Mueller can't do anything 509 | The students' courage led to meaningful change 510 | The national student walkout is wrong for America 511 | Far Cry 5 is a refreshing addition to the genre 512 | Far Cry 5 is just a forced reboot 513 | Upholding Trump's travel ban is judicial overreach 514 | Upholding the travel ban was a cruel decision 515 | Trump is making Iran worse again 516 | We need to be tough on Iran 517 | Palestinian protests are justified 518 | Fears of violence are justified 519 | Actually, the national census is a partisan move to gain political gain 520 | Actually, the downsides are being heavily exaggerated 521 | Trump's silence warranted Cohen's silence 522 | Cohen’s guilty plea presents no solid case 523 | Fallout is an amazingly exciting sequel 524 | Fallout is a subpar sequel 525 | ‘A Wrinkle in Time' is amazing and amazing 526 | A Wrinkle in Time is a forced distraction 527 | #MeToo needs to be appreciated 528 | The Internet is growing 529 | The outcome of the deadly shooting is crystal clear 530 | The officer that killed Philando was innocent 531 | Women’s March organizer called for violence 532 | Sarsour's words warranted protest 533 | Iran nuclear Deal was a huge blunder 534 | We should have stayed in Iran 535 | The g20 summit was a success, especially on trade 536 | Trump's G20 summit was unusually awkward 537 | Harvest boxes are too expensive than welfare checks 538 | Harvest boxes would favor the whole country 539 | War Machine's plot is subpar 540 | War Machine's humor is witty and profound 541 | No, tech giants are holding back innovation 542 | We need to break the tech giants' power 543 | Trump has made peace less likely 544 | Trump is right, the canceled talks made peace less likely 545 | There was clear evidence of voter fraud 546 | There is no proof of voter fraud 547 | Trump has made peace less likely 548 | Trump’s right to close the PLO's d.C. office 549 | Fruit juice increases obesity rates 550 | Actually, natural juices are good for you 551 | Free speech needs to resist neo-Nazism 552 | Doxing anyone is wrong and wrong 553 | Nurture led to lower NFL revenue 554 | No, Schnatter's kneeling caused profits to drop 555 | Trump’s new mexico deal reduces U.S. trade deficit 556 | Trump's new deal is nothing like NAFTA's original 557 | Poland is a victim of the Holocaust 558 | Poles were WW2 heroes 559 | Kanye's praise of Trump is superficial 560 | Kanye is right to praise Trump 561 | -------------------------------------------------------------------------------- /outputs/bart+relevance/seed=6/test_generated.txt: -------------------------------------------------------------------------------- 1 | Republicans' changes to internet privacy laws erred 2 | The reform will improve the internet 3 | Weinstein helped the media grow 4 | No, the media covered up Weinstein's crimes 5 | Now is the time for gun control 6 | People shouldn't politicize guns 7 | Actually, capitalism is protecting the planet 8 | Capitalism is strongly reducing global pollution 9 | Jerusalem is Israel's capital 10 | Recognizing jerusalem as Israel's capital is right 11 | The media is being attacked unfairly 12 | The media ignores the anti-Trump bias 13 | Climate change would seriously damage human welfare 14 | Climate predictions are overblown 15 | Liberals shouldn't be overly patriotic 16 | Liberals don't understand the significance of First Man 17 | We shouldn't end the diversity visa program 18 | The diversity visa program wasn't needed 19 | In fact, An Inconvenient Sequel better than original 20 | An Inconvenient Sequel is less artistic than original 21 | Mike Pompeo is the right man for the job 22 | Mike Pompeo isn't right for Secretary of State 23 | Clinton's innocence is being made up 24 | Clinton clearly violated the law 25 | The Indians shouldn't have changed their mascot 26 | The change subtly alienates Indians 27 | Trump is undermining the FBI 28 | Justice Department needs to follow the law 29 | Fox showed its anti-Trump bias 30 | Fox's handling Lewinsky unfairly 31 | Apple's iphone X technology promises to revolutionize smartphones 32 | Apple’s iphone X technology poses several privacy issues 33 | The london grenfell tower fire was a waste of money 34 | Government caused this tragedy 35 | Rosenstein showed that he can't be trusted 36 | Rosenstein leaving would seriously shake democracy 37 | “A Star Is Born” is a refreshing take on a classic 38 | A Star Is Born is not worth all the hype 39 | Haley cut funding to the UN 40 | The cuts will hurt relations with the world 41 | Kelly should stay on 42 | Kelly’s failures are too numerous 43 | Democrats' push for impeachment is justified 44 | Democrats' impeachment trial shows partisanship 45 | Trump's Poland speech was narrow-minded 46 | America must defend its honor 47 | O'Rourke offers much-needed unity 48 | O'Rourke's too liberal to lead Texas 49 | Pepsi's ad subtly empowers black people 50 | The ad offers much-needed social commentary 51 | Trump should accept this spending bill 52 | Trump should reject this spending bill 53 | Gunn’s comments set a dangerous precedent 54 | Actually, Gunn deserved to get fired 55 | The head-lowering rule will badly hurt football 56 | The head-lowering rule will make football safer 57 | Climate change is being strongly suppressed 58 | Climate science shows no signs of changing 59 | Bakers showed that they can 60 | Bakers shouldn't decide what cake to make 61 | New gun laws are needed to lower violence 62 | States shouldn't change gun laws 63 | Kavanaugh clearly lied 64 | Democrats made this story up 65 | Mexico showed it can't be trusted 66 | Mexico is being punished 67 | The players shouldn't knel 68 | The players are justified in kneeling 69 | The use of fireworks can leave long-term harm 70 | We shouldn't waste the 4th of July 71 | Moon’s North Korea approach is more nonviolent 72 | Moon Jae-in will hurt relations with South Korea 73 | Trump should fire Jared Kushner 74 | The fire was perfectly normal 75 | Republicans' support is dwindling 76 | Democrats' support is growing 77 | GLOW Season 2 is a great season 78 | Season 2 lacks substance & humor 79 | Kendrick Lamar's 'Damn' is a masterpiece 80 | Lamar's 'Damn' incites more tension 81 | A shutdown is the best step forward 82 | A shutdown would badly affect the GOP 83 | Corbyn's dominance is being broken 84 | Corbyn and May will remain Prime Minister 85 | Giuliani is undermining Trump 86 | Giuliani is hurting Trump 87 | Bill Clinton was far bigger than mere infidelity 88 | Clinton accepted his mistake and atoned 89 | Trump is ignoring working class needs 90 | Trump’s economic policy is great 91 | The downsides are personal 92 | Former officials don't need to hold onto security clearance 93 | A trade war would badly hurt American businesses 94 | China still has the upper hand 95 | The anti-semitism bill will fight bigotry 96 | Trump is politicizing Israel 97 | Trump is alienating America's friends 98 | Trump is calling out Eastern countries' low NATO spending 99 | NFL shouldn't ban kickoffs 100 | NFL Shouldn't ban kickoffs 101 | Similar similarities are clear 102 | The similarities are awfully clear 103 | The Raptors Should Fire Casey 104 | The rumors are being heavily exaggerated 105 | Louis C.K.'s new movie subtly normalizes pedophilia 106 | C.K.'s new movie is a harsh critique of Hollywood 107 | Baseballs are being juiced 108 | Baseball's overall look like baseball's changed 109 | McGregor will be a significant threat to Mayweather 110 | McGregor VS Mayweather was simply a one-sided illusion 111 | Moore's James Bond best captured Fleming's brand of Bond 112 | Moore was simply too playful 113 | Welfare benefits those who work 114 | Welfare shouldn't be conditional 115 | Ocasio-cortez's victory shows Democrats' resurgence 116 | Ocasio-cortez’s loss shows internal divisions 117 | Mueller’s probe could reveal damning evidence 118 | Mueller’s probe is built upon partisanship 119 | Kudlow will be a great economic advisor 120 | Kudlow’s policies will hurt the economy 121 | The ny times shows hypocrisy 122 | The humor of Jeong's tweets was satirical 123 | Social media is fracturing our democracy 124 | Social media is bolstering democracy 125 | Romo's doing what he said he would 126 | The rumors have merit 127 | Fortnite is highly addictive 128 | Kids shouldn't be too dependent on Fortnite 129 | President Trump is hurting Twitter 130 | President Trump is boosting Twitter 131 | Liberals are downplayed violence 132 | Left-wing mobs are spreading violence 133 | Trump Jr.'s innocence was proven 134 | Trump was trying to protect his son 135 | Louis C.K.'s career is over 136 | Louis C.K.'s career will rebound 137 | Legalizing weed would badly affect mental health 138 | Legalizing weed would solve countless problems 139 | America needs to regulate self-driving cars 140 | Driverless cars are safer than regular ones 141 | The downsides are being heavily overblown 142 | The original fuel efficiency rules were unrealistic 143 | U.S. strategy is wrong 144 | Trump’s syria policy prevents needless bloodshed 145 | Puerto Rico is being blamed for its problems 146 | Puerto Rico has been getting relief 147 | Trade has strongly benefited the US 148 | America benefits from trade 149 | Barcelona's historic comeback win shows their reputation for greatness 150 | Barcelona's comeback win shows their resurgence 151 | The evidence for an investigation is there 152 | Nothing has been proven so far 153 | Trump's North Korea rhetoric risks hurting America 154 | Trump's "nuclear button" tweet shows strength 155 | The agency should be abolished 156 | The downsides are being heavily made 157 | The WNBA has a culture of bullying 158 | There is no such thing as bullying 159 | No, Trump’s handling N. Korea poorly 160 | Trump’s assertiveness forced peace 161 | Life coaches can be highly dangerous 162 | Life coaches can be highly positive 163 | Obama's involvement could boost Dems' midterm hopes 164 | Obama's Illinois speech furthered Trump's dominance 165 | Sportscasters shouldn't talk about politics 166 | It's wrong to avoid politics 167 | It's necessary to evaluate affirmative action 168 | The college admission process is highly flawed 169 | Legal precedent shows Trump can build the wall 170 | Legal avenues can be taken 171 | Kelly was right about slavery 172 | Kelly was right about the Civil War 173 | Social media helps families reunite after attack 174 | Social media spreads fear 175 | Crazy Rich Asians' is a refreshing take on a common subject 176 | Crazy Rich Asians' relies too much on common Television tropes 177 | Kushner’s actions indicate ties to Russia 178 | Kushner was simply trying to communicate with Russia 179 | The dreamer deal is racist and needless 180 | Trump's dreamer deal would benefit Dreamers 181 | The shutdown is a waste of money 182 | A shutdown will only hurt Trump 183 | Booker's remark shows the discomfort of black people 184 | Booker's raving was childish 185 | Baseball needs to reform 186 | Baseball shouldn't be overhauled 187 | The expulsion shows strength and unity 188 | Expelling Russian diplomats wouldn't punish Russia 189 | The trade deal actually benefits everyone 190 | America's intellectual property laws are broken 191 | Peace can't happen with North Korea 192 | Peace talks could be a possibility 193 | Mueller’s probe is an effort to undermine Trump 194 | Mueller’s probe shows clear signs of collusion 195 | People shouldn't judge fat-shaming by appearance 196 | Fat-shaming can be good when performed right 197 | The incident shows white fear of black bodies 198 | The arrest wasn't racially motivated 199 | The sinclair broadcast group undermines democracy 200 | The sinclair broadcast group doesn't adher to liberal values 201 | There are still to many studies to look at 202 | There's no proof of cancer 203 | The March For Science' shows much-needed change 204 | The March for Science' actually had no effect on society 205 | Socialist socialism is useless 206 | Socialist socialism is simply a waste of money 207 | America’s economy is stagnating 208 | Jobs are surging forward 209 | Kelly will be a great strategist 210 | Kelly lacks the political experience needed to be president 211 | Actually, calorie counts could be beneficial 212 | Judging calorie counts on food menus could lead to mental distress 213 | SNL showed partisanship 214 | SNL wasn't trying to avoid the Weinstein scandal 215 | The agency shouldn't be abolished 216 | The Environmental Protection Agency should be abolished 217 | Economic sanctions won't work 218 | U.S.-backed diplomacy will work 219 | The plate-blocking rule prevents needless collisions 220 | Baseball shouldn't be punished 221 | Haspel lacks moral morals 222 | Haspel’s valuable to the CIA 223 | Omar's 'dual loyalty' comment shows anti-semitic attitudes 224 | Omar’s Israel comments are rooted in reality 225 | McMaster spreads division & animosity 226 | McMaster’s devoted to Trump 227 | Actually, Wellesley is right to shelter students 228 | Actually, the college is right to protect students 229 | Trump doesn't understand Puerto Rico 230 | Puerto Rico has no claim to Puerto Rico 231 | Trump's Syria strategy is inadequate 232 | Trump's syria strategy can be fulfilled 233 | The players shouldn't knelt 234 | The players showed that kneeling doesn't belong in sports 235 | The Hitman’s Bodyguard' is a messy attempt at comedy 236 | The Hitman’s Bodyguard' is an amazingly entertaining movie 237 | Ireland's new abortion law will curtail illegal pregnancies 238 | Ireland's new abortion law upholds women 239 | E-cigarettes don't pose a significant health risk 240 | Vaping is a good alternative to smoking 241 | Trump’s innocence is proven 242 | So far, Mueller indictment offers no proof of Trump being involved 243 | Trump is spreading division 244 | Trump's Tweets are refreshingly direct 245 | Europe values tolerance, not xenophobia 246 | Europe has no place in xenophobic violence 247 | Joe Biden would undermine progressives 248 | Joe Biden could lead Democrats forward 249 | Running the government like a business is good 250 | Running the government doesn't work 251 | Trump’s brand of politics is highly unpopular 252 | Trump's unpredictability benefits the media 253 | Trump sought to halt Comey's Russia probe 254 | Comey deserved to be fired 255 | North Korea will only benefit from harsher sanctions 256 | North Korea will suffer 257 | Liberals are driving the shooting 258 | The left must stop violence 259 | Omar’s statements were anti-Semitic 260 | Omar’s statements were anti-Semitic 261 | F8’ uniquely combines action & drama 262 | F8' recycles past Fast & Furious' tropes 263 | The Trump-Putin meeting will only benefit Russia 264 | The Trump-Putin meeting could improve relations with Russia 265 | Ivanka Trump is degrading women 266 | Ivanka Trump is an ally of women 267 | Court shouldn't end civil asset forfeiture 268 | Legal asset forfeiture is necessary for police to fight drug trade 269 | Cohen didn't break the law 270 | Cohen clearly broke campaign finance laws 271 | Actually, wages are stagnating 272 | Wages are stagnating 273 | Bush's policies caused countless needless deaths 274 | Bush was a patriot and a patriot 275 | The military parade is pointless and superficial 276 | A military parade could be a positive event 277 | A-Rod is a great sports commentator 278 | A-Rod is too scripted to be a good sports commentator 279 | Trump should decertify Iran Deal 280 | Iran has broken the deal 281 | The defund Planned Parenthood would badly affect women 282 | Planned Parenthood shouldn't lose government subsidies 283 | The nationalist AfD will power Germany 284 | German’s far right showed staying away 285 | Eminem's new album is a powerful statement of intent 286 | Eminem's new album is nothing but hot air 287 | Actually, 'Twin Peaks' Season 5 is very depressing 288 | Twin Peaks' Season 5 recycles past themes 289 | Mitt Romney is right for Utah 290 | Mitt Romney's Utah Senate candidacy shows little personality 291 | Swift fought her own harassment 292 | No, Taylor Swift doesn't deserve all this praise 293 | The gop's tax bill would badly benefit the middle class 294 | GOP tax bill would boost the economy 295 | Sanders’s reaction is natural 296 | Sanders was unfairly ejected 297 | Trump’s behavior is acting like an independent man 298 | Trump’s concessions are petty 299 | Democrats' shutdown was a clear triumph for Trump 300 | Democrats showed much-needed unity 301 | Democrats are cutting off all input 302 | Liberals are too quiet on conservatives 303 | People are reacting with fear 304 | Coronavirus can spread rapidly 305 | Paid leave is a waste of money 306 | paid maternity leave comes with several benefits 307 | The cabin laptop ban is necessary for security 308 | The cabin laptop ban will seriously hurt Gulf airlines 309 | Socialist policies would benefit the US 310 | Socialist ownership would hurt small businesses 311 | Space exploration would boost America's economy 312 | Space exploration would be risky and risky 313 | Girls' star Lena Dunham used feminism to profit herself 314 | It's unfair to call Lena Dunham a feminist 315 | Blaming Ibrahimovic is huge 316 | The arrival of Ibrahimovic doesn't guarantee that the league will explode 317 | Facebook's stock plunge is the back-end 318 | Facebook's stock plunge is due to data scandals 319 | Black Panther' is a big success 320 | Black Panther' fails to live up to high expectations 321 | Fans need protective netting 322 | Fans shouldn't have to worry about safety 323 | The ruling is a huge loss for gay rights 324 | The Supreme Court is right, upholding gay rights 325 | The 'nuclear' option will allow Republicans to filibuster Neil Gorsuch 326 | Democrats forced the GOP to use the nuclear option 327 | The deep state existed long before the election 328 | There is no deep state 329 | Swift shouldn't have gotten involved 330 | Swift's courage deserves political support 331 | Flynn deserves diplomatic immunity 332 | Legal immunity offers nothing whatsoever 333 | People give presidents too much attention 334 | Everyone but the president 335 | Kavanaugh will likely uphold Roe v. Wade 336 | Roe v Wade will probably be overturned 337 | Women march is the best way to enact change 338 | The Women’s March has achieved little 339 | Trump's immigration rhetoric is wrong 340 | Trump’s right on immigration 341 | Brady’s career is unmatched 342 | Brady's leadership is unmatched 343 | Impeachment is the best way to enact change 344 | Impeachment is clearly politically motivated 345 | The 'shi**y media men' list had many flaws 346 | The 'Shitty Media Men' List helped women combat harassment 347 | Democrats' support is growing 348 | The G.O.P's tax breaks will boost the economy 349 | The burden of proof shouldn't be on Kavanaugh 350 | The proof of Ford's innocence is there 351 | Political correctness is paramount 352 | Political correctness is crippling discussion 353 | It's disingenuous to call for unity 354 | Trump called for unity 355 | Dog shows are harmful & negative 356 | Dog shows don't deserve negative backlash 357 | Dreamers' greatly benefit American healthcare 358 | Dreamers don't deserve to stay 359 | Prayer is hypocritical and hollow 360 | Prayer isn't needed 361 | Trump's diplomacy is effective 362 | Trump is breaking America's dominance 363 | Black Mirror's Season 5 is amazingly exciting 364 | Black Mirror's fourth season is simply too predictable 365 | Republicans are right to dismantle Obamacare 366 | Republicans are crippling Obamacare 367 | Mike Pompeo deserves to be Secretary of State 368 | Mike Pompeo shouldn't be Secretary of State 369 | Trump's syria strike was illegal 370 | Trump's syria strike was legal 371 | American Idol's revival risks failing 372 | American Idol reboot is a great marketing move 373 | Trump's tariffs will lift up bluecollar workers 374 | Trump is killing American industries 375 | Iran Nuclear Deal is useless 376 | The iran nuclear deal's flaws are being overcome 377 | Trump is trying to undermine the judiciary 378 | Trump is right about the 9th Circuit 379 | Weed’s dangers are clear 380 | People shouldn't smoke weed 381 | Trump’s health report is filled with empty claims 382 | Trump’s physical health is being verified 383 | Westworld Season 2 is a big step down 384 | Westworld Season 2 is a big improvement 385 | Wonder Woman' is uniquely relevant 386 | Wonder Woman' is a mere fantasy 387 | The missing Richard Simmons podcast is creepy & voyeuristic 388 | The richard simmons podcast inspires much-needed conversation 389 | The shutdown is part of a larger political witch hunt 390 | Democrats fell short of their goals 391 | Nordstrom wrong to sell mud jeans for $425 392 | The superficial resemblance are superficial 393 | Social media can leave long-term harm 394 | Social media’s overall effect is positive 395 | The Last Jedi tries too hard to look cool 396 | The Last Jedi' is an amazingly exciting movie 397 | People should decide what clothes are worth 398 | Cheap clothes are good investment 399 | Trump’s handling N. Korea perfectly 400 | North Korea won't concede anything 401 | Rick and Morty is a humor-packed show 402 | Rick and Morty's plot is depressing 403 | Only a primitive nature can stop lone wolf terrorism 404 | Mateen’s family was involved 405 | WeWork's investment shows promise 406 | Coworking spaces can hinder productivity 407 | De-regulation is taking its toll 408 | The reform will benefit the economy 409 | Kelly’s attack on Trump was petty 410 | Kelly's courage deserves praise 411 | Flying cars are simply a waste of fuel 412 | Flying cars will improve transportation 413 | Initiative 77 would lower service workers' wages 414 | Tolls don't protect service workers 415 | NATO should honor its soldiers 416 | NATO should come to the aid 417 | Trump has impaired the FBI 418 | Trump shouldn't be attacked 419 | Arpaio showed that he can't pardon minorities 420 | America showed its respect 421 | Republicans' plan will improve on Obamacare 422 | Obamacare offered better health care 423 | U.S. Supreme Court doesn't understand Trump's immigration ban 424 | The Supreme Court validated Trump's immigration ban 425 | Trump Jr.'s meeting with Russian lawyer shows ties to Russia 426 | Trump Jr. didn't break the law 427 | Hogg is willing to share his opinion 428 | Hogg's statements have been personal 429 | paid leave is good for women 430 | Women shouldn't pay menstrual leave 431 | It's archaic to downplay women's bodies 432 | Women shouldn't decide themselves 433 | Americans realize MLK's dream 434 | MLK's dream remains unfulfilled 435 | Flake wrongly delayed Kavanaugh 436 | Flake was right, he delayed Kavanaugh 437 | North Korea has long violated the nuclear treaty 438 | Trump wrong to leave nuclear treaty 439 | Gerrymandering undermines democracy 440 | Gerrymandering’s not an immense issue 441 | Republicans abused their influence for partisan gain 442 | Obama clearly abused his power 443 | The travel ban went against the Constitution 444 | Trump’s travel ban is a partisan decision 445 | Cortez's victory shows Democrats are being pushed down the political ladder 446 | Socialist politics aren't taking over the Democratic party 447 | Clinton’s book wasn't deserved criticism 448 | Clinton deserves all the praise 449 | Now is the time for gun reform 450 | More gun control wouldn't make America safer 451 | Trump must show strength 452 | Trump is right, relations could improve 453 | The Unicorn Frappuccino is highly unhealthy 454 | The Unicorn Frappuccino was a creative triumph 455 | Tillerson’s IQ tests show high IQ 456 | Tillerson's IQ is highly overblown 457 | LeBron is doing everything right 458 | America's greatest athlete 459 | Republicans are taking important steps 460 | Republicans are making things worse 461 | Obama leaving Iran deal risks hurting peace 462 | Iran has broken the deal 463 | Trump's State of the Union speech was superficial 464 | Trump's State of the Union speech was great 465 | Trump ignores human rights 466 | Trump called out Middle Eastern misdeeds 467 | Now is the time for gun control 468 | Gun control would make a big impact 469 | Trump is spreading mistruths 470 | Democrats are using coronavirus to attack Trump 471 | Republicans made this story up 472 | Republicans are right about the FBI 473 | Sessions' testimony proved nothing 474 | Sessions proved moral soundness 475 | People shouldn't decide Brexit 476 | Brexit is boosting Britain's economy 477 | The 2018 Oscars showed much-needed social change 478 | The 2018 oscars were more of the same 479 | The Cloud will be outgrown by Edge computing 480 | The Internet of Things is growing cloud computing 481 | Ryan made America's deficit bigger 482 | Ryan did everything right 483 | Actually, TripAdvisor reviews strongly influence hotels 484 | Travelers are tricked into believing TripAdvisor reviews are probaly bad 485 | Evidence against Cohen is there 486 | The raid is going against everyone's rights 487 | Hiring Scaramucci shows loyalty to Trump 488 | Trump hired Scaramucci out of loyalty 489 | Republicans' latest bill is useless 490 | Obamacare should be scrapped 491 | Manafort's lawsuit is a publicity stunt 492 | Manafort’s innocence is being proven 493 | Facebook is fully responsible for its Live feature 494 | Facebook can't eliminate harassment 495 | Trump showed much-needed strength 496 | Trump's China strategy won't work 497 | Trump’s statements are nothing but bigoted 498 | Trump's not racist at all 499 | Schutz's 'open casket' is culturally insensitive 500 | Schutz's 'open casket' is culturally insensitive 501 | Kids are protesting gun control 502 | Kids are being overly partisan 503 | The 2018 Grammys was simply too confusing 504 | The Grammys are still special 505 | Ant-Man and the Wasp is a refreshingly fun movie 506 | No, Ant-Man & the Wasp is just one more movie 507 | Mueller is acting according to the law 508 | The mueller investigation is going against the Constitution 509 | The student walkout showed much-needed change 510 | The student walkout alienates students 511 | Far Cry 5 is a big success 512 | Far Cry 5 doesn't innovate enough to be great 513 | U.S. judge's travel ban is judicial overreach 514 | Upholding revised travel ban is a judicial overreach 515 | Trump is making peace a pipe-dream 516 | Trump’s Iran approach was wrong 517 | Palestinian violence is being heavily overblown 518 | In fact, Israel's reaction is justified 519 | The downsides are being heavily overblown 520 | The downsides are being heavily overblown 521 | Trump clearly broke campaign finance laws 522 | Cohen’s guilty plea presents no solid case 523 | Jurassic World: Fallen Kingdom' is an amazingly exciting sequel 524 | The writers are over-the-top 525 | A Wrinkle in Time is a wondrous movie 526 | A Wrinkle in Time is simply too predictable 527 | Women are the real victims 528 | The #MeToo campaign mirrors Salem witch trials 529 | The shooting was a miscarriage of justice 530 | The trial wasn't about the law 531 | Women’s March organizer incited violence 532 | Sarsour was outspoken in condemning Muslims 533 | The deal was a waste of money 534 | Iran Nuclear Deal should have been intact 535 | The g20 summit proved much-needed improvement 536 | Trump's G20 summit was full of awkwardness 537 | The harvest boxes would just create more problems 538 | Harvest boxes would save taxpayer money 539 | War Machine' fails to stray from conventional themes 540 | War Machine' satirizes war 541 | Breaking up tech giants is easier said than done 542 | tech giants' power is being broken 543 | The canceled peace talks caused too many problems 544 | Trump was right, peace talks weren't going anywhere 545 | There were clear signs of voter fraud 546 | There is no proof of voter fraud 547 | Trump is making peace less likely 548 | Trump is showing his support 549 | Actually, fruit juice can lead to bad health 550 | Actually, fruit juices can be good for you 551 | Publicly shaming is necessary 552 | Doxing is wrong and wrong 553 | Papa John’s' sales decline due to kneeling 554 | The kneeling caused Papa John's sales to drop 555 | Trump’s new trade deal will improve trade with Mexico 556 | Trump's new trade deal is useless 557 | Poland's crimes were unique 558 | Poles were WW2 heroes 559 | Kanye's praise of Trump is genuine 560 | Kanye doesn't deserve all this praise 561 | -------------------------------------------------------------------------------- /outputs/bart+relevance/seed=9/test_generated.txt: -------------------------------------------------------------------------------- 1 | Trump’s changes protect consumers' data 2 | Trump’s changes protect consumers 3 | Weinstein established a huge media empire 4 | No, mainstream media protects Harvey Weinstein 5 | Now is the time for debate 6 | Discussing gun control with the media is irresponsible 7 | This system protects the planet 8 | capitalism protects the environment 9 | Trump wrong to recognize jerusalem as Israel's capital 10 | Recognizing jerusalem as Israel's capital ensures peace 11 | Media must defend their democracy 12 | Media criticism is exaggerated 13 | Climate Change’s impact is immense 14 | The report’s predictions are over the top 15 | “first man' fails to celebrate American patriotism 16 | This story is being exaggerated 17 | It would be wrong to end the diversity visa program 18 | The diversity visa program is useless 19 | In fact, ‘Inconvenient Truth’ is relevant today 20 | An Inconvenient Truth' is more relevant than ever 21 | Mike Pompeo is the right man for this job 22 | Mike Pompeo simply isn't right for this role 23 | Clinton’s accusations have merit 24 | Clinton’s actions warranted an investigation 25 | The Indians wrong to change their mascot 26 | This change undermines Native Americans' dialogue 27 | Trump is undermining Mueller’s probe 28 | Justice department oversight is justified 29 | Fox News perpetuated a witch hunt 30 | Fox News is to blame for Clinton 31 | Apple’s new iPhone X promises to revolutionize smartphones 32 | Apple’s iphone X technology poses a huge privacy issue 33 | The grenfell tower fire could have been avoided 34 | The report isn't quite out yet 35 | Rosenstein is undermining democracy 36 | Rosenstein leaving is a huge step down 37 | A Star Is Born is a must-see film 38 | A Star Is Born is a huge waste of time 39 | Haley cut funding for the UN 40 | Trump’s UN budget cuts will inflame global tension 41 | Klly should stay on the job 42 | Klly must resign 43 | Impeachment proceedings should continue 44 | Impeachment is a partisan witch hunt 45 | Trump’s war speech was biased 46 | Trump correctly addressed current threats 47 | O’Rourke champions unity 48 | O’Rourke’s policies aren't needed 49 | Pepsi’s ad fails to address black suffering 50 | Pepsi's ad is a huge blunder 51 | Trump should accept the latest spending bill 52 | Trump should reject this spending bill 53 | Gunn’s comments set a dangerous precedent 54 | Gunn deserved to be fired 55 | This new head-lowering rule will cause more problems 56 | This change will make football safer 57 | Climate Change is in doubt 58 | There is no indication of Trump's plans 59 | Bakers wrong to refuse transgender people cakes 60 | Bakers shouldn't have this kind of cake 61 | States need stricter gun laws 62 | Now is not the time for stricter gun laws 63 | Kavanaugh clearly lied to protect himself 64 | Kavanaugh’s innocent until proven guilty 65 | Trump wrong to impose tariffs on Mexico 66 | Trump is right to punish Mexico 67 | The players shouldn't knelt 68 | Kaepernick should have the right to protest 69 | Fireworks cause PTSD & pain 70 | We shouldn't limit fireworks to shield veterans 71 | Moon’s approach is more cautious 72 | Moon jae-in will hurt relations with North Korea 73 | Kushner is too impetuous to be president 74 | Kushner was perfectly normal 75 | Republicans will probably lose in 2018 76 | Republicans will win Congress 77 | GLOW Season 2 is great 78 | Season 2 still contains too many weak spots 79 | Kendrick Lamar's 'Damn' is a masterpiece 80 | Kendrick Lamar’s 'damn' incites more tension 81 | Trump is rightly protecting the border 82 | Trump should shut down the government over his wall 83 | May should resign after May's disastrous election performance 84 | Corbyn will remain Prime Minister 85 | Trump’s mistakes are far too numerous 86 | Giuliani’s revelations help elect Trump 87 | Bill Clinton managed to escape jail time 88 | Clinton accepted his mistakes and apologized 89 | Trump is ignoring most workers' needs 90 | Trump’s economic policy is good 91 | Trump wrong to revoke former officials' security clearance 92 | Former officials don't need security clearance 93 | A trade war would hurt American companies 94 | A trade war would hurt the US economy 95 | Trump's anti-semitism bill protects Jews 96 | Trump is splitting the issue between legitimate criticism and anti-Semitism 97 | Trump is alienating America's key allies 98 | Trump is rightly calling out NATO waste 99 | Kickoffs would warp the game 100 | Kickoffs protect players 101 | Kavanaugh and Kavanaugh similarities are clear 102 | Evidence suggests Biden is innocent until proven guilty 103 | The Raptors need Casey's leadership 104 | The rumors are being overblown 105 | Louis C.K.'s new movie subtly normalizes pedophilia 106 | C.K.'s new movie deserves to be released 107 | This theory doesn't hold water 108 | Baseball’s technology is being tweaked 109 | McGregor will be overshadowed by Mayweather 110 | McGregor VS Mayweather buildup is superficial 111 | James Bond is the best Bond so far 112 | Moore's casting was poor 113 | Welfare benefits those on welfare 114 | Welfare shouldn't be conditional 115 | Ocasio-cortez’s victory shows Democrats are on the right 116 | Ocasio-cortez’s victory shows Democrats' huge divisions 117 | Mueller’s probe is closing in on Trump 118 | Mueller’s probe is flawed 119 | Kudlow will be good for Trump 120 | Kudlow’s policies will hurt the economy 121 | The N.Y. Times has shown hypocrisy by sticking with its editor 122 | Jong's Tweets were satirical 123 | Social media is spreading misinformation 124 | Social media promotes democracy 125 | Romo is done with football 126 | Romo is better off staying in the NFL 127 | Fortnite is highly addictive 128 | Fortnite is too addictive for kids 129 | Trump is hurting Twitter 130 | Twitter is boosting its user base 131 | Left-wing mobs are acting belligerent 132 | Left-wing mobs’ violence is exaggerated 133 | Trump hid the truth 134 | Trump was only trying to protect his son 135 | Louis C.K.'s career is over 136 | Louis C.K.'s career will rebound 137 | Weed’s danger is overblown 138 | Weed is safer than alcohol 139 | Driverless cars need to slow to avoid collisions 140 | Self-driving cars are safer than regular ones 141 | Pulling back fuel efficiency rules would raise costs 142 | The regulations weren't needed 143 | Trump’s Syria policy is wrong 144 | Trump’s syria policy prevents further bloodshed 145 | Puerto Rico is worse off now 146 | Puerto Rico is being distributed correctly 147 | Free trade promotes economic growth 148 | Trade benefits our economy 149 | Barcca's comeback win shows their promise 150 | Barca's comeback win shows its resilience 151 | There is a strong case for an investigation 152 | This story of Trump is being verified 153 | Trump’s North Korea rhetoric risks war 154 | Trump is rightly calling out Kim Jong-un 155 | The agency should be dismantled 156 | Trump should abolish ICE 157 | The Wnba has a culture of bullying 158 | Similar stories have been unproven 159 | Trump deserves blame for N. Korea talks 160 | Trump laid the foundation for peace 161 | Life coaches are unregulated & ineffective 162 | Life coaches are life coaches 163 | Obama’s involvement will boost Dems' midterm hopes 164 | Obama gave sound & convincing arguments 165 | Sportscasters should stick to sports 166 | Sportscasters should avoid politics 167 | Affirmative action ensures an equal playing field 168 | Affirmative action is flawed & in need 169 | Declaring an emergency will allow Trump to build his wall 170 | A national emergency won't allow Trump to build his wall 171 | Kelly is right to defend slavery 172 | Kelly is right about the civil war 173 | Social media is beneficial in the wake of a terrorist attack 174 | Social media promotes terror violence 175 | Crazy Rich Asians' is a refreshing portrayal of a complex subject 176 | Crazy Rich Asians' falls back on common tropes 177 | Kushner’s actions raise new questions 178 | Kushner was only trying to communicate with Russia 179 | DACA is a needless deal 180 | This deal would benefit Dreamers 181 | The shutdown won't benefit Trump 182 | This shutdown won't affect Trump 183 | Blaming Trump’s comment 184 | Cory Booker’s rant was childish 185 | Baseball needs revision 186 | Baseball deserves to change 187 | Upholding Russian diplomats shows strength and unity 188 | UK diplomats won't punish Russian misdeeds 189 | NAfta benefits U.S. economy 190 | NAFTA protects American companies 191 | Peace talks mainly benefit N. Korea 192 | Now is the time for peace talks 193 | Mueller’s probe is a witch hunt 194 | Mueller’s probe is going on 195 | This assumption is flawed 196 | Fat-shaming is good & even beneficial 197 | The arrest was highly disproportionate 198 | The incident involved two black people 199 | Sinclair broadcast group harms our democracy 200 | This is a liberal belief 201 | Studies suggest cellphones cause cancer 202 | There isn't enough proof to prove phones cause cancer 203 | The March for Science' shows scientific concern 204 | The March for Science' doesn't change much 205 | Socialist socialism provides a better system 206 | Socialist socialism is socialism's best option 207 | America’s economy is growing 208 | Jobs are surging forward 209 | Kelly is the right man for the job 210 | Klly lacks political experience 211 | This new food label would fight obesity 212 | Actually, calorie counts could deteriorate mental health 213 | SNL showed partisanship by covering Weinstein 214 | SNL neglected to cover the Weinstein scandal 215 | The EPA shouldn't be abolished 216 | The EPA should be abolished 217 | Economic sanctions won't work 218 | Now is the time for diplomacy 219 | The plate-blocking rule protects players 220 | Baseball shouldn't be used this way 221 | Haspel’s judgement is poor 222 | Haspel’s success makes her ideal 223 | Omar’s comments suggest anti-Semitism 224 | Omar’s comments suggest anti-Semitism 225 | McMaster is undermining Trump 226 | McMaster’s critics are being overly partisan 227 | Actually, Wellesley college is better off staying away 228 | Actually, Wellesley students are being taught to debate 229 | Trump doesn't understand Puerto Rico 230 | Trump has shown much-needed support 231 | Trump’s syria strategy is inadequate 232 | Trump’s syria strategy is solid 233 | The NFL shouldn't punish players 234 | The players shouldn't have knelt 235 | ‘The Hitman’s Bodyguard’ is messy and falls apart 236 | ‘The Hitman’s Bodyguard’ is the perfect movie 237 | Legalizing abortion is a huge success 238 | We should defend our rights 239 | E-cigarettes don't pose a direct danger 240 | Vaping is a good alternative to smoking 241 | Trump’s innocence has been proven 242 | So far, nothing illegal has been proven 243 | Trump is undermining his own cause 244 | Trump’s tweets show much-needed trust 245 | Europe's far right is promoting xenophobia 246 | Far right causes xenophobic violence 247 | Biden supported Trump’s policies 248 | Biden represents the right ideals 249 | Kushner’s new government will be more productive 250 | Running the government like a business won't work 251 | Trump’s politics won't unite the country 252 | Trump’s politics is effective 253 | Trump wrong to fire Comey 254 | Comey deserved to be fired 255 | Now is not the time for harsher sanctions 256 | North Korea sanctions will hurt its economy 257 | Liberals blame the left 258 | The left needs to calm its rhetoric 259 | Omar’s statements were anti-Semitic 260 | Omar’s comments were anti-Semitic 261 | F8’ is the best movie so far 262 | F8’ recycles key themes 263 | The meeting will benefit the former 264 | The Trump-Putin meeting could improve relations with Russia 265 | Ivanka Trump is degrading herself 266 | Ivanka Trump champions women's rights 267 | We need to continue civil asset forfeiture 268 | No, civil asset forfeiture is necessary for police 269 | Cohen didn't break the law 270 | Cohen broke campaign finance laws 271 | Wages have been growing over the past decade 272 | Wages are stagnating 273 | Bush failed at his job and had to go 274 | Bush was an American hero 275 | The military parade is useless 276 | A military parade could raise awareness and funds 277 | A-Rod is a great sports commentator 278 | A-Rod’s commentary has been underwhelming 279 | Trump should decertify Iran Nuclear Deal 280 | Trump should stop Iran Nuclear Deal 281 | Trump’s defunded Planned Parenthood is useless 282 | Planned Parenthood should continue funding 283 | The AFD will dominate Germany 284 | The rise of the populist afd shows Germany is less democratic 285 | Eminem's new album is a huge success 286 | Eminem's new album is a much-needed step forward 287 | ‘Twin Peaks' Season 5 is great 288 | The 'Twin Peaks' revival fails to revitalize the show 289 | Mitt Romney is the ideal 2020 candidate 290 | Mitt Romney is just trying to be himself 291 | Swift fought her own battles 292 | Swift silence breakers aren't deserved 293 | GOP's tax plan would benefit our middle class 294 | GOP tax plan will re-vitalize the economy 295 | All Americans have the right to be heard 296 | Sanders was asked to leave because of her beliefs 297 | Trump’s behavior suggests he’ll 298 | Trump’s concessions won't change that 299 | Trump pulled the trigger on his shutdown 300 | This is a huge loss for all involved 301 | Republicans are only listening to Democrats 302 | Democrats ignore conservatives' needs 303 | This outbreak is less likely than many assume 304 | Coronavirus’s danger is overblown 305 | Paid maternity leave is a bad idea 306 | paid maternity leave comes with several benefits 307 | The cabin laptop ban ensures no one attacks America 308 | The cabin laptop ban is useless 309 | Socialist policies would benefit our economy 310 | Socialist socialism would hurt the economy 311 | Space X is a great opportunity for humanity 312 | Space X is too risky to fly to Mars 313 | No, Lena Dunham promotes feminism 314 | It's wrong to condemn Dunham 315 | Blaming Ibrahimovic’s success is huge 316 | In fact, Ibrahimovic’s arrival doesn't guarantee that the league will explode 317 | Facebook’s stock plunge is a long-term downturn 318 | Facebook is suffering from its data scandals 319 | Black Panther' is the perfect superhero adaptation 320 | Black Panther’ fails to live up to the hype 321 | The NFL should have protective netting 322 | This is a good step forward 323 | The ruling is a huge victory for gay rights 324 | The ruling protects Phillips’s rights 325 | The 'nuclear' option will benefit democrats 326 | Democrats should use the ‘nuclear’ option 327 | The deep state is a mysterious entity that has long existed 328 | There is no deep state 329 | Swift shouldn't have gotten involved 330 | Swift's silence ensures political activism 331 | Flynn deserves diplomatic immunity 332 | Flynn has little to offer 333 | It doesn't matter that Trump does this 334 | It doesn't matter that Trump ceremonial duties 335 | Kavanaugh will uphold Roe v. Wade 336 | Kavanaugh will uphold Roe v. Wade 337 | The women’s march tackles many issues 338 | The Women’s March has achieved little 339 | Immigrants are a vital part of the economy 340 | Trump is right to tackle immigration 341 | Brady is the best quarterback of all time 342 | Brady is the best quarterback ever 343 | Impeachment is the best step forward 344 | Impeachment is clearly politically motivated 345 | The 'shi**y media men' list wasn't effective 346 | Shitty Media Men' was a much-needed ally for women 347 | Democrats' midterm hopes are rising 348 | Democrats' support is growing 349 | Kavanaugh deserves to be heard 350 | Kavanaugh needs to be proven innocent 351 | Political correctness is needed 352 | Political correctness prevents debate 353 | It disingenuous to call for unity 354 | Trump is working to unite our country 355 | Dog shows are bad for pets 356 | Dog shows shouldn't deserve negative headlines 357 | DACA recipients are good citizens 358 | DACA benefits Dreamers 359 | Prayer is useless 360 | Prayer is the best way to enact change 361 | Trump’s diplomacy is effective 362 | Trump is breaking the world order 363 | Black Mirror’s fourth season is good 364 | Black Mirror’s fourth season is less groundbreaking than the first 365 | Republicans right to dismantle Obamacare 366 | Trump is undermining Obamacare 367 | Mike Pompeo deserves this job 368 | Mike Pompeo is undermining human rights 369 | Trump’s syria strike required Congressional approval 370 | Trump’s syria strike was legal 371 | American Idol is too special & should be reboot 372 | American Idol reboot would be great 373 | Trump is responding to workers' pain 374 | Trump’s tariffs will hurt America's economy 375 | Iran Nuclear Deal is useless 376 | Evidence suggests Iran Nuclear Deal is inadequate 377 | Trump is undermining democracy 378 | Trump is justified in feud with federal judges 379 | Weed’s danger is overblown 380 | Weed isn't harmful 381 | Trump’s health report doesn't hold up to scrutiny 382 | Trump’s health is being verified 383 | Westworld Season 2 is a huge step down 384 | Westworld Season 2 is a much-needed step forward 385 | Wonder Woman' is the perfect setting 386 | Wonder Woman' conflicts with WWI tropes 387 | The missing richard simmons podcast violates Richard Simmons’ privacy 388 | The missing richard simmons podcast inspires deeper issues 389 | Ending the shutdown is a success 390 | The shutdown is a big loss for Democrats 391 | Nordstrom wrong to sell mud-caked jeans 392 | This is a common market 393 | Social media’s effect is minimal 394 | Social media’s usefulness ensures its usefulness 395 | The Last Jedi’s plot is forced and falls apart 396 | ‘star wars: the last jedi' is great 397 | Buyers should decide themselves 398 | Expensive clothes are good investments 399 | Trump’s approach is perfect 400 | North Korea won't concede its nuclear war 401 | Rick and Morty' is a hilarious show 402 | Rick and Morty' fails to deviate from its plot 403 | Lone wolf terrorists are harder to stop 404 | Mateen’s background suggests ties to ISIS 405 | WeWork’s success shows it can work well 406 | Coworking Spaces are Dangerous 407 | Dodd-Frank bank regulations normalize economic uncertainty 408 | Dodd-Frank bank regulations will benefit the economy 409 | Kelly erroneously shared his opinion 410 | Kelly rightly stood his ground 411 | We need flying cars for long commutes 412 | We need flying cars for convenience 413 | Initiative 77 would benefit service workers 414 | Tapping is wrong and spurs abuse 415 | War for Montenegro risks even more conflicts 416 | NATO ensures no one attacks America 417 | Trump is rightly attacking the FBI 418 | The FBI is not tainted 419 | Arpaio broke the law too many times 420 | Trump was right to pardon joe Arpaio 421 | GOP healthcare bill will replace Obamacare 422 | GOP healthcare bill is worse than Obamacare 423 | Upholding the ban doesn't fulfill Trump's plans 424 | Upholding Trump’s ban legally protects national security 425 | Trump Jr.'s meeting with Russian lawyer involved ties to Russia 426 | Trump Junior didn't break the law 427 | Hogg is fair game for criticism 428 | Hogg has been unfairly criticized 429 | Free menstrual leave is good for women 430 | This plan protects women 431 | It should be women who get topless 432 | Women should celebrate their bodies 433 | MLK’s activism shows progress 434 | Race prejudice still remains in play 435 | Kavanaugh delay is excessive 436 | Kavanaugh’s critics are being overly partisan 437 | Trump is rightly leaving the nuclear treaty 438 | Trump wrong to leave the nuclear treaty 439 | Gerrymandering undermines democracy 440 | Democrats won't concede anything 441 | The nunes memo abused its power 442 | Nunes memo abuses U.S. intel 443 | Upholding Trump’s travel ban goes against the Constitution 444 | Travel ban violates his rights 445 | Socialist socialism is taking over the Democratic party 446 | Bernie’s victory shows socialism is popular 447 | Clinton words deserve scorn 448 | Clinton deserves blame for her mistakes 449 | Now is the time for stricter gun control 450 | More gun control would make us safer 451 | Trump must punish Russia's interference 452 | Better relations are the priority 453 | The Unicorn Frappuccino is unhealthy & bad 454 | The Starbucks Unicorn Frappuccino was a huge success 455 | Trump’s IQ tests show he can read 456 | Tillerson lacks the necessary IQ points 457 | No other athlete can do more than LeBron 458 | No other could do Ronaldo's job better 459 | Republicans are taking the right steps 460 | Republicans are making this crisis situation worse 461 | Pulling out Iran Nuclear Deal undermines peace 462 | Iran Nuclear Deal is useless 463 | Trump's address wasn't as presidential as previous presidents 464 | Trump's address was great 465 | Trump wrong to defend human rights 466 | Trump address Middle Eastern issues 467 | Now is not the time for new gun laws 468 | Harsher gun control won't solve America's problems 469 | Trump is making this outbreak worse 470 | Trump has been doing everything he can 471 | The GOP is spreading fake news 472 | Republicans are right, FBI oversight is flawed 473 | Sessions answered all questions perfectly 474 | Sessions rightly stood up to Trump 475 | Brexit is the best option for Britain 476 | Brexit’s economy is growing 477 | The 2018 Oscars were huge progress 478 | The 2018 oscars weren't inclusive enough 479 | Cloud computing will dominate our lives 480 | Cloud Computing will dominate our techs 481 | Ryan’s policies were irresponsible 482 | Ryan did a very good job 483 | TripAdvisor reviews strongly influence hotels 484 | TripAdvisor reviews aren't thorough enough 485 | Evidence suggests Trump abused his lawyer 486 | Trump has the right to privacy 487 | No other could do Scaramucci better 488 | Trump hiring Scaramucci shows loyalty 489 | Republicans' plans are flawed 490 | Obamacare needs revision 491 | The lawsuit is a publicity stunt 492 | Mueller’s probe is unrelated to Trump 493 | Facebook Live Facebook can't be fully liable 494 | Facebook can't be fully stopped 495 | Trump sees that China has the upper hand 496 | Trump won't work with China 497 | Trump’s statements suggest racist ideals 498 | Trump isn't racist 499 | Schutz’s 'Open Casket' is culturally insensitive 500 | Schutz’s 'Open Casket' is culturally insensitive 501 | Parkland students are protesting 502 | The media is exaggerating this story 503 | The 2018 Grammys was a convoluted spectacle 504 | The Grammys still special 505 | Ant-Man and the Wasp is the perfect sequel 506 | Ant-Man and the Wasp' is too over-the-top 507 | Mueller’s probe is lawful 508 | Mueller is going against the law 509 | The student walkout is a success 510 | The walkouts misunderstand the issue 511 | Far Cry 5 is a great addition to the series 512 | Far Cry 5 doesn't innovate enough to be a good game 513 | Upholding the travel ban is judicial overreach 514 | Upholding the travel ban is judicial overreach 515 | Trump has made Iran situation worse 516 | Getting tough on Iran is the best path to peace 517 | Palestinian violence is Israel's fault 518 | The IDF should open fire on Gazans 519 | The downsides are being made 520 | This is a justified step forward 521 | Cohen hid her silence 522 | Cohen broke campaign finance laws 523 | ‘jurassic World: Fallen Kingdom’ is a big success 524 | Jurassic World: Fallen Kingdom' is a sorry sequel 525 | ‘A Wrinkle in Time' is worth watching 526 | ‘A Wrinkle in Time' falls apart and is repetitive 527 | Society needs #MeToo activism 528 | These accusations are unproven 529 | The trial was a miscarriage of justice 530 | The trial verdict is justified 531 | Women’s March organizer Linda Sarsour promoting violence 532 | Sarsour’s comments encouraged violence 533 | Iran Nuclear Deal was riddled with flaws 534 | We should work with Iran 535 | The g20 summit achieved much-needed economic growth 536 | Trump’s G20 summit was full of awkwardness 537 | The harvest boxes won't solve anything 538 | Harvest boxes would save money 539 | War Machine' fails to stray between genres 540 | War Machine' satirizes war 541 | Breaking up the giants is easier said than done 542 | Breaking up tech giants is the best step forward 543 | Peace talks weren't going anywhere 544 | Trump was right to cancel peace talks 545 | Voter fraud was evident 546 | Voter fraud was evident 547 | Trump is undermining peace talks 548 | Trump is rightly cutting aid 549 | We need to stop drinking fruit juice 550 | We should stop drinking fruit juice 551 | Facebook naming and shaming neo-Nazism is a necessary step forward 552 | Doxing is wrong and causes needless harm 553 | Papa John’s reported lower revenues 554 | Papa John’s profits were huge 555 | This deal spurs economic growth 556 | Trump won't end NAFTA 557 | Poland is a victim of the Holocaust 558 | Poles gave their lives for protection 559 | Kanye has the right to praise Trump 560 | Kanye has the right to praise Trump 561 | -------------------------------------------------------------------------------- /outputs/bart_baseline/seed=1/test_generated.txt: -------------------------------------------------------------------------------- 1 | No, new laws are in order 2 | This change of internet privacy laws will badly affect consumers 3 | The media has shown too much bias 4 | The media has shown that it can cover up its wrongdoing 5 | Now is the time for gun control 6 | We need to continue dialogue 7 | Marxism is incompatible with the planet 8 | Economic growth is promoting clean energy 9 | Trump is wrong to recognize Israel's capital 10 | Trump is rightly protecting Israel 11 | Media must be held accountable 12 | The media is promoting anti-Trump bias 13 | Climate change is a ticking time bomb 14 | Climate change predictions are overblown 15 | America should celebrate its heroes 16 | Liberals are too worked up about 'first man' 17 | We need to end diversity visa program 18 | Diversity Visa Program is obsolete 19 | In fact, the sequel is as relevant as ever 20 | The sequel is a much-needed step forward 21 | Pompeo is a vital ally for diplomacy 22 | Pompeo’s anti-Muslim beliefs are incompatible with his role 23 | Clinton is being unfairly attacked 24 | Clinton’s record is full of huge abuses 25 | The Indians must stop using racist caricatures 26 | It's wrong to change the Indians' mascot 27 | Trump is breaking with norms 28 | The request ensures full FBI accountability 29 | Fox is to blame for harassment 30 | Fox must be blamed 31 | The new iphone x technology will revolutionize smartphones 32 | Fears of data breach are overblown 33 | The fire was highly destructive 34 | The blame lies with the taxpayer 35 | Rosenstein is undermining democracy 36 | Rosenstein leaving would undermine democracy 37 | A star is born is a must-see movie 38 | A star is born is a vanity project 39 | America is right to cut funding 40 | Trump is wrong to cut UN funding 41 | Kelly should stay on 42 | Kelly has truly failed at his job 43 | Impeachment is needed to protect Trump 44 | Impeachment doesn't hold up to scrutiny 45 | Trump's warsaw speech was narrow-minded 46 | Trump's war speech was perfect 47 | O'Rourke champions unity 48 | O'Rourke’s too liberal for Texas governor 49 | Pepsi's ad is a huge blunder 50 | Pepsi's ad is a pleasant distraction 51 | Trump should sign the spending bill 52 | Trump should reject the spending bill 53 | Firing Gunn sets a bad example 54 | Gunn deserved to be fired 55 | The head-lowering rule will badly affect football 56 | The rule will improve the game 57 | Climate Change is a Hoax 58 | Climate Change report is already out there 59 | The baker discriminates against transgender people 60 | Cake shouldn't be forced to celebrate transgender identity 61 | We need to enact stricter gun laws 62 | We need to follow the law 63 | Kavanaugh clearly lied to protect himself 64 | Kavanaugh's guilt is far from proven 65 | Tariffs will hurt America's economy 66 | Trump is punishing illegal immigration 67 | The players shouldn't knelt 68 | All citizens have the right to knelt 69 | All involved are better off using fireworks 70 | People need to be taught not to use fireworks 71 | Moon’s approach is more cautious 72 | Moon Jae-in will hurt relations with North Korea 73 | Trump should fire Jared Kushner 74 | Kushner was perfectly normal 75 | Republicans won't unite the country 76 | Democrats won't unite the country 77 | Season 2 is the best season so far 78 | Season 2 is a strong first season 79 | Kendrick Lamar's 'damn' is great 80 | Kendrick Lamar's 'damn' incites more violence 81 | Trump is fighting for the wall 82 | Trump should shut down the government 83 | Corbyn's popularity paves path to parliament 84 | Corbyn will still be Prime Minister 85 | Giuliani is undermining Trump 86 | Giuliani is hurting Trump 87 | Clinton deserved to speak out 88 | Clinton got his justice and deserved redemption 89 | Economic policy is bad for the rich 90 | Economic policy is good for the planet 91 | Trump is punishing those who fail 92 | While risky, former officials don't need security clearance anymore 93 | Trade war would hurt American businesses 94 | Trade war would hurt America more 95 | The anti-semitism bill protects Jews 96 | Trump is fighting anti-semitism 97 | Trump is alienating America's allies 98 | Trump is calling out NATO allies 99 | Banning kickoffs would warp football 100 | Banning kickoffs protects players 101 | Kavanaugh's and Reade's stories mirror each other 102 | Kavanaugh's and Ford's stories are not comparable 103 | LeBron is too valuable to Raptors 104 | Firing Dwane Casey is unfair 105 | Louis C.K.'s new movie normalizes harassment 106 | Louis C.K.'s I Love You, Daddy deserves to be released 107 | The theory of baseball being juiced is still unproven 108 | Baseball is being juiced 109 | McGregor is too dangerous for Mayweather 110 | McGregor is too good for Mayweather 111 | Moore best portrayed Bond in an unpretentious way 112 | Moore’s caricatures were too artistic 113 | Actually, work requirements encourage social mobility 114 | Welfare shouldn't be conditional 115 | Victims identify with Ocasio-Cortez 116 | The victory over Ocasio-cortez shows Dems are broken 117 | Mueller's probe is damning 118 | Mueller's probe is a clear witch hunt 119 | Larry Kudlow is the right man for the job 120 | Kudlow’s policies are irresponsible 121 | The author had to be taught not to hate others 122 | Actually, Jeong's tweets were satirical 123 | Social media is bad for democracy 124 | Social media is improving our democracy 125 | Romo is done with football 126 | The NFL is too dangerous for Romo to leave 127 | Actually, Fortnite is highly addictive 128 | Kids need to be taught not to play games 129 | Trump is hurting Twitter 130 | Trump is improving Twitter 131 | Left-wing mobs cause too much harm 132 | Left-wing mobs are on the rise 133 | Trump is innocent until proven guilty 134 | Trump is protecting his son 135 | Louis C.K.'s career is over 136 | The rumors have merit 137 | We need to legalize weed 138 | We need to legalize weed 139 | Driverless cars will change our roads 140 | Driverless cars are safer than regular ones 141 | Trump is wrong to change fuel efficiency rules 142 | The regulations weren't needed 143 | Trump's syria policy is wrong 144 | Trump’s syria policy is working 145 | Puerto Rico deserves blame for its problems 146 | The U.S. has done everything it can 147 | Free trade has strongly hurt the economy 148 | Trade has brought prosperity to the US 149 | Barcelona's comeback win over Paris St.-Germain is a sign of their 150 | Barcelona's comeback win over PSG was a sign of their greatness 151 | The accusations are unproven 152 | Similar stories have failed to affect him 153 | Trump's threatening tweet risks war with North Korea 154 | Trump's "nuclear button" tweet shows strength abroad 155 | Immigrants deserve to be held separately 156 | Trump is wrong to abolish ICE 157 | A culture of bullying existed 158 | The WNBA has a bullying culture 159 | Trump's role in N. Korea talks was small 160 | Trump brought peace to the country 161 | Life coaches are highly dangerous 162 | Life coaches can improve lives 163 | Obama is motivating voters 164 | Obama has achieved his goal 165 | Sportscasters shouldn't discuss politics 166 | Politics has become a part of sports 167 | Affirmative action is needed to improve education 168 | Academia discriminates against minorities 169 | Declaring an emergency will allow Trump to build his wall 170 | Declaring an emergency to build the wall is highly unlikely 171 | Kelly is wrong about slavery 172 | Kelly is right about slavery 173 | Social media is beneficial in the wake of a terror attack 174 | Social media helps terrorists recruit terrorists 175 | Crazy Rich Asians' is a funny movie 176 | Crazy Rich Asians' falls back on common themes 177 | Kushner's actions indicate ties to Russia 178 | Kushner was only trying to benefit himself 179 | Trump's dreamer deal is a terrible deal 180 | The deal is a great deal for all involved 181 | The shutdown won't benefit Trump politically 182 | The shutdown won't affect Trump politically 183 | Cory Booker's congress rant represents bigotry that must stop 184 | Cory Booker's congress rant was wrong 185 | Baseball needs to change 186 | Baseball needs to be reigned in 187 | U.S. shows that it's willing to punish Russia 188 | Impeachment doesn't meaningfully punish Russia 189 | This trade deal spurs economic growth 190 | NAFTA harms U.S. industries 191 | Peace still remains a long shot 192 | Peace talks promise promise 193 | Mueller's probe is far too partisan 194 | Mueller's probe is closing in on Trump 195 | Fat-shaming is erroneous 196 | Fat-shaming is mutually beneficial 197 | The arrest was highly disproportionate 198 | The arrest was rare 199 | Sinclair is bad for democracy 200 | The sinclair broadcast group is bad for democracy 201 | Links to cancer aren't proven 202 | Links to cancer aren't proven 203 | The March for Science' shows that politics is the solution 204 | The March for Science' actually serves no one 205 | Democracy is the best path to better healthcare 206 | Socialist socialism is incompatible with capitalism 207 | The rich are seeing the most gains 208 | The economy is surging forward 209 | Killing Scaramucci is highly unlikely 210 | Kelly lacks the political experience needed to be president 211 | Now is the time for calorie counts 212 | Actually, calorie counts can affect mental health 213 | SNL showed its anti-Trump bias 214 | SNL tried to cover up its wrongdoing 215 | The EPA is needed to protect the environment 216 | The agency is too wasteful to be reformed 217 | Economic sanctions won't work 218 | Economic sanctions won't work 219 | Baseball is right to block whoever it wants 220 | This rule of plate-blocking rule harms baseball 221 | Haspel’s judgement is poor 222 | Haspel’s record shows she can be a great leader 223 | Omar's comments indicate anti-semitism 224 | Omar's comments were anti-semitic 225 | McMaster spreads division & animosity 226 | McMaster’s critics are too eager for war 227 | Fear of unwelcome speakers drives college debate 228 | Actually, the faculty is fighting bullying 229 | Trump has shown indifference for Puerto Rico 230 | Trump has shown much-needed support 231 | Trump's syria strategy is inadequate 232 | Trump's syria strategy is solid 233 | The players shouldn't knelt 234 | The players shouldn't knelt 235 | The hitman's bodyguard is messy and redundant 236 | The hitman's bodyguard is a funny movie 237 | Legalizing abortion is a huge victory for women 238 | We need to defend our rights 239 | E-cigarettes are just as bad as regular cigarettes 240 | E-cigarettes are safer than regular cigarettes 241 | Mueller indictment shows Trump colluded with Russia 242 | The mueller indictment presents no proof of collusion 243 | Trump is wrong to tweet 244 | Trump's tweets introduce much-needed trust 245 | Far right is only pretending that it does 246 | Far right has no place in Europe 247 | Joe Biden’s past is full of bad judgement 248 | Joe Biden champions unity and progress 249 | Economic benefits will be huge 250 | Running the government like a business won't work 251 | Trump's politics will upset millions of voters 252 | Trump's politics are highly effective 253 | Trump is wrong to fire Comey 254 | Comey deserved to be fired 255 | The sanctions won't work long-term 256 | Economic and diplomatic pain await 257 | Liberal media is acting partisanly 258 | The Left needs to stop violence 259 | Omar's anti-semitic comments were clear 260 | Omar's comments were anti-semitic 261 | F8: the Fate of the Furious' was great 262 | F8' is too bad to be great 263 | The Trump-Putin meeting won't benefit America 264 | The Trump-Putin meeting could improve relations with Russia 265 | Ivanka Trump is degrading women 266 | Ivanka Trump champions women 267 | All involved are better off using it 268 | No, civil asset forfeiture is necessary to fight crime 269 | Cohen didn't break the law 270 | Cohen broke campaign finance laws 271 | Actually, wages have been growing 272 | Wages are stagnating 273 | Bush’s record was full of needless deaths 274 | Bush was a hero that fought for peace 275 | The military parade is a big waste of money 276 | The military parade would celebrate our heroes 277 | A-Rod is a good sports commentator 278 | A-rod is too impetuous for sports commentary 279 | Trump should decertify Iran nuclear deal 280 | Trump must stop Iran Nuclear Deal 281 | Trump is defunding Planned Parenthood 282 | Abortion laws shouldn't be federally funded 283 | The nationalist afd will influence Germany 284 | The rise of nationalist afd is less threatening 285 | Eminem's new album is a huge success 286 | Emin’s new album kamikaze is a big step down from 287 | The 'Twin Peaks' Season 5 is bad 288 | The 'twin peaks' revival is too gimmicky to be good 289 | Mitt Romney is the perfect man for the job 290 | Mitt Romney lacks the necessary political experience 291 | Victims identify with Swift 292 | No, Swift's silence breakers deserve praise 293 | GOP tax plan would badly hurt middle class 294 | This tax plan spurs economic growth 295 | Sanders was wrong and needed to go 296 | Sanders was unfairly ejected 297 | Trump is acting like an independent 298 | Trump is too divisive to be an independent 299 | Democrats clearly came out on top 300 | Democrats are clearly causing it 301 | The GOP is only pretending that it does 302 | Liberal ideology is subduing conservatives 303 | People are overreacting to the virus 304 | Coronavirus poses a huge public danger 305 | Paid maternity leave is bad for most workers 306 | Paternity leave is mutually beneficial 307 | The cabin laptop ban was necessary 308 | The cabin laptop ban is bad for business 309 | Socialist policies would benefit the whole country 310 | Socialist would choke economic growth 311 | We should send astronauts to Mars 312 | We shouldn't send humans to Mars 313 | Lena Dunham is a fake feminist 314 | Lena Dunham is a feminist 315 | Zlatan’s brand of football will be missed 316 | Zlatan’s arrival will hurt the Eastern Conference 317 | Facebook’s stock will bounce back 318 | Facebook's share price is crashing 319 | Black Panther' is a big success 320 | Black Panther' falls short & is repetitive 321 | Protesting protective netting is needed 322 | Protesting protective netting is just destructive 323 | Cake shop discriminates against gay people 324 | Cake shop customers have a right to their beliefs 325 | Using the 'nuclear' option will badly hurt democrats 326 | Democrats use it willingly 327 | The deep state is a mysterious entity that has long existed 328 | The deep state existed long before Trump 329 | Swift shouldn't get involved in politics 330 | Swift is willing to fight for equality 331 | Flynn deserves diplomatic immunity 332 | Flynn has no claim to immunity 333 | It doesn't matter that the president is special 334 | Celebrity duties require leadership 335 | Kavanaugh is wrong for the Supreme Court 336 | Roe v Wade will remain intact 337 | The women's march is needed to enact change 338 | The women's march has achieved little 339 | Trump is wrong about immigration 340 | Trump is right on immigration 341 | Brady's record-setting career is unmatched 342 | Brady's leadership qualities make him the best quarterback ever 343 | Impeachment is the necessary step forward 344 | Impeachment is politically motivated 345 | The 'shi**y media men' list had many flaws 346 | The 'shi**y media men' list was a strong tool for women 347 | Democrats' chances of winning are rising 348 | Economic benefits will be huge 349 | The proof doesn't hold up to scrutiny 350 | Kavanaugh has to prove his innocence 351 | Political correctness is needed to unite Americans 352 | Political correctness is incompatible with our society 353 | Trump is wrong to call for unity 354 | Trump calls for unity 355 | Dog shows are bad for pets 356 | Dog shows are associated with bad judgement 357 | DACA strongly benefits the poor 358 | DACA benefits illegal immigrants 359 | Prayer with inaction is hollow 360 | Prayer with inaction is wrong 361 | Trump's diplomacy is highly effective 362 | Trump is breaking the world order 363 | Black Mirror's fourth season is the best season so far 364 | Season 5 is the worse season so far 365 | Obamacare has been replaced 366 | Republicans are undermining Obamacare 367 | Pompeo’s record is full of big promises 368 | Pompeo promotes bigotry 369 | Trump's syria strike was illegal 370 | Trump's syria strike was legal 371 | American Idol is too special to be reboot 372 | The american idol reboot is a smart move by NBC 373 | Trump is punishing those that suffer 374 | Trump is wrong to impose tariffs on steel 375 | Iran nuclear deal's flaws make it useless 376 | The deal’s flaws are far from proven 377 | Trump is wrong to criticize a judge 378 | Trump is justified in his feud with federal judges 379 | Weed’s danger is overblown 380 | Weed isn't harmful in itself 381 | Trump’s health report is very questionable 382 | Trump’s health report is based on science 383 | Westworld Season 2 is a huge step down from season 1 384 | Westworld Season 2 is a great second season 385 | Wonder Woman' is a unique setting 386 | Wonder Woman' is too bad for hero role-play 387 | The missing richard simmons podcast is creepy and should go 388 | The missing richard simmons podcast is a cause for celebration 389 | The shutdown hurt the country 390 | The shutdown is a huge political blunder 391 | It is wrong to make mud-caked jeans bad 392 | It's wrong to wear muddy jeans for money 393 | Social media is bad for most of its users 394 | Social media is good for humanity 395 | The Last Jedi' is not bad as the prequels 396 | Star Wars: the Last Jedi' is good 397 | Price and logo are not an asset 398 | Expensive clothes are expensive but good 399 | The talks proved effective 400 | North Korea won't concede anything 401 | Rick and Morty' is a hilarious show 402 | The show is too depressing to be good 403 | All the signs say the contrary 404 | Lone wolf terrorists are linked to violent criminals 405 | Collaboring office spaces are a must-have solution 406 | Coworking office spaces cause too many issues for workers 407 | De-regulation is the path to recession 408 | Dodd-Frank is bad for small businesses 409 | Kelly is undermining the media 410 | Kelly was outspoken in his support of Trump 411 | We need to fly more cars 412 | We need on-demand flying cars 413 | Higher minimum wage are bad for service workers 414 | Tipping is bad for service workers 415 | NATO must defend its soldiers 416 | NATO ensures peace 417 | FBI is in hot water over its record 418 | The FBI is not tainted 419 | Trump is wrong to pardon joe arpaio 420 | Trump was wrong to pardon Joe Arpaio 421 | Obamacare is better than GOP 422 | GOP healthcare law is worse than Obamacare 423 | U.S. immigration ban is narrow-minded 424 | The Supreme Court proved that Trump can't be an ally 425 | Trump Jr.'s meeting Russian lawyer was illegal 426 | The meeting with Russian lawyer was legal 427 | Hogg is open for debate 428 | Hogg deserves nothing but scorn 429 | Free menstrual leave is good for women 430 | Free menstrual leave is bad for women 431 | It's wrong to wear topless 432 | Women should wear it in public 433 | Racism has strongly declined in America 434 | Racism has strongly declined in America 435 | Flake wrongly delayed Kavanaugh 436 | Kavanaugh is too dangerous for the Supreme Court 437 | Trump is breaking the nuclear treaty 438 | Leaving nuclear treaty harms vital allies 439 | Gerrymandering harms democracy 440 | Democrats won't concede anything 441 | The nunes memo abuses GOP power 442 | Nunes memo shows Justice department abuses its power 443 | Upholding the travel ban legally protects Muslims 444 | Trump’s travel ban is wrong for the Supreme Court 445 | Socialist Alexandria Ocasio-Cortez is breaking the Democratic party 446 | Socialist ideals are still far from being mainstream 447 | Clinton's critics are too eager for blame 448 | Clinton deserves blame for her mistakes 449 | Now is the time for stricter gun laws 450 | More gun control won't make America safer 451 | Trump is too friendly with Russia 452 | Better relations are the priority 453 | The drink is unhealthy & bad for you 454 | The drink was special 455 | Trump’s IQ tests indicate he is highly intelligent 456 | Trump lacks the necessary IQ test 457 | LeBron is doing everything he can 458 | The world's greatest athlete is Ronaldo 459 | Republicans are fighting opioids successfully 460 | Republicans are making the opioid crisis worse 461 | The deal ensures peace 462 | Iran has broken the deal 463 | Trump's address was boring and divisive 464 | Trump's address was great 465 | Trump is wrong to defend Saudi Arabia 466 | Trump shows much-needed strength 467 | Now is the time for stricter gun laws 468 | Now is not the time for stricter gun laws 469 | Trump is making the pandemic worse 470 | Trump is being attacked unfairly 471 | GOP is wrong to criticize the FBI 472 | Republicans right to criticize the FBI 473 | Sessions' testimony proved he can't be an honest man 474 | Sessions proved he can be an honest man 475 | Brexit would hurt Britain 476 | Brexit is improving Britain's economy 477 | The 2018 oscars brought awareness to social issues 478 | The 2018 oscars were more of the same 479 | The advances will be huge 480 | The Internet of Things will revolutionize our technology 481 | Ryan’s policies were irresponsible 482 | Ryan was divisive and needed to be replaced 483 | The reviews strongly influence hotels' relationships 484 | Actually, TripAdvisor reviews are biased 485 | Trump has no reasons to worry 486 | Trump's lawyer is breaking the Constitution 487 | Trump hiring Scaramucci is good for the job 488 | Trump is losing trust in Scaramucci 489 | Obamacare needed to fund tax cuts 490 | Obamacare needs to be scrapped 491 | The lawsuit is a publicity stunt 492 | The collusion allegations are unproven 493 | Facebook is fully liable for its Live feature 494 | Facebook can't be fully blamed 495 | Trump's strategy is based on trust 496 | Trump won't work with China 497 | Trump is undeniably racist 498 | Trump is not racist 499 | The 'open casket' painting is culturally insensitive 500 | The 'open casket' painting is anti-racist 501 | The students are using it for their own interests 502 | The media is politicizing the tragedy 503 | The 2018 Grammys were confusing and bad 504 | The Grammys are still special 505 | Ant-Man and the Wasp is an amazingly fun movie 506 | Ant-Man and the wasp is too over-the-top to be good 507 | Mueller is acting according to the law 508 | Mueller is breaking the law 509 | The student walkout was productive 510 | The national student walkout is wrong and causes issues 511 | Far Cry 5 is a big success 512 | Far Cry 5 falls short & is repetitive 513 | U.S. travel ban is judicial overreach 514 | Upholding the travel ban legally protects Muslims 515 | Trump is making Iran worse 516 | Getting tough on Iran is mutually beneficial 517 | Palestinian violence is increasingly destructive 518 | Now is the time for open fire 519 | It's necessary to update the census for political gain 520 | The downsides are being heavily overblown 521 | Trump is breaking campaign finance laws 522 | Trump has no reasons to break campaign finance laws 523 | Fallout Kingdom' is a great sequel 524 | Fallout Kingdom' is over-dramatic and over-the-top 525 | ‘a wrinkle in time' is a wondrous ride 526 | A Wrinkle in Time' doesn't live up to its reputation 527 | Victims identify with Trump 528 | The #MeToo movement is excessive 529 | The killing of Philando Castile is a terrible tragedy 530 | The shooting incident was out of line 531 | Sarsour's call for violence was associated with violence 532 | Linda Sarsour promotes violence 533 | The deal was riddled with flaws 534 | The deal would have killed any future peace deal 535 | The g20 summit was productive 536 | Trump's G20 summit was awkward 537 | The harvest box system is too redundant 538 | Harvest boxes would benefit the whole country 539 | War Machine' fails to stray from conventional themes 540 | War Machine' is a funny movie 541 | Economic and diplomatic pain await 542 | Tech companies' power is too powerful 543 | Peace talks with Taliban are strange 544 | Peace talks are a productive path to better relations 545 | Voter fraud was evident 546 | Voter fraud was rare 547 | Trump has made peace a pipe-dream 548 | Trump is fighting for peace 549 | Fruit juice is linked to obesity 550 | Actually, natural juices are good for you 551 | Nazi naming and shaming is necessary 552 | Such dehumanizing language is wrong 553 | Papa John's profits decline due to kneeling 554 | Papa John's profits were stagnating 555 | The deal is a productive trade deal 556 | The deal is not a replacement for NAFTA 557 | Poles were WW2 victims too 558 | Poles were far more useful 559 | Kanye's praise of Trump is deserved 560 | Kanye's praise of Trump is deserved 561 | -------------------------------------------------------------------------------- /outputs/bart_baseline/seed=6/test_generated.txt: -------------------------------------------------------------------------------- 1 | Trump’s changes protect consumers' privacy 2 | Trump’s changes will improve the internet 3 | Weinstein helped the media grow 4 | Liberals attack media out of partisanship 5 | Second, gun control needs to be needed 6 | We shouldn't attack gun ownership 7 | It's necessary to clean up our planet 8 | The world needs clean energy 9 | Trump is wrongly declaring jerusalem as Israel's capital 10 | Recognizing jerusalem as Israel's capital is the right step forward 11 | Trump is wrong to attack the media 12 | Media bias against Trump is exaggerated 13 | Climate change poses serious danger 14 | The report's predictions are over the top 15 | First Man' doesn't celebrate American patriotism 16 | Liberals attack on 'first man' are exaggerated 17 | It would be wrong to end the diversity visa program 18 | The diversity visa program is obsolete 19 | An Inconvenient Truth' is relevant now 20 | The sequel is bigger than its predecessor 21 | Mike Pompeo is perfectly suited for this role 22 | Mike Pompeo is wrong for this role 23 | The GOP is working to smear Clinton 24 | Clinton clearly violated the law 25 | The Indians wrong to change their mascot 26 | It's wrong to change their mascot 27 | Trump is wrong to call out Mueller 28 | Trump is right about the FBI 29 | Fox fired its key women 30 | Fox News unfairly blamed on Clinton 31 | Apple's iphone x technology is the future of smartphones 32 | Apple's iphone x technology poses several issues 33 | The london grenfell tower fire is the UK's fault 34 | It's not all black and white 35 | Rosenstein is undermining democracy 36 | The departure of Rod Rosenstein would badly hurt democracy 37 | Actually, a star is born 38 | A Star is Born doesn't live up to all the hype 39 | America wrong to cut funding to UN 40 | Trump's decision will hurt everyone 41 | John Kelly should stay on 42 | John Kelly needs to resign 43 | Democrats' push for impeachment is justified 44 | Democrats' push for impeachment is biased 45 | Trump's warsaw speech attacked Islam 46 | Trump's warsaw speech was perfect 47 | O'Rourke is bridging this divide 48 | O'Rourke is not good for Texas 49 | Pepsi's ad is a big blunder 50 | Pepsi's ad offers much-needed relief 51 | Trump should accept Dems' spending bill 52 | Trump should reject the spending bill 53 | James Gunn didn't deserve to get fired 54 | James Gunn didn't deserve to get fired 55 | This change of rule creates more problems 56 | This change will improve safety 57 | Trump is wrong to release science 58 | Climate scientists don't expect Trump to suppress the report 59 | Bakers wrong to refuse transgender people 60 | It was necessary to refuse transgender people 61 | We need to change gun laws 62 | We shouldn't change gun laws 63 | Kavanaugh clearly lied 64 | Democrats are clearly trying to smear Kavanaugh 65 | Trump is wrong to impose tariffs on Mexico 66 | Trump is right about Mexico 67 | The players shouldn't have this way 68 | The players are right to respect their opinions 69 | We have to stop the use of fireworks 70 | We shouldn't sacrifice our heroes 71 | Moon jae-in, has a good north korea approach 72 | Moon jae-in, has bad north korea approach 73 | Trump should fire Jared Kushner 74 | The media is exaggerating this story 75 | Republicans are too partisan to win 76 | Republicans' support is strong 77 | The second season is the best so far 78 | The second season isn't as fun as the first 79 | Kendrick Lamar's 'Mann' is a success 80 | Lamar's 'damn' inflames more violence 81 | Trump is right about his wall 82 | Trump is probably right to shut down government 83 | Theresa May should resign 84 | Theresa May will remain in parliament 85 | Giuliani is undermining Trump 86 | Giuliani's testimony is adding to the evidence 87 | Bill Clinton didn't deserve this kind of punishment 88 | Clinton accepted his mistake and apologized 89 | Trump is going against his Own promises 90 | Economy is heading in the right direction 91 | Removing former officials' security clearance harms national security 92 | Former officials don't need to hold onto their clearance 93 | America is the better option 94 | China has the upper hand 95 | Trump's anti-semitism bill protects US Jews 96 | Trump is wrongly attacking Jews 97 | Trump is alienating America's key allies 98 | Trump is rightly calling out NATO 99 | Banning kickoffs would warp football 100 | Banning kickoffs protects players' brains 101 | The media coverage is biased 102 | The evidence isn't there 103 | The Raptors need Dwane Casey 104 | The media is inflating this story 105 | Louis C.K.'s new movie normalizes pedophilia 106 | Louis C.K.'s new movie deserves to be released 107 | The theory of baseball being juiced doesn't hold water 108 | Baseball's technology has changed dramatically 109 | McGregor can beat Mayweather 110 | McGregor can't beat Mayweather 111 | Rugby Moore's James Bond was the best Bond 112 | Moore was not the best Bond 113 | Welfare programs encourage social mobility 114 | Welfare programs don't benefit the poor 115 | Ocasio-cortez's victory shows Dems' strength 116 | Democracy is now at stake 117 | Mueller’s probe is likely to reveal damning evidence 118 | Mueller's probe is a flawed case 119 | Larry Kudlow is right for this role 120 | Larry Kudlow is wrong about the economy 121 | The media showed its anti-Trump bias 122 | The tweets weren't racist 123 | Social media is spreading hate 124 | Social media boosts our democracy 125 | Tony Romo is done with football 126 | The NFL needs to let Tony Romo go 127 | Fortnite is highly addictive 128 | Kids need to be taught not to play games 129 | Trump is hurting Twitter 130 | Trump is boosting Twitter 131 | Liberals are working to undermine it 132 | Liberal media campaign against conservatives is exaggerated 133 | Trump is wrong to help his son 134 | Trump was protecting his son 135 | Louis C.K.'s career is over 136 | Louis C.K.'s career will rebound 137 | We need to legalize weed 138 | We need to legalize weed 139 | We have to stop driverless cars 140 | Driverless cars need to be safer 141 | Lower fuel costs would result 142 | We need to lower fuel efficiency rules 143 | Trump's syria policy isn't working 144 | Trump’s syria policy prevents even worse attacks 145 | Puerto Rico is facing hardships that justify blame 146 | The U.S. relief effort is doing everything it can 147 | Free trade has strongly benefited the US 148 | Actually, other countries' trade practices are good 149 | Barcelona's comeback win is proof of their success 150 | Bcelona's comeback win is a sign of their success 151 | The evidence is there 152 | These men are far bigger problems 153 | Trump's North Korea tweet hurt America's national interests 154 | Trump is right to call out Kim 155 | Immigrants need to go 156 | Aborting ICE is necessary 157 | The WNBA has a culture of bullying 158 | The players are responding to bullying 159 | Trump is not to blame for n. Korea breakthrough 160 | Trump's approach has been highly effective 161 | Actually, life coaches can be highly dangerous 162 | Actually, life coaches can improve our lives 163 | Obama's involvement boosts Dems' midterm hopes 164 | Obama's involvement will boost Dems' midterm hopes 165 | Sportscasters shouldn't stray from politics 166 | Sportscasters shouldn't ignore politics 167 | It's necessary to improve college life 168 | It's not worth changing affirmative action policies 169 | The president has the upper hand 170 | Democrats can't resist Trump's wall 171 | Factually, Kelly downplayed slavery 172 | John Kelly is right about the South 173 | Social media helps families reunite after attack 174 | Social media fuels terror 175 | ‘crazy rich asians' is a funny movie 176 | ‘crazy rich asians' falls back on many key tropes 177 | Kushner’s actions raise serious questions 178 | Kushner was going far beyond his goal 179 | Trump's dreamer deal is racist & wrong 180 | The dreamer deal would benefit Dreamers 181 | Democrats are planning to gain more votes 182 | The GOP won't allow it 183 | Cory Booker's congress rant represents bigotry 184 | The rant was highly partisan 185 | Baseball needs to change 186 | Baseball needs to change 187 | Impelling Russian diplomats shows strength abroad 188 | In fact, expelling Russian diplomats could be a productive step forward 189 | No, NAFTA benefits everyone 190 | Negotiating NAFTA doesn't benefit the US 191 | North Korea has long made peace a pipe-dream 192 | In fact, peace talks could happen 193 | Mueller’s probe is a witch hunt that must end 194 | Mueller is doing his best he can 195 | Fat-shaming doesn't improve mental health 196 | Fat-shaming can be productive 197 | White Americans have a subconscious fear of black men 198 | The arrest wasn't an example of racism 199 | The sinclair broadcast group bad for democracy 200 | The sinclair broadcast group bad for democracy 201 | The evidence suggests cell phones cause cancer 202 | The evidence to prove phones cause cancer isn't there 203 | The March for Science' shows the world the truth 204 | The March for Science' actually change the whole planet 205 | Democracy is the better option 206 | Democracy is the better option 207 | The rich are seeing the most gains 208 | The economy is surging forward 209 | John Kelly can be a successful chief of staff 210 | No, Kelly lacks the political experience needed 211 | The calorie counts help fight obesity 212 | The calorie counts could lead to mental issues 213 | SNL avoided covering the Harvey Weinstein story 214 | SNL's jokes weren't aimed at viewers 215 | The EPA shouldn't be abolished 216 | The EPA needs to be abolished 217 | Economic sanctions won't work 218 | US sanctions won't work 219 | The rule ensures safety 220 | Negative change is needed 221 | Gina Haspel can't be trusted 222 | Gina Haspel is perfectly suited for this role 223 | Omar's anti-semitism starts with Muslims 224 | Omar's anti-semitism is rooted in reality 225 | McMaster is a traitor & should go 226 | McMaster is perfectly suited for this role 227 | Actually, the college protects students 228 | Actually, students shouldn't behave this way 229 | Trump doesn't understand Puerto Rico 230 | Trump has supported Puerto Rico 231 | Trump's syria strategy is useless 232 | Trump's syria strategy can be fulfilled 233 | NFL wrong to punish NFL players 234 | The players shouldn't behave this way 235 | The movie is messy and redundant 236 | The actors are smart and hilarious 237 | Ireland's new stance on abortion is a huge success 238 | We need to defend our rights 239 | E-cigarettes are safer than regular cigarettes 240 | E-cigarettes are safer than regular cigarettes 241 | The mueller indictment is highly revealing 242 | The mueller indictment presents no proof of Trump's innocence 243 | Trump is spreading division 244 | Actually, Trump's tweets improve our democracy 245 | Far right's racism isn't needed 246 | The far right has a place in europe 247 | Joe Biden is not the right man for the job 248 | Joe Biden could lead Democrats forward 249 | Running the government like a business is good 250 | Running the government like a business wouldn't work 251 | Trump's brand of politics will cost Democrats 252 | Trump's brand of politics is effective 253 | Trump wrong to fire Comey 254 | Trump was right about Comey 255 | The latest north korea sanctions won't solve anything whatsoever 256 | The north korea sanctions hurt the regime 257 | Liberals attack the media 258 | Liberals are the problem, not conservatives 259 | Omar’s comments were clear 260 | Omar's comments undermine democracy 261 | Fast and Furious' was great 262 | F8' abandoning key characters 263 | The meeting could benefit the US and Russia 264 | The Trump-Putin meeting could improve relations with Russia 265 | No, Ivanka's complicit in her dad's sexism 266 | No, Ivanka Trump champions women 267 | We need to reform civil asset forfeiture 268 | We need to stop civil asset forfeiture 269 | Cohen didn't break the law 270 | Cohen clearly violated campaign finance laws 271 | W wages have been stagnating 272 | The middle class has suffered immensely 273 | George H.W. Bush's legacy is huge 274 | George H.W. Bush's legacy is highly important 275 | The military parade isn't worth it 276 | The military parade could be a positive event 277 | A-Rod is a great sports commentator 278 | A-rod’s commentary has been underwhelming 279 | Trump should decertify the Iran nuclear deal 280 | Trump should stop Iran nuclear deal 281 | It would defund Planned Parenthood 282 | No, taxpayer money isn't needed 283 | The AFD's rise will destabilize Germany 284 | German's rise is exaggerated 285 | Eminem's new album is a success 286 | Eminem's new album doesn't live up to its reputation 287 | The 'Twin Peaks' revival is a gritty season 288 | The 'Twin Peaks' revival doesn't live up to its reputation 289 | Mitt Romney is right for Utah 290 | Mitt Romney is wrong to run for Utah senator 291 | No, Swift supported women 292 | No, Swift's silence breakers don't deserve media praise 293 | GOP tax plan would benefit the middle class 294 | GOP's tax plan will benefit our workers 295 | Sanders had the right to hold such beliefs 296 | Sanders was asked to leave 297 | Trump’s actions indicate bipartisanship 298 | Trump is not an independent 299 | Trump clearly came out on top 300 | Democrats are willing to defend Trump 301 | Republicans are abandoning all input 302 | Liberals have long ignored conservatives 303 | People are overreacting 304 | The risk of infection is overblown 305 | Paid maternity leave is bad & benefits women 306 | Free maternity leave comes with several benefits 307 | The cabin laptop ban comes with drawbacks 308 | The cabin laptop ban is necessary 309 | Socialist policies would benefit the whole country 310 | Socialist would hurt the US economy 311 | We should send our astronauts to Mars 312 | We shouldn't send humans to Mars 313 | No, Lena Dunham promotes feminism 314 | It's not, Lena Dunham is a feminist 315 | Victims are eager for Ibrahimovic 316 | No, Ibrahimovic's arrival doesn't guarantee big goals 317 | Facebook's stock plunge is unlikely over the long-term 318 | Facebook's stock plunge is a highly dramatic downturn 319 | Black Panther' is everything you expect 320 | Black Panther' doesn't live up to its hype 321 | Kids need to be taught safety precautions 322 | It's not, safety netting ensures safety 323 | The ruling is a huge loss for gay rights 324 | The ruling protects everyone 325 | GOP majority is too solid 326 | Democrats use the 'nuclear' option for their own interests 327 | The deep state existed long before Trump 328 | Republicans are working to undermine the GOP 329 | Swift shouldn't have gotten involved in politics 330 | Swift is willing to lead activism 331 | Flynn deserves to be granted immunity 332 | Flynn and his lawyer are clearly trying to protect themselves 333 | Actually, the president does a very good job 334 | No, Trump doesn't do the ceremonial duties 335 | Brett Kavanaugh will uphold Roe 336 | Kavanaugh will probably overturn Roe v Wade 337 | Women's Marches help women address their issues 338 | The Women’s March has achieved little 339 | Trump is right on immigration 340 | Trump is right on immigration 341 | Tom Brady is the greatest quarterback ever 342 | Tom Brady is the greatest quarterback ever 343 | Impeachment is the necessary step forward 344 | Impeachment is a highly motivated manouver 345 | The 'shi**y media men' list wasn't effective 346 | The 'Shitty Media Men' list helped empower women 347 | Democrats' midterm prospects are rising 348 | Democrats' support is strong 349 | The burden of proof isn't on Kavanaugh 350 | The proof isn't there yet 351 | Political correctness is necessary 352 | PC culture blocks debate 353 | Trump is wrong to call for unity 354 | Trump's call for unity is genuine 355 | Dog shows raise dogs & cats 356 | Dog shows shouldn't get negative 357 | DACA recipients boost our workforce 358 | Dreamers' don't deserve to stay 359 | Prayer with inaction are hollow 360 | Those who pray lead longer and happier lives 361 | Actually, Trump's diplomacy is effective 362 | Trump’s diplomacy undermines international order 363 | Black Mirror’s fourth season is good 364 | Black Mirror’s fourth season is less exciting 365 | Republicans right to dismantle Obamacare 366 | Republicans are wrong to dismantle Obamacare 367 | Mike Pompeo is right for this role 368 | Mike Pompeo is wrong to be secretary of state 369 | Trump's syria strike required Congressional approval 370 | Trump’s syria strike was legal 371 | American Idol is too risky to be reboot 372 | The american idol reboot is a good move by NBC 373 | Trump's tariffs help workers & businesses grow 374 | Trump is hurting American workers 375 | The deal's flaws make it useless 376 | The deal solves nothing whatsoever 377 | Trump is trying to undermine democracy 378 | Trump is right about the 9th Circuit 379 | We need to lower our use 380 | We need to change our attitudes 381 | Actually, Trump’s health isn't that bad 382 | Liberals are working to undermine Trump 383 | Westworld Season 2 is a big step down 384 | Westworld’s second season is the best so far 385 | The setting of 'Wonder Woman' offers huge moral ambiguity 386 | Wonder Woman' sets up a grim conflict 387 | The missing richard simmons podcast violates its users' privacy 388 | The missing richard simmons podcast inspires many lives 389 | Ending the gov't shutdown is a good idea 390 | The shutdown is a big loss for Dems 391 | Nordstrom's mud-caked jeans are wrong 392 | It's wrong to wear jeans for money 393 | Social media raises the risk of depression 394 | Social media helps us spread our message 395 | The Last Jedi' doesn't stray from its past themes 396 | ‘star wars: the last jedi' is a wondrous movie 397 | People decide what clothes to buy 398 | Higher costs raise the quality of their work 399 | Trump’s handling n. Korea perfectly 400 | North Korea won't concede anything 401 | Rick and Morty' is a funny show 402 | Rick and Morty' doesn't stray from its narrative 403 | No, lone wolf terrorists are harder to stop 404 | If you look at the big picture, you see there is 405 | WeWork's success is a success 406 | Working in coworking spaces raises too many issues 407 | De-regulation is taking its toll 408 | The reform will benefit the whole country 409 | Democracy is at stake 410 | No, Kelly's public support of Trump is believable 411 | We need to fly cars 412 | We need to fly cars 413 | Salaries raise the minimum wage 414 | Using tips raises too many issues 415 | NATO shouldn't sacrifice its soldiers 416 | NATO comes to the rescue 417 | Trump's attacks on the FBI are exaggerated 418 | The FBI is not a stain on America 419 | Joe Arpaio is wrong to pardon 420 | Trump was right; Joe Arpaio was wrong 421 | GOP is right to improve Obamacare 422 | GOP's gop healthcare law is worse than Obamacare 423 | Upholding the immigration ban doesn't make sense 424 | Liberals are working to undermine Trump 425 | Donald Trump Jr.'s meeting with Russian lawyer involved clear evidence 426 | Donald Jr.'s meeting with Russian lawyer wasn't illegal 427 | David Hogg is open to criticism 428 | Liberals attack on Hogg 429 | Free menstrual leave are good for women 430 | Free menstrual leave bad for women 431 | It needs to change 432 | Let women go topless 433 | It has been a clear progression 434 | Racism still lives in America 435 | Jeff Flake wrong to delay the Kavanaugh vote 436 | Jeff Flake is right about Kavanaugh 437 | Trump is wrong to leave the nuclear treaty 438 | Leaving the nuclear treaty harms vital NATO allies 439 | Gerrymandering is degrading our democracy 440 | Gerrymandering isn't an immense issue 441 | GOP abused its power 442 | The nunes memo abused its power 443 | The travel ban was wrong 444 | Travel ban is wrong & needed to be held accountable 445 | Democracy is now at stake 446 | This story of socialism taking over Dems isn't being verified 447 | Clinton’s critics are exaggerated 448 | Clinton deserves all the criticism 449 | Better gun laws would make us safer 450 | More gun control wouldn't make us safer 451 | Trump is wrong to punish Russia 452 | Getting closer to Russia is a good idea 453 | The drink is unhealthy & bad for you 454 | The Starbucks Unicorn Frappuccino was a success 455 | Trump’s behavior suggests IQ 456 | Trump is highly intelligent 457 | LeBron is doing everything he can 458 | Ronaldo is the world's ideal athlete 459 | Republicans are tackling opioids right 460 | Republicans won't solve opioids 461 | Pulling out Obama's Iran deal harms peace 462 | Pulling out the Iran deal is a necessary step for peace 463 | Trump's address wasn't as inspiring as previous presidents 464 | Trump's state of the union speech was great 465 | Trump wrong to defend human rights 466 | Trump's Saudi Arabia speech shows strength 467 | Now is the time for gun control 468 | Better gun laws are needed to lower gun deaths 469 | Trump is making the pandemic worse 470 | Trump is protecting the US 471 | GOP is making Americans distrust the FBI 472 | Republicans are right about the FBI 473 | Jeff Sessions was dishonest 474 | Jeff Sessions proved to be honest 475 | Brexit is the best option for Britain 476 | Brexit is the right moment for Brexit 477 | The 2018 oscars got politics right 478 | It wasn't that bad 479 | The Cloud is out of line 480 | The Internet of Things is driving its success 481 | Ryan’s legacy is a stain on America 482 | Ryan did a good job 483 | The site's reviews influence hotels' engagement 484 | Actually, TripAdvisor reviews benefit the whole country 485 | The evidence suggests Trump's innocence 486 | The FBI is wrong to raid Trump's lawyer 487 | Actually, Trump hiring Scaramucci is good 488 | Trump hiring Scaramucci shows loyalty to Trump 489 | GOP's plans are wrong 490 | Obamacare needs revision 491 | The lawsuit is a publicity stunt 492 | Manafort is right about Mueller 493 | Facebook needs to improve its Live feature 494 | Facebook can't be fully blamed 495 | Trump's China strategy is working 496 | Trump's China strategy won't work 497 | Trump is undeniably racist 498 | Trump isn't racist, he's highly successful 499 | Dana Schutz's 'open casket' is culturally insensitive 500 | White nationalism inspired 'Open Casket' 501 | The students are protesting themselves 502 | Liberals use kids like this 503 | The 2018 Grammys were simply a big mess 504 | The Grammys still celebrate the world 505 | Ant-Man and the Wasp is fun & exciting to watch 506 | Ant-Man and the Wasp is not as fun as some think 507 | Mueller is acting according to the law 508 | The mueller investigation goes against the Constitution 509 | The student walkout is a success 510 | The student walkout is alienating kids 511 | Far Cry 5 is a big success 512 | Far Cry 5 doesn't innovate enough 513 | Upholding the travel ban shows judicial overreach 514 | Upholding the travel ban legally protects Muslims 515 | Trump is making Iran situation worse 516 | Getting tough on Iran is a good idea 517 | Palestinian protesters are protesting excessively 518 | The IDF is right to defend its people 519 | It is wrong to ask about citizenship 520 | The downsides are justified 521 | Trump clearly sought to silence women 522 | The media is exaggerating this story 523 | ‘jurassic world: fallen kingdom' is a big addition 524 | ‘jurassic world: fallen kingdom' is a subpar sequel 525 | ‘a wrinkle in time' is a wondrous movie 526 | A Wrinkle in Time' doesn't live up to its reputation 527 | The world needs #MeToo Activism 528 | The internet is far bigger than this 529 | The officer killed Philando was clearly underhanded 530 | The outcome of the trial is in accordance with the law 531 | Linda Sarsour is promoting violence 532 | Linda Sarsour is fighting against Trump 533 | The deal was a big waste of money 534 | We should have ended the deal 535 | The g20 summit was a success 536 | Trump's g20 summit was all awkward and tense 537 | The new system would create more problems 538 | Harvest boxes would benefit the whole country 539 | War Machine' fails to stray from its genre 540 | War Machine' is a funny movie 541 | Breaking up tech giants is easier said than done 542 | Tech giants are far too powerful 543 | Trump has made peace talks less likely 544 | Trump is right about the Taliban 545 | Voter fraud was rare 546 | The GOP's allegations are exaggerated 547 | Trump is wrong to close the PLO 548 | Trump is right to close the plo's dibs 549 | We need to stop drinking fruit juice 550 | Actually, fruit juices are good for you 551 | It's necessary to condemn neo-Nazism 552 | Negative attitudes encourage this kind of shaming 553 | Papa John’s CEO is right about NFL 554 | It was an incredibly wrong decision 555 | The deal solves its issues 556 | The deal solves nothing whatsoever 557 | Poles were WW2 heroes and victims too 558 | Poles' resistance was heroic 559 | Kanye's praise of Trump is highly exaggerated 560 | Kanye is right to praise Trump 561 | -------------------------------------------------------------------------------- /outputs/bart_baseline/seed=9/test_generated.txt: -------------------------------------------------------------------------------- 1 | Trump's change to privacy laws violates Americans' rights 2 | Trump is repealing internet privacy laws 3 | We underestimate Weinstein's power 4 | Actually, the media reported on Weinstein's abuses 5 | Now is the time for open dialogue 6 | People should stop violence now 7 | It's capitalism's values protect the planet 8 | capitalism's policies fight climate change 9 | Trump is wrong to make this statement 10 | Trump is rightly recognizing jerusalem as Israel's capital 11 | The press deserves to be held accountable 12 | The media ignores Trump's real critics 13 | Climate change is probably coming 14 | The report's predictions are over the top 15 | First Man' is wrong to celebrate America's patriotism 16 | This story is being exaggerated 17 | It would be wrong to end diversity visa program 18 | The diversity visa program is obsolete 19 | Inconvenient Truth' sequel as relevant as ever 20 | An Inconvenient Truth' sequel is less artistic than ever 21 | Pompeo is perfectly suited for this job 22 | Mike Pompeo is wrong for Secretary of State 23 | Trump is wrong to probe Clinton 24 | The evidence suggests Clinton colluded 25 | The Indians' mascot is racist and should be gone 26 | It's wrong to change the Indians' mascot 27 | Trump is breaking with the law 28 | Justice Department is right to probe 29 | Fox is to blame for its silence 30 | Fox is wrong to blame Clinton 31 | Apple’s new iPhone X is the best new gadget ever 32 | Apple's iphone X technology poses a serious security issue 33 | The grenfell tower fire could have been avoided 34 | The authorities can't be fully blamed 35 | Rosenstein is perfectly suited for this role 36 | Rosenstein leaving is a major blow to democracy 37 | A Star Is Born is a must-see film 38 | A star is born is born without all the hype 39 | Haley is right to cut funding to the UN 40 | The cuts will hurt relations with the world 41 | Kelly should stay on 42 | Kelly should resign 43 | Impeachment is the best step forward 44 | Impeachment doesn't hold up to scrutiny 45 | Trump's warsaw speech spread intolerant ideas 46 | Trump correctly addressed the world's real threats 47 | O'Rourke champions unity and progress 48 | O'Rourke would be better off staying in Texas 49 | Pepsi's ad is wrong to reject Kendall Jenner 50 | Pepsi's kendall jenner ad offers a much-needed alternative 51 | Trump should accept the deal 52 | Democrats should reject this spending bill 53 | Gunn was unfairly attacked 54 | Gunnn deserved to be fired 55 | The change will just create more problems 56 | The change will be a productive step forward 57 | Climate change is a serious issue 58 | Climate science & policy won't change 59 | The baker is wrong to refuse to serve transgender people 60 | Bakers shouldn't refuse to serve transgender people 61 | The reform is a productive step forward 62 | We shouldn't change gun laws 63 | A thorough investigation is needed 64 | Dems are politicizing Kavanaugh's accusations 65 | Trump is wrong to impose tariffs on Mexico 66 | Trump is wrong to make this move 67 | The players shouldn't knelt 68 | The players deserve the right to free speech 69 | The use of fireworks should be forgiven 70 | We shouldn't ruin the 4th of July 71 | Moon Jae-in is right to approach north korea 72 | Moon Jae-in will change relations with North Korea 73 | Trump should fire Jared Kushner 74 | The media is inflating this story 75 | Republicans will probably lose in 2018 76 | Republicans will still win 77 | The second season builds upon season one's success 78 | Season 2 still has some weak spots 79 | Kendrick Lamar's 'Damn' is a masterpiece 80 | Kendrick Lamar's 'damn' incites violence & animosity 81 | Trump is right to shut down the wall 82 | Trump should shut down government 83 | May should resign after her election debacle 84 | The Tories will survive 85 | Giuliani is wrong to defend Trump 86 | Giuliani’s revelations will hurt Trump 87 | Clinton's behavior warranted a response 88 | We shouldn't bury Clinton's story 89 | Trump's economic policy ignores most Americans 90 | Trump's economic policy is perfectly good 91 | Trump is wrong to do this 92 | Former officials don't need security clearance 93 | A trade war would hurt everyone 94 | In fact, China is still highly profitable 95 | Trump's anti-semitism bill is a great step forward 96 | Trump is wrong to push this bill 97 | Trump is alienating America's key allies 98 | Trump is right to call out this imbalance 99 | Banning kickoffs would warp the game 100 | Banning kickoffs is a minor change 101 | The media coverage is very clear 102 | The accusations are more believable 103 | The Raptors should let go of Casey 104 | The rumors are unproven 105 | Louis C.K.'s new movie normalizes sexual abuse 106 | Louis C.K.'s I Love You, Daddy is a harsh critique of the 107 | There is a strong chance that baseballs are being juiced 108 | The world series baseballs will change dramatically 109 | Against all odds, McGregor will be overshadowed by Mayweather 110 | Against all odds, McGregoror VS Mayweather is highly unlikely 111 | Moore's adaptation of James Bond was amazing 112 | Moore was not the best Bond 113 | Welfare benefits welfare recipients 114 | Welfare programs shouldn't be conditional 115 | Ocasio-cortez's victory calls for change 116 | Ocasio-cortez's victory shows Democrats facing serious issues 117 | Mueller’s investigation is likely to reveal damning evidence 118 | Mueller’s probe is built upon a shaky foundation 119 | Kudlow is perfectly suited for this job 120 | Kudlow’s predictions are wrong 121 | The media must stop racism spreading 122 | The author's Tweets were satirical 123 | Social media is spreading fake news 124 | Social media revolutionizes our democracy 125 | Romo is done with football 126 | The rumors are unproven 127 | Fortnite is too addictive for kids 128 | Actually, it's too addictive for kids 129 | Trump is hurting Twitter 130 | Trump is boosting Twitter 131 | The media is inflating this story 132 | Liberal media coverage has been exaggerated 133 | Trump Jr.'s meeting with Russian lawyer was wrong 134 | Trump is wrong to help his son 135 | Louis C.K.'s career is over 136 | Louis C.K.'s career will probably survive 137 | We shouldn't legalize weed 138 | Legalizing weed would solve countless issues 139 | The roads will be filled with driverless cars 140 | There is a good chance of safety 141 | Trump is wrong to change fuel efficiency rules 142 | The rules were unrealistic 143 | Trump's syria policy is wrong 144 | Trump's syria policy is working to halt bloodshed 145 | Puerto Ricans are being marginalized 146 | The U.S.-backed relief effort is getting to Puerto Rico 147 | Free trade would hurt America first 148 | This trade deal is a productive deal 149 | Barcelona's comeback win shows their greatness 150 | Barcelona's comeback win is a sign of Barca's resurgence 151 | The allegations are believable 152 | The allegations have merit 153 | Trump's North Korea tweet risks hurting America's security interests 154 | Trump's "nuclear button" tweet is a necessary show of strength 155 | The agency should be abolished 156 | The agency is necessary to protect the country 157 | The WNBA has a culture of bullying 158 | This story is being exaggerated 159 | Trump is to blame for n. Korea meeting 160 | Trump is a huge part of the solution 161 | Actually, life coaches' methods are unregulated 162 | life coaches can be a great motivator 163 | Obama's involvement boosts Dem support 164 | Obama has little to say about Trump 165 | Sportscasters should stick to politics 166 | Sportscasters should avoid politics 167 | Affirmative action is a necessary step forward 168 | This change is highly unlikely 169 | Legal precedent says Trump can 170 | Legal and political avenues can be taken 171 | Kelly is right about this story 172 | Kelly is right about this story 173 | Social media is beneficial in the wake of a terror attack 174 | Social media spreads fear & hate 175 | crazy rich asians' is a funny and fun movie to watch 176 | razy rich asians' falls back on many tropes 177 | Kushner is being pushed to meet with Russia 178 | Kushner is right to fix this issue 179 | Trump's dreamer deal is a racist and needless deal 180 | Trump's dreamer deal is a great deal 181 | The shutdown won't meaningfully punish Trump 182 | In the end, the shutdown won't affect Trump politically 183 | The comment was out of place 184 | Booker's rant was out of place 185 | Baseball needs to change 186 | Baseball still needs to be changed 187 | The move is a necessary show of strength 188 | It's too incitive to punish Russia 189 | This deal is a productive deal 190 | This deal protects U.S. from being broken 191 | In fact, peace talks could still happen 192 | In fact, peace talks could happen 193 | Mueller’s probe has gone far beyond its goal 194 | Mueller's probe is closing in on Trump 195 | Fat-shaming is wrong to make this statement 196 | Fat-shaming can be productive if done right 197 | White Americans are conditioned to fear of black men 198 | This story is being exaggerated 199 | The sinclair broadcast group is bad for democracy 200 | The critics are wrong to attack Sinclair 201 | There is a clear danger of cellphones 202 | There isn't enough proof to prove phones cause cancer 203 | The March For Science' is a form of form of protest 204 | The March For Science' is superficial & alienates most Americans 205 | Socialist socialism will lift up the whole country 206 | Socialist socialism is not the way forward 207 | The rich are seeing the most gains 208 | Jobs are rising rapidly 209 | Kelly is perfectly suited for this role 210 | No, Kelly lacks the political experience needed 211 | This change will fight obesity 212 | If true, calorie counts could result in mental issues 213 | SNL and others avoid covering the Weinstein scandal 214 | SNL avoided covering the Weinstein scandal entirely 215 | The agency shouldn't be abolished 216 | The agency is too ineffective to be reformed 217 | Economic and diplomatic sanctions won't work 218 | Now is the time for diplomacy 219 | Contreras wrong to block the home plate 220 | The rule should be respected 221 | Haspel is too controversial to be CIA director 222 | Haspel is a great choice for this role 223 | Omar's comments reflect a wider trend 224 | Omar's comments are rooted in reality 225 | McMaster is spreading division & animosity 226 | McMaster is perfectly suited for this role 227 | Actually, Wellesley is right to protect students 228 | Actually, Wellesley is right to protect students 229 | Trump doesn't understand Puerto Rico's situation 230 | The media is inflating this story 231 | Trump's syria strategy is inadequate 232 | Trump's syria strategy is solid 233 | The players shouldn't protest 234 | The players' protest is wrong 235 | The Hitman's Bodyguard' is messy and bad 236 | The hitman's bodyguard' is an amazingly entertaining show 237 | The referendum is a huge success for women 238 | In fact, Ireland is right to defend its rights 239 | E-cigarettes are different than regular cigarettes 240 | E-cigarettes are healthier than regular cigarettes 241 | The valid probe is closing in on Trump 242 | The indictment presents no proof of collusion 243 | Trump is wrong to tweet 244 | Trump's tweets are refreshingly direct 245 | Far right's racist ideals won't unite Europe 246 | Far right will quell xenophobia 247 | Joe Biden is not the right man for the job 248 | Joe Biden could heal America 249 | Kushner's new White House Bill is a Good Idea 250 | Running the government like a business won't work 251 | Trump’s politics will hurt Democrats 252 | Trump's brand of politics will live on 253 | Comey was doing a very poor job 254 | Comey made too many mistakes 255 | The new north korea sanctions won't solve anything 256 | The north korea sanctions will hurt everyone 257 | Liberals are wrong to blame the left 258 | The left needs to stop violence 259 | Omar's comments were unproven 260 | Omar's comments are wrong 261 | F8: the Fate of the Furious' was outstanding 262 | F8' recycles past Fast & Furious' themes 263 | Trump-Putin meeting could benefit Russia 264 | Trump-Putin meeting could thaw relations 265 | Ivanka Trump is wrong to ally herself 266 | Ivanka Trump is an ally of women 267 | Court should stop civil asset forfeiture 268 | Legal and moral right to privacy is paramount 269 | Cohen didn't break the law 270 | Cohen's trial proved Trump wrong 271 | Actually, wages have been rising rapidly 272 | Wages have stagnated in the middle class 273 | Bush's lack of AIDS awareness is huge 274 | Bush's loss is a major loss for America 275 | Trump's military parade is just a waste of money 276 | Trump's military parade could be a positive event 277 | A-Rod is a great sports commentator 278 | A-Rod's commentary has been underwhelming 279 | Trump should decertify Iran deal 280 | Trump should stop Iran Nuclear Deal 281 | Women in need are being marginalized 282 | Trump is right to stop funding Planned Parenthood 283 | The right-wing alliance will survive 284 | The rise of the AfD poses a serious danger 285 | Eminem's new album Kamikaze is a huge success 286 | Eminem's new album is little beyond raising eyebrows 287 | The 'twin peaks' revival is a gritty, depressing season 288 | The revival tries too hard to re-create 'Twin Peaks' 289 | The two men are perfectly suited 290 | Mitt Romney is planning to run for Utah Senate 291 | The world deserves to hear from Taylor Swift 292 | No, Taylor Swift doesn't deserve all the praise 293 | GOP's tax bill is a terrible tax bill 294 | GOP's tax bill will lift up the middle class 295 | Sanders was wrong to be denied service 296 | Sanders was asked to leave because of discrimination 297 | Trump’s behavior suggests he should 298 | Trump is not an independent 299 | Democrats clearly came out on top 300 | Democrats are being partisan 301 | Republicans are cutting off all Democratic input 302 | Democrats ignore the real issues 303 | People are reacting with fear 304 | The risk of infection are overblown 305 | Paid maternity leave is a bad idea 306 | Free maternity leave is beneficial for women 307 | The cabin laptop ban is necessary 308 | The ban's logistical flaws make it necessary 309 | Socialist policies could benefit the US 310 | Socialist would choke economic growth 311 | We should send our astronauts to Mars 312 | We shouldn't send a mission to Mars 313 | Lena Dunham is a fake feminist 314 | Lena Dunham is a Fake Feminist 315 | Zlatan’s arrival will revolutionize MLS 316 | It's not, Ibrahimovic's arrival is a major blow to MLS 317 | Facebook's stock will bounce back 318 | Facebook's stock plunge is a major blow to shareholders 319 | Black Panther' is everything right 320 | Black Panther fails to live up to the high expectations 321 | The players will be better off 322 | This change of rule can be a productive step forward 323 | The ruling is a loss for gay rights 324 | The ruling is a victory for everyone 325 | The 'nuclear' option will be a productive move forward 326 | Democrats should apply the nuclear' option 327 | The deep state is real and has long existed 328 | Republicans' allegations are wrong 329 | The rumors have merit 330 | Swift's decision is a welcome step forward 331 | Flynn deserves to be granted diplomatic immunity 332 | Flynn and his lawyer are being marginalized 333 | Everyone but the president should be paid more attention 334 | The president is a great leader 335 | Doe v. Wade will be overturned 336 | Roe v Wade will be overturned 337 | The women's march is a form of form of resistance 338 | The Women’s March has achieved little 339 | Trump is wrong to attack immigrants 340 | Trump is right, too many people are migrating 341 | Tom Brady is the best quarterback of all time 342 | Rady Brady is the best quarterback ever 343 | Impeachment is the best step forward 344 | Impeachment is a politically motivated manouver 345 | The 'shi**y media men' list didn't serve women 346 | The 'Shitty Media Men' list helped empower women 347 | Democrats' support is rising 348 | Democrats will clean up in 2018 349 | The burden of proof shouldn't be on Kavanaugh 350 | The allegations are believable 351 | Political correctness is our duty 352 | Political correctness stifles discussion 353 | Trump is wrong to call for unity 354 | Trump is right; unity is our priority 355 | Dog shows are Dog Shows Bad for Pets 356 | Dog shows shouldn't be negative 357 | DACA recipients fight for quality healthcare 358 | DACA benefits Dreamers 359 | GOP prayers are hollow and hollow 360 | Liberals won't solve gun issue 361 | Trump's diplomacy is effective by laying the foundation 362 | Trump is breaking the world order 363 | Black Mirror’s fourth season is as exciting as ever 364 | Black Mirror’s fourth season is simply boring 365 | Republicans are right to repeal Obamacare 366 | Republicans are crippling Obamacare 367 | Mike Pompeo should be confirmed as secretary of state 368 | Mike Pompeo should be confirmed 369 | Trump's syria strike was illegal 370 | Trump's syria strike was legal, it was in US national interest 371 | American Idol is too special to be rebooted 372 | The American Idol reboot is a smart move by NBC 373 | Trump's tariffs are a good idea 374 | Trump's tariffs are a bad idea 375 | Iran nuclear deal's flaws will stop 376 | Netanyahu's Iran nuclear deal's flaws are being overcome 377 | Trump is wrong to attack the judge 378 | Trump is right, too many judges are biased 379 | We shouldn't smoke weed 380 | We shouldn't smoke weed 381 | Trump's health report is unlikely to be accurate 382 | Trump's health report is based on science & thus believable 383 | Westworld Season 2 doesn't innovate enough to be great 384 | Westworld’s second season is a much-needed improvement 385 | Wonder Woman' is set in WW2 386 | Wonder Woman' is a good choice 387 | The missing richard simmons podcast is wrong to invade people' privacy 388 | The missing richard simmons podcast inspires important conversation 389 | This shutdown is a productive step forward 390 | This is a bad loss for Dems 391 | Nordstrom wrong to sell mud-caked jeans is wrong 392 | This is a form of flattery 393 | Social media brings back depression & danger 394 | Social media is a huge force for good 395 | The Last Jedi' is too bad to be a classic 396 | The Last Jedi' is outstanding 397 | Buyers shouldn't decide this 398 | Actually, designer clothes are a good investment 399 | Trump's handling n. Korea perfectly 400 | This meeting between n. Korea and South Korea is unlikely to go anywhere 401 | Rick and Morty' is hilarious and disorienting 402 | The show is too depressing & without a proper narrative 403 | Lone wolf terrorists are harder to stop 404 | Mateen's family and communities were involved 405 | WeWork's investment ensures that 406 | Coworking office spaces may bring problems to workers 407 | De-regulation is likely to happen 408 | Dodd-Frank is a productive step forward 409 | Kelly's attack on Trump is wrong 410 | Kelly is right about Trump 411 | Flying cars won't solve our issues 412 | Flying cars are a welcome future 413 | Initiative 77 is bad for service workers 414 | Women risk being marginalized 415 | NATO should defend its alliance 416 | NATO should come to the rescue 417 | The FBI is in danger because of Trump 418 | The FBI is being attacked unfairly 419 | Joe Arpaio went against the law 420 | Trump is right to pardon Joe Arpaio 421 | GOP healthcare bill is better than Obamacare 422 | GOP healthcare bill is worse than Obamacare 423 | Upholding Trump's immigration ban is wrong 424 | Upholding Trump's immigration ban is a liberal right-wing move 425 | Trump Jr.'s meeting with Russian lawyer was illegal 426 | Trump Jr.'s meeting with Russian lawyer was legal 427 | Hogg is open to criticism 428 | Hogg's critics are being unfairly attacked 429 | Free menstrual leave is good for women 430 | Free menstrual leave is bad & bad for women 431 | It should be women who go topless 432 | Women going topless shouldn't be allowed 433 | Americans' attitudes have become more tolerant 434 | MLK's dream remains unfulfilled 435 | Flake was wrong to delay the Kavanaugh vote 436 | Flake is right to delay Kavanaugh vote 437 | Trump is wrong to leave the nuclear treaty 438 | Trump wrong to cancel the nuclear treaty 439 | Gerrymandering is a huge issue 440 | This is a highly unlikely scenario 441 | The nunes memo is a clear partisan witch hunt 442 | The nunes memo shows the truth 443 | The travel ban goes against the Constitution 444 | The travel ban is wrong to be unconstitutional 445 | Cortez is revolutionizing the Democratic party 446 | This is not socialism's real chance 447 | The criticism has been extremely negative 448 | Clinton deserves all the criticism she deserves 449 | Now is the time for gun reform 450 | More gun control won't make America safer 451 | Trump must stop Russian interference 452 | Russia could be a strategic ally 453 | The Unicorn Frappuccino is unhealthy & bad 454 | The unicorn frappuccino was uniquely special 455 | Trump's claims are believable 456 | Trump would be better off beating Tillerson 457 | The world's greatest athlete is LeBron James 458 | Cristiano Ronaldo is the world's best athlete 459 | Republicans are taking the right steps 460 | Republicans are making things far worse 461 | Trump should leave Iran deal 462 | Iran Nuclear Deal is useless 463 | Trump's address was superficial & divisive 464 | Trump's address was great 465 | Trump wrong to make this statement 466 | Trump is right to tackle terrorism 467 | Now is the time for gun control 468 | Harsher gun laws won't solve America's gun issue 469 | Trump is spreading fake news 470 | Trump is fighting the virus correctly 471 | Republicans are spreading fake news 472 | Republicans right to criticize the FBI 473 | Sessions was wrong to reveal this story 474 | Sessions rightly stood his ground 475 | The UK should get a chance to vote 476 | Actually, Brexit is the best path forward 477 | The 2018 Oscars were great progress 478 | The 2018 oscars were more inclusive 479 | The Cloud will be eclipsed by Edge 480 | Amazon is growing its dominance 481 | Ryan's lack of morals made him a hypocrite 482 | Ryan was a good job, given the circumstances 483 | TripAdvisor reviews strongly influence stay choices 484 | Travelers are being tricked into believing this 485 | Trump's lawyer's office has been seized 486 | Mueller’s probe is going against all Americans' rights 487 | The hiring Scaramucci is a great opportunity to ally the president 488 | Trump hiring Scaramucci shows Trump is losing trust with Trump 489 | Republicans' plans are wrong 490 | Obamacare should be repealed 491 | Manafort's lawsuit is a publicity stunt 492 | Manafort is being sued unfairly 493 | Facebook is fully responsible 494 | Facebook can't be fully blamed 495 | Trump's China strategy is working 496 | Trump won't work with China 497 | Trump is undeniably racist 498 | Trump's not racist at all 499 | Schutz's 'open casket' is insensitive 500 | Schutz's 'open casket' is white America's best painting 501 | The students are protesting right to gun control 502 | The media shouldn't politicize guns 503 | The 2018 Grammys were simply a confusing spectacle 504 | The Grammys still special 505 | Ant-Man and the Wasp is lively & exciting 506 | Ant-Man and the Wasp is the perfect sequel 507 | Mueller’s probe is perfectly legal 508 | Mueller is going against the law 509 | The students are using their voices to enact change 510 | The walkout is alienating kids 511 | Far Cry 5 is very fun and exciting to play 512 | Far Cry 5 doesn't innovate enough to impress 513 | U.S. judge's travel ban is judicial overreach 514 | Upholding travel ban is wrong 515 | Trump is making Iran situation worse 516 | Trump is right to be tough on Iran 517 | Palestinian protests have been met with violence 518 | The authorities must stop rioters 519 | The downsides are being heavily overblown 520 | The downsides are being heavily overblown 521 | Trump broke campaign finance laws 522 | The evidence suggests Trump breaking the law 523 | ‘jurassic world: fallen kingdom' is the perfect sequel 524 | The sequel is simply too forced to be great 525 | ‘a wrinkle in time' is a wondrous ride 526 | A Wrinkle in Time doesn't innovate enough to be great 527 | #MeToo is the progress we need 528 | The accusations are horrifying 529 | The trial was a miscarriage of justice 530 | The trial is in accordance with the law 531 | Sarsour's call for violence incited violence 532 | Sarsour was right, too many Muslims are being marginalized 533 | Trump is right, Iran deal was flawed 534 | The deal was a productive step forward 535 | Trump's G20 summit was productive 536 | Trump's G20 summit was filled with awkwardness and diplomatic blunders 537 | The harvest boxes won't solve welfare issues 538 | Harvest boxes would save Americans money 539 | War Machine' doesn't deviate from conventional themes 540 | War Machine' is witty and hilarious 541 | Breaking up the giants is easier said than done 542 | Tech giants must be broken up 543 | Trump has made peace less likely 544 | Trump is right to cancel peace talks 545 | There was clear signs of voter fraud 546 | There is no proof of voter fraud 547 | Trump has made peace a pipe-dream 548 | Trump is right, too many Palestinians are frustrated 549 | Actually, fruit juice is probaly probaly good 550 | Actually, fresh fruit juices can be good 551 | We shouldn't ruin lives without solid proof 552 | Doxing people shouldn't be trusted 553 | Papa John’s is right about NFL players 554 | The NFL kneeling was wrong 555 | Trump's new deal is a much-needed success 556 | Trump's new deal is little better than original 557 | Poles were WW2 victims and victims too 558 | Poles were WW2 victims too 559 | Kanye has a right to his own opinion 560 | Kanye has the right to his own opinion 561 | -------------------------------------------------------------------------------- /results/README.md: -------------------------------------------------------------------------------- 1 | # Our evaluated results will be added here 2 | -------------------------------------------------------------------------------- /topic distributions.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/CogComp/MultiOpEd/4ef4ce89e66d205faf2a890e04ab3ad3a5e6fd38/topic distributions.png -------------------------------------------------------------------------------- /train.py: -------------------------------------------------------------------------------- 1 | import csv 2 | import random 3 | import torch 4 | import numpy as np 5 | from torch.utils.data import DataLoader 6 | from transformers import AdamW 7 | from transformers import BertTokenizer, BertForSequenceClassification 8 | import torch 9 | from rouge_score import rouge_scorer 10 | from transformers import BartTokenizer, BartForConditionalGeneration 11 | from torch.nn import CrossEntropyLoss, MSELoss 12 | import os 13 | from model import MultiTaskBart 14 | from utils import load_csv 15 | 16 | 17 | def set_seed(seed): 18 | torch.backends.cudnn.deterministic = True 19 | torch.backends.cudnn.benchmark = False 20 | torch.manual_seed(seed) 21 | torch.cuda.manual_seed_all(seed) 22 | np.random.seed(seed) 23 | random.seed(seed) 24 | 25 | 26 | def main(): 27 | tokenizer_rel = BertTokenizer.from_pretrained("/shared/siyiliu/transformers/examples/seq2seq/Bert_Xander_finetuned") 28 | model_rel = BertForSequenceClassification.from_pretrained("/shared/siyiliu/transformers/examples/seq2seq/Bert_Xander_finetuned") 29 | train_dataset, dev_dataset, test_dataset, label_to_query = load_csv('dataset.csv') 30 | for seed in (1,6,9): 31 | set_seed(seed) 32 | 33 | train_loader= DataLoader(train_dataset, shuffle=True) 34 | dev_loader= DataLoader(dev_dataset, shuffle=False) 35 | test_loader= DataLoader(test_dataset, shuffle=False) 36 | 37 | results_path_prefix = "results/seed_%d_+rel" %seed 38 | models_path_prefix = "trained_models/seed_%d_+rel" %seed 39 | if not os.path.exists(results_path_prefix): 40 | os.mkdir(results_path_prefix) 41 | if not os.path.exists(models_path_prefix): 42 | os.mkdir(models_path_prefix) 43 | for alpha in [0,0.1,1,5,15,30,50]: 44 | 45 | tokenizer = BartTokenizer.from_pretrained('facebook/bart-base', cache_dir="/shared/siyiliu/transformers/examples/seq2seq/cached_models") 46 | model = MultiTaskBart.from_pretrained('facebook/bart-base', cache_dir="/shared/siyiliu/transformers/examples/seq2seq/cached_models") 47 | 48 | device = torch.device('cuda') if torch.cuda.is_available() else torch.device('cpu') 49 | model.to(device) 50 | model.train() 51 | optim = AdamW(model.parameters(), lr=3e-5) 52 | 53 | for epoch in range(6): 54 | i=0 55 | avg_loss1 = [] 56 | avg_loss2 = [] 57 | for batch in train_loader: 58 | optim.zero_grad() 59 | input_ids = batch['input_ids'].to(device) 60 | attention_mask = batch['attention_mask'].to(device) 61 | labels = batch['labels'].to(device) 62 | outputs=model(input_ids, attention_mask=attention_mask, labels = labels, return_dict=True) 63 | loss2 =0 64 | batch_label = tokenizer.decode(batch['labels'][0]) 65 | batch_label = batch_label[batch_label.find('')+len(''):batch_label.find('')] 66 | batch_query = label_to_query[batch_label] 67 | 68 | if alpha >0.0: 69 | summa_last_hidden_state = outputs.encoder_last_hidden_state # this is actually decoder's last hidden state, look at model.py for details 70 | eos_mask = labels.eq(model.config.eos_token_id) 71 | sum_sentence_embedding = summa_last_hidden_state[eos_mask, :].view(summa_last_hidden_state.size(0), -1, summa_last_hidden_state.size(-1))[:, -1, :][0] 72 | 73 | batch_query_encoding = tokenizer.encode_plus(batch_query, return_tensors = "pt") 74 | batch_query_encoding=batch_query_encoding.to(device) 75 | outputs_query = model(**batch_query_encoding, return_dict=True) 76 | query_last_hidden_state = outputs_query.encoder_last_hidden_state #decoder's last hidden state 77 | query_sentence_embedding = query_last_hidden_state[0][-1] 78 | 79 | concat_embedding = torch.cat((sum_sentence_embedding, query_sentence_embedding), 0) 80 | 81 | logits_classification = model.classification_head(concat_embedding) 82 | 83 | 84 | summary_ids = model.generate(input_ids) 85 | generated_txt = [tokenizer.decode(g, skip_special_tokens=True, clean_up_tokenization_spaces=False) for g in summary_ids][0] 86 | token = tokenizer_rel.encode_plus(batch_query, generated_txt, return_tensors="pt") 87 | rel_logits = model_rel(**token)[0] 88 | loss_prob_xander = torch.sigmoid(rel_logits[0]) 89 | loss_prob_xander = torch.sigmoid(rel_logits[0]).to(device) 90 | 91 | loss_fct = MSELoss() 92 | loss2 = loss_fct(torch.sigmoid(logits_classification.view(-1))[0], loss_prob_xander[0]) 93 | 94 | loss = outputs.loss + alpha*loss2 95 | avg_loss1.append(float(outputs.loss)) 96 | avg_loss2.append(float(alpha*loss2)) 97 | 98 | loss.backward(retain_graph=True) 99 | optim.step() 100 | 101 | if i<3 and epoch ==0: 102 | print() 103 | print("--------Start--------") 104 | print("Alpha = ", alpha) 105 | print('Source:', tokenizer.decode(batch['input_ids'][0])) 106 | print('Target:', batch_label) 107 | print('Query:', batch_query) 108 | print('LM Loss:', outputs[0], 'Auxiliary Loss:', loss2) 109 | print() 110 | i+=1 111 | 112 | with open(results_path_prefix +'/alpha=%f_log.txt' %alpha, 'a') as file: 113 | file.write('\n') 114 | file.write("Epoch ") 115 | file.write(str(epoch)) 116 | file.write('\n') 117 | file.writelines(['Source: ', tokenizer.decode(batch['input_ids'][0]), '\n', 'Target: ', tokenizer.decode(batch['labels'][0]), '\n', 'Query: ', batch_query, '\n',"Avg loss1 = " + str(np.mean(avg_loss1)), "Avg loss2 = "+str(np.mean(avg_loss2)), "Avg total loss= " +str(np.mean(avg_loss1) + np.mean(avg_loss2))]) 118 | 119 | path_model =models_path_prefix + "/alpha=%f_models" %alpha 120 | model.save_pretrained(path_model) 121 | tokenizer.save_pretrained(path_model) 122 | 123 | model.eval() 124 | 125 | generated_results = [] 126 | generated_results_labels = [] 127 | for batch in test_loader: 128 | input_ids = batch['input_ids'].to(device) 129 | summary_ids = model.generate(input_ids) 130 | generated_txt = [tokenizer.decode(g, skip_special_tokens=True, clean_up_tokenization_spaces=False) for g in summary_ids][0] 131 | 132 | batch_label = tokenizer.decode(batch['labels'][0]) 133 | batch_label = batch_label[batch_label.find('')+len(''):batch_label.find('')] 134 | 135 | generated_results.append(generated_txt) 136 | generated_results_labels.append(batch_label) 137 | 138 | 139 | 140 | with open(results_path_prefix +'/alpha=%f_test_generated.txt' %alpha, 'w') as file: 141 | for txt in generated_results: 142 | file.write(txt+'\n') 143 | 144 | with open(results_path_prefix +'/alpha=%f_test_labels.txt' %alpha, 'w') as file: 145 | for txt in generated_results_labels: 146 | file.write(txt+'\n') 147 | 148 | 149 | generated_results = [] 150 | generated_results_labels = [] 151 | for batch in dev_loader: 152 | input_ids = batch['input_ids'].to(device) 153 | summary_ids = model.generate(input_ids) 154 | generated_txt = [tokenizer.decode(g, skip_special_tokens=True, clean_up_tokenization_spaces=False) for g in summary_ids][0] 155 | 156 | batch_label = tokenizer.decode(batch['labels'][0]) 157 | batch_label = batch_label[batch_label.find('')+len(''):batch_label.find('')] 158 | 159 | generated_results.append(generated_txt) 160 | generated_results_labels.append(batch_label) 161 | 162 | 163 | 164 | with open(results_path_prefix +'/alpha=%f_dev_generated.txt' %alpha, 'w') as file: 165 | for txt in generated_results: 166 | file.write(txt+'\n') 167 | 168 | with open(results_path_prefix +'/alpha=%f_dev_labels.txt' %alpha, 'w') as file: 169 | for txt in generated_results_labels: 170 | file.write(txt+'\n') 171 | 172 | 173 | if __name__ == "__main__": 174 | main() 175 | -------------------------------------------------------------------------------- /train_both_auxiliary.py: -------------------------------------------------------------------------------- 1 | import csv 2 | import random 3 | import torch 4 | import numpy as np 5 | from torch.utils.data import DataLoader 6 | from transformers import AdamW 7 | from transformers import BertTokenizer, BertForSequenceClassification 8 | import torch 9 | from rouge_score import rouge_scorer 10 | from transformers import BartTokenizer, BartForConditionalGeneration 11 | from torch.nn import CrossEntropyLoss, MSELoss 12 | import os 13 | from model import MultiTaskBart 14 | from utils import load_csv 15 | 16 | 17 | def set_seed(seed): 18 | torch.backends.cudnn.deterministic = True 19 | torch.backends.cudnn.benchmark = False 20 | torch.manual_seed(seed) 21 | torch.cuda.manual_seed_all(seed) 22 | np.random.seed(seed) 23 | random.seed(seed) 24 | 25 | 26 | def main(): 27 | tokenizer_rel = BertTokenizer.from_pretrained("/shared/siyiliu/transformers/examples/seq2seq/Bert_Xander_finetuned") 28 | model_rel = BertForSequenceClassification.from_pretrained("/shared/siyiliu/transformers/examples/seq2seq/Bert_Xander_finetuned") 29 | 30 | tokenizer_stance = BertTokenizer.from_pretrained("/shared/siyiliu/transformers/examples/seq2seq/xander_stance_finetuned") 31 | model_stance = BertForSequenceClassification.from_pretrained("/shared/siyiliu/transformers/examples/seq2seq/xander_stance_finetuned") 32 | 33 | train_dataset, dev_dataset, test_dataset, label_to_query = load_csv('dataset.csv') 34 | for seed in (1,6,9): 35 | set_seed(seed) 36 | 37 | train_loader= DataLoader(train_dataset, shuffle=True) 38 | dev_loader= DataLoader(dev_dataset, shuffle=False) 39 | test_loader= DataLoader(test_dataset, shuffle=False) 40 | 41 | results_path_prefix = "results/seed_%d_stance=1+both" %seed 42 | models_path_prefix = "trained_models/seed_%d_stance=1+both" %seed 43 | if not os.path.exists(results_path_prefix): 44 | os.mkdir(results_path_prefix) 45 | if not os.path.exists(models_path_prefix): 46 | os.mkdir(models_path_prefix) 47 | for alpha in (1,5,50): 48 | tokenizer = BartTokenizer.from_pretrained('facebook/bart-base', cache_dir="/shared/siyiliu/transformers/examples/seq2seq/cached_models") 49 | model = MultiTaskBart.from_pretrained('facebook/bart-base', cache_dir="/shared/siyiliu/transformers/examples/seq2seq/cached_models") 50 | 51 | device = torch.device('cuda') if torch.cuda.is_available() else torch.device('cpu') 52 | model.to(device) 53 | model.train() 54 | optim = AdamW(model.parameters(), lr=3e-5) 55 | 56 | for epoch in range(6): 57 | i=0 58 | avg_loss1 = [] 59 | avg_loss2 = [] 60 | for batch in train_loader: 61 | optim.zero_grad() 62 | input_ids = batch['input_ids'].to(device) 63 | attention_mask = batch['attention_mask'].to(device) 64 | labels = batch['labels'].to(device) 65 | outputs=model(input_ids, attention_mask=attention_mask, labels = labels, return_dict=True) 66 | loss2 =0 67 | batch_label = tokenizer.decode(batch['labels'][0]) 68 | batch_label = batch_label[batch_label.find('')+len(''):batch_label.find('')] 69 | batch_query = label_to_query[batch_label] 70 | 71 | if alpha >0.0: 72 | summa_last_hidden_state = outputs.encoder_last_hidden_state # this is actually decoder's last hidden state, look at model.py for details 73 | eos_mask = labels.eq(model.config.eos_token_id) 74 | sum_sentence_embedding = summa_last_hidden_state[eos_mask, :].view(summa_last_hidden_state.size(0), -1, summa_last_hidden_state.size(-1))[:, -1, :][0] 75 | 76 | batch_query_encoding = tokenizer.encode_plus(batch_query, return_tensors = "pt") 77 | batch_query_encoding=batch_query_encoding.to(device) 78 | outputs_query = model(**batch_query_encoding, return_dict=True) 79 | query_last_hidden_state = outputs_query.encoder_last_hidden_state #decoder's last hidden state 80 | query_sentence_embedding = query_last_hidden_state[0][-1] 81 | 82 | concat_embedding = torch.cat((sum_sentence_embedding, query_sentence_embedding), 0) 83 | 84 | logits_classification_rel = model.classification_head(concat_embedding) 85 | logits_classification_stance = model.classification_head(concat_embedding) 86 | 87 | summary_ids = model.generate(input_ids) 88 | generated_txt = [tokenizer.decode(g, skip_special_tokens=True, clean_up_tokenization_spaces=False) for g in summary_ids][0] 89 | 90 | 91 | token_rel = tokenizer_rel.encode_plus(batch_query, generated_txt, return_tensors="pt") 92 | rel_logits = model_rel(**token_rel)[0] 93 | loss_rel_prob = torch.sigmoid(rel_logits[0]).to(device) 94 | 95 | loss_fct = MSELoss() 96 | loss2 = loss_fct(torch.sigmoid(logits_classification_rel.view(-1))[0], loss_rel_prob[0]) 97 | 98 | token_stance = tokenizer_stance.encode_plus(batch_query, generated_txt, return_tensors="pt") 99 | stance_logits = model_stance(**token_stance)[0] 100 | loss_stance_prob = torch.sigmoid(stance_logits[0]).to(device) 101 | 102 | loss_fct = MSELoss() 103 | loss3 = loss_fct(torch.sigmoid(logits_classification_stance.view(-1))[0], loss_stance_prob[0]) 104 | 105 | 106 | 107 | 108 | 109 | 110 | loss = outputs.loss + alpha*loss2 + 1*loss3 111 | avg_loss1.append(float(outputs.loss)) 112 | avg_loss2.append(float(alpha*loss2)) 113 | 114 | loss.backward(retain_graph=True) 115 | optim.step() 116 | 117 | if i<3 and epoch ==0: 118 | print() 119 | print("--------Start--------") 120 | print("Alpha = ", alpha) 121 | print('Source:', tokenizer.decode(batch['input_ids'][0])) 122 | print('Target:', batch_label) 123 | print('Query:', batch_query) 124 | print('LM Loss:', outputs[0], 'Auxiliary Loss:', loss2) 125 | print() 126 | i+=1 127 | 128 | with open(results_path_prefix +'/alpha=%f_log.txt' %alpha, 'a') as file: 129 | file.write('\n') 130 | file.write("Epoch ") 131 | file.write(str(epoch)) 132 | file.write('\n') 133 | file.writelines(['Source: ', tokenizer.decode(batch['input_ids'][0]), '\n', 'Target: ', tokenizer.decode(batch['labels'][0]), '\n', 'Query: ', batch_query, '\n',"Avg loss1 = " + str(np.mean(avg_loss1)), "Avg loss2 = "+str(np.mean(avg_loss2)), "Avg total loss= " +str(np.mean(avg_loss1) + np.mean(avg_loss2))]) 134 | 135 | path_model =models_path_prefix + "/alpha=%f_models" %alpha 136 | model.save_pretrained(path_model) 137 | tokenizer.save_pretrained(path_model) 138 | 139 | model.eval() 140 | 141 | generated_results = [] 142 | generated_results_labels = [] 143 | for batch in test_loader: 144 | input_ids = batch['input_ids'].to(device) 145 | summary_ids = model.generate(input_ids) 146 | generated_txt = [tokenizer.decode(g, skip_special_tokens=True, clean_up_tokenization_spaces=False) for g in summary_ids][0] 147 | 148 | batch_label = tokenizer.decode(batch['labels'][0]) 149 | batch_label = batch_label[batch_label.find('')+len(''):batch_label.find('')] 150 | 151 | generated_results.append(generated_txt) 152 | generated_results_labels.append(batch_label) 153 | 154 | 155 | 156 | with open(results_path_prefix +'/alpha=%f_test_generated.txt' %alpha, 'w') as file: 157 | for txt in generated_results: 158 | file.write(txt+'\n') 159 | 160 | with open(results_path_prefix +'/alpha=%f_test_labels.txt' %alpha, 'w') as file: 161 | for txt in generated_results_labels: 162 | file.write(txt+'\n') 163 | 164 | 165 | generated_results = [] 166 | generated_results_labels = [] 167 | for batch in dev_loader: 168 | input_ids = batch['input_ids'].to(device) 169 | summary_ids = model.generate(input_ids) 170 | generated_txt = [tokenizer.decode(g, skip_special_tokens=True, clean_up_tokenization_spaces=False) for g in summary_ids][0] 171 | 172 | batch_label = tokenizer.decode(batch['labels'][0]) 173 | batch_label = batch_label[batch_label.find('')+len(''):batch_label.find('')] 174 | 175 | generated_results.append(generated_txt) 176 | generated_results_labels.append(batch_label) 177 | 178 | 179 | 180 | with open(results_path_prefix +'/alpha=%f_dev_generated.txt' %alpha, 'w') as file: 181 | for txt in generated_results: 182 | file.write(txt+'\n') 183 | 184 | with open(results_path_prefix +'/alpha=%f_dev_labels.txt' %alpha, 'w') as file: 185 | for txt in generated_results_labels: 186 | file.write(txt+'\n') 187 | 188 | 189 | if __name__ == "__main__": 190 | main() 191 | -------------------------------------------------------------------------------- /utils.py: -------------------------------------------------------------------------------- 1 | import csv 2 | import random 3 | import torch 4 | import numpy as np 5 | from torch.utils.data import DataLoader 6 | from transformers import AdamW 7 | from transformers import BertTokenizer, BertForSequenceClassification 8 | import torch 9 | from rouge_score import rouge_scorer 10 | from transformers import BartTokenizer, BartForConditionalGeneration, T5Tokenizer 11 | from torch.nn import CrossEntropyLoss, MSELoss 12 | import os 13 | from torch.utils.data import DataLoader 14 | 15 | 16 | class Dataset(torch.utils.data.Dataset): 17 | def __init__(self, encodings, labels): 18 | self.encodings = encodings 19 | self.labels = labels 20 | 21 | def __getitem__(self, idx): 22 | #print(self.encodings.items()[0]) 23 | item = {key: torch.tensor(val[idx]) for key, val in self.encodings.items()} 24 | #print(self.labels[idx]) 25 | item['labels'] = torch.tensor(self.labels[idx]) 26 | return item 27 | 28 | def __len__(self): 29 | return len(self.labels) 30 | 31 | 32 | def load_csv(path, tok_type = "bart"): 33 | """loading the csv data file""" 34 | 35 | source = [] 36 | target = [] 37 | query = [] 38 | with open (path, 'r') as csvfile: 39 | csvreader = csv.reader(csvfile) 40 | for row in csvreader: 41 | #print(row) 42 | query.append(row[0]) 43 | source.append(row[4]) 44 | target.append(row[3]) 45 | 46 | 47 | source = source[1:] 48 | target = target[1:] 49 | query = query[1:] 50 | 51 | #print(len(source)) 52 | #print(len(target)) 53 | #print(len(query)) 54 | 55 | for i in range(len(source)): 56 | source[i] = source[i].replace('\n','') 57 | target[i] = target[i].replace('\n', '') 58 | query[i] = query[i].replace('\n', '') 59 | 60 | #print(len(total_texts)) 61 | # randomize the train/dev/test/ split 62 | total_texts = [(source[i],source[i+1],query[i]) for i in range(0,len(source)-1,2)] 63 | total_labels = [(target[i],target[i+1], query[i]) for i in range(0,len(target)-1,2)] 64 | #print(total_texts[:3]) 65 | #print(total_labels[:3]) 66 | 67 | #print(total_query[:3]) 68 | random.Random(4).shuffle(total_texts) 69 | random.Random(4).shuffle(total_labels) 70 | #random.Random(4).shuffle(total_query) 71 | #print(total_texts[:3]) 72 | #print(total_labels[:3]) 73 | #print(len(total_texts)) 74 | #print(total_query[:3]) 75 | 76 | train_len = len(total_texts)*7//10 77 | dev_len = len(total_texts)*8//10 78 | #print(train_len) 79 | 80 | train_texts = [] 81 | train_labels = [] 82 | train_query=[] 83 | 84 | dev_texts = [] 85 | dev_labels = [] 86 | dev_query=[] 87 | 88 | test_texts = [] 89 | test_labels = [] 90 | test_query=[] 91 | 92 | for i in range(train_len): 93 | train_texts.append(total_texts[i][0]) 94 | train_texts.append(total_texts[i][1]) 95 | train_labels.append(total_labels[i][0]) 96 | train_labels.append(total_labels[i][1]) 97 | train_query.append(total_texts[i][2]) 98 | train_query.append(total_labels[i][2]) 99 | 100 | for i in range(train_len, dev_len): 101 | dev_texts.append(total_texts[i][0]) 102 | dev_texts.append(total_texts[i][1]) 103 | dev_labels.append(total_labels[i][0]) 104 | dev_labels.append(total_labels[i][1]) 105 | dev_query.append(total_texts[i][2]) 106 | dev_query.append(total_labels[i][2]) 107 | 108 | for i in range(dev_len, len(total_texts)): 109 | test_texts.append(total_texts[i][0]) 110 | test_texts.append(total_texts[i][1]) 111 | test_labels.append(total_labels[i][0]) 112 | test_labels.append(total_labels[i][1]) 113 | test_query.append(total_texts[i][2]) 114 | test_query.append(total_labels[i][2]) 115 | 116 | 117 | 118 | dic = {} 119 | for i in range(len(train_labels)): 120 | dic[train_labels[i]] = train_query[i] 121 | #if train_query[i]== "was trump right to kill soleimani?": 122 | # print("here", train_labels[i]) 123 | 124 | for i in range(len(dev_labels)): 125 | dic[dev_labels[i]] = dev_query[i] 126 | 127 | for i in range(len(test_labels)): 128 | dic[test_labels[i]] = test_query[i] 129 | 130 | if tok_type =="bart": 131 | tokenizer = BartTokenizer.from_pretrained('facebook/bart-base', cache_dir="/shared/siyiliu/transformers/examples/seq2seq/cached_models") 132 | else: 133 | tokenizer = T5Tokenizer.from_pretrained('t5-base', cache_dir="/shared/siyiliu/transformers/examples/seq2seq/cached_models") 134 | 135 | 136 | 137 | train_encodings = tokenizer(train_query, text_pair=train_texts ) 138 | train_label_encodings = tokenizer(train_labels)['input_ids'] 139 | train_dataset =Dataset(train_encodings, train_label_encodings) 140 | 141 | dev_encodings = tokenizer(dev_query, text_pair=dev_texts) 142 | dev_label_encodings = tokenizer(dev_labels)['input_ids'] 143 | dev_dataset =Dataset(dev_encodings, dev_label_encodings) 144 | 145 | test_encodings = tokenizer(test_query, text_pair=test_texts) 146 | test_label_encodings = tokenizer(test_labels)['input_ids'] 147 | test_dataset =Dataset(test_encodings, test_label_encodings) 148 | 149 | #print(train_dataset[0]) 150 | #print(train_dataset[0]['input_ids']) 151 | #print(tokenizer.decode(train_dataset[0]['input_ids'])) 152 | #print(tokenizer.decode(train_dataset[0]['labels'])) 153 | 154 | 155 | return train_dataset, dev_dataset, test_dataset, dic 156 | 157 | 158 | if __name__ == "__main__": 159 | train_dataset, dev_dataset, test_dataset, dic = load_csv('mturk_new_cleaned.csv') 160 | 161 | 162 | 163 | --------------------------------------------------------------------------------