Xudong Hong commited on
Commit
0213b9e
·
1 Parent(s): 0e8d70d

upload models

Browse files
Files changed (40) hide show
  1. config.json +27 -0
  2. configuration_ltgbert.py +107 -0
  3. modeling_ltgbert.py +802 -0
  4. special_tokens_map.json +10 -0
  5. tokenizer.json +0 -0
  6. tokenizer_config.json +5 -0
  7. zeroshot/anaphor_agreement/eval_results.json +1 -0
  8. zeroshot/anaphor_agreement/predictions.txt +1957 -0
  9. zeroshot/argument_structure/eval_results.json +1 -0
  10. zeroshot/argument_structure/predictions.txt +0 -0
  11. zeroshot/binding/eval_results.json +1 -0
  12. zeroshot/binding/predictions.txt +0 -0
  13. zeroshot/control_raising/eval_results.json +1 -0
  14. zeroshot/control_raising/predictions.txt +0 -0
  15. zeroshot/determiner_noun_agreement/eval_results.json +1 -0
  16. zeroshot/determiner_noun_agreement/predictions.txt +0 -0
  17. zeroshot/ellipsis/eval_results.json +1 -0
  18. zeroshot/ellipsis/predictions.txt +0 -0
  19. zeroshot/filler_gap/eval_results.json +1 -0
  20. zeroshot/filler_gap/predictions.txt +0 -0
  21. zeroshot/hypernym/eval_results.json +1 -0
  22. zeroshot/hypernym/predictions.txt +861 -0
  23. zeroshot/irregular_forms/eval_results.json +1 -0
  24. zeroshot/irregular_forms/predictions.txt +1966 -0
  25. zeroshot/island_effects/eval_results.json +1 -0
  26. zeroshot/island_effects/predictions.txt +0 -0
  27. zeroshot/npi_licensing/eval_results.json +1 -0
  28. zeroshot/npi_licensing/predictions.txt +0 -0
  29. zeroshot/qa_congruence_easy/eval_results.json +1 -0
  30. zeroshot/qa_congruence_easy/predictions.txt +65 -0
  31. zeroshot/qa_congruence_tricky/eval_results.json +1 -0
  32. zeroshot/qa_congruence_tricky/predictions.txt +166 -0
  33. zeroshot/quantifiers/eval_results.json +1 -0
  34. zeroshot/quantifiers/predictions.txt +0 -0
  35. zeroshot/subject_aux_inversion/eval_results.json +1 -0
  36. zeroshot/subject_aux_inversion/predictions.txt +0 -0
  37. zeroshot/subject_verb_agreement/eval_results.json +1 -0
  38. zeroshot/subject_verb_agreement/predictions.txt +0 -0
  39. zeroshot/turn_taking/eval_results.json +1 -0
  40. zeroshot/turn_taking/predictions.txt +281 -0
config.json ADDED
@@ -0,0 +1,27 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "architectures": [
3
+ "LtgBertForMaskedLM"
4
+ ],
5
+ "attention_probs_dropout_prob": 0.1,
6
+ "auto_map": {
7
+ "AutoConfig": "configuration_ltgbert.LtgBertConfig",
8
+ "AutoModelForMaskedLM": "modeling_ltgbert.LtgBertForMaskedLM",
9
+ "AutoModelForSequenceClassification": "modeling_ltgbert.LtgBertForSequenceClassification"
10
+ },
11
+ "classifier_dropout": 0.2,
12
+ "hidden_dropout_prob": 0.1,
13
+ "hidden_size": 384,
14
+ "intermediate_size": 1024,
15
+ "layer_norm_eps": 1e-07,
16
+ "max_position_embeddings": 512,
17
+ "model_type": "ltgbert",
18
+ "num_attention_heads": 6,
19
+ "num_hidden_layers": 12,
20
+ "output_all_encoded_layers": true,
21
+ "pad_token_id": 4,
22
+ "position_bucket_size": 32,
23
+ "torch_dtype": "float32",
24
+ "transformers_version": "4.26.0",
25
+ "vocab_size": 6144
26
+ }
27
+
configuration_ltgbert.py ADDED
@@ -0,0 +1,107 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ # coding=utf-8
2
+ # Copyright 2023 Language Technology Group from University of Oslo and The HuggingFace Inc. team.
3
+ #
4
+ # Licensed under the Apache License, Version 2.0 (the "License");
5
+ # you may not use this file except in compliance with the License.
6
+ # You may obtain a copy of the License at
7
+ #
8
+ # http://www.apache.org/licenses/LICENSE-2.0
9
+ #
10
+ # Unless required by applicable law or agreed to in writing, software
11
+ # distributed under the License is distributed on an "AS IS" BASIS,
12
+ # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
13
+ # See the License for the specific language governing permissions and
14
+ # limitations under the License.
15
+
16
+ """ LTG-BERT configutation """
17
+
18
+
19
+ from transformers.configuration_utils import PretrainedConfig
20
+
21
+
22
+ LTG_BERT_PRETRAINED_CONFIG_ARCHIVE_MAP = {
23
+ "bnc-bert-span": "https://huggingface.co/ltg/bnc-bert-span",
24
+ "bnc-bert-span-2x": "https://huggingface.co/ltg/bnc-bert-span-2x",
25
+ "bnc-bert-span-0.5x": "https://huggingface.co/ltg/bnc-bert-span-0.5x",
26
+ "bnc-bert-span-0.25x": "https://huggingface.co/ltg/bnc-bert-span-0.25x",
27
+ "bnc-bert-span-order": "https://huggingface.co/ltg/bnc-bert-span-order",
28
+ "bnc-bert-span-document": "https://huggingface.co/ltg/bnc-bert-span-document",
29
+ "bnc-bert-span-word": "https://huggingface.co/ltg/bnc-bert-span-word",
30
+ "bnc-bert-span-subword": "https://huggingface.co/ltg/bnc-bert-span-subword",
31
+
32
+ "norbert3-xs": "https://huggingface.co/ltg/norbert3-xs/config.json",
33
+ "norbert3-small": "https://huggingface.co/ltg/norbert3-small/config.json",
34
+ "norbert3-base": "https://huggingface.co/ltg/norbert3-base/config.json",
35
+ "norbert3-large": "https://huggingface.co/ltg/norbert3-large/config.json",
36
+
37
+ "norbert3-oversampled-base": "https://huggingface.co/ltg/norbert3-oversampled-base/config.json",
38
+ "norbert3-ncc-base": "https://huggingface.co/ltg/norbert3-ncc-base/config.json",
39
+ "norbert3-nak-base": "https://huggingface.co/ltg/norbert3-nak-base/config.json",
40
+ "norbert3-nb-base": "https://huggingface.co/ltg/norbert3-nb-base/config.json",
41
+ "norbert3-wiki-base": "https://huggingface.co/ltg/norbert3-wiki-base/config.json",
42
+ "norbert3-c4-base": "https://huggingface.co/ltg/norbert3-c4-base/config.json"
43
+ }
44
+
45
+
46
+ class LtgBertConfig(PretrainedConfig):
47
+ """
48
+ This is the configuration class to store the configuration of a [`LtgBertModel`]. It is used to
49
+ instantiate an LTG-BERT model according to the specified arguments, defining the model architecture.
50
+ Configuration objects inherit from [`PretrainedConfig`] and can be used to control the model outputs. Read the
51
+ documentation from [`PretrainedConfig`] for more information.
52
+ Args:
53
+ vocab_size (`int`, *optional*, defaults to 16384):
54
+ Vocabulary size of the LTG-BERT model. Defines the number of different tokens that can be represented by the
55
+ `inputs_ids` passed when calling [`LtgBertModel`].
56
+ hidden_size (`int`, *optional*, defaults to 768):
57
+ Dimensionality of the encoder layers and the pooler layer.
58
+ num_hidden_layers (`int`, *optional*, defaults to 12):
59
+ Number of hidden layers in the Transformer encoder.
60
+ num_attention_heads (`int`, *optional*, defaults to 12):
61
+ Number of attention heads for each attention layer in the Transformer encoder.
62
+ intermediate_size (`int`, *optional*, defaults to 2048):
63
+ Dimensionality of the "intermediate" (often named feed-forward) layer in the Transformer encoder.
64
+ hidden_dropout_prob (`float`, *optional*, defaults to 0.1):
65
+ The dropout probability for all fully connected layers in the embeddings, encoder, and pooler.
66
+ attention_probs_dropout_prob (`float`, *optional*, defaults to 0.1):
67
+ The dropout ratio for the attention probabilities.
68
+ max_position_embeddings (`int`, *optional*, defaults to 512):
69
+ The maximum sequence length that this model might ever be used with. Typically set this to something large
70
+ just in case (e.g., 512 or 1024 or 2048).
71
+ layer_norm_eps (`float`, *optional*, defaults to 1e-12):
72
+ The epsilon used by the layer normalization layers.
73
+ classifier_dropout (`float`, *optional*):
74
+ The dropout ratio for the classification head.
75
+ """
76
+ model_type = "ltgbert"
77
+ def __init__(
78
+ self,
79
+ vocab_size=6144,
80
+ attention_probs_dropout_prob=0.1,
81
+ hidden_dropout_prob=0.1,
82
+ hidden_size=384,
83
+ intermediate_size=1024,
84
+ max_position_embeddings=512,
85
+ position_bucket_size=32,
86
+ num_attention_heads=6,
87
+ num_hidden_layers=12,
88
+ layer_norm_eps=1.0e-7,
89
+ pad_token_id=4,
90
+ output_all_encoded_layers=True,
91
+ classifier_dropout=None,
92
+ **kwargs,
93
+ ):
94
+ super().__init__(pad_token_id=pad_token_id, **kwargs)
95
+
96
+ self.vocab_size = vocab_size
97
+ self.hidden_size = hidden_size
98
+ self.num_hidden_layers = num_hidden_layers
99
+ self.num_attention_heads = num_attention_heads
100
+ self.intermediate_size = intermediate_size
101
+ self.hidden_dropout_prob = hidden_dropout_prob
102
+ self.attention_probs_dropout_prob = attention_probs_dropout_prob
103
+ self.max_position_embeddings = max_position_embeddings
104
+ self.output_all_encoded_layers = output_all_encoded_layers
105
+ self.position_bucket_size = position_bucket_size
106
+ self.layer_norm_eps = layer_norm_eps
107
+ self.classifier_dropout = classifier_dropout
modeling_ltgbert.py ADDED
@@ -0,0 +1,802 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ # coding=utf-8
2
+ # Copyright 2023 Language Technology Group from University of Oslo and The HuggingFace Inc. team.
3
+ #
4
+ # Licensed under the Apache License, Version 2.0 (the "License");
5
+ # you may not use this file except in compliance with the License.
6
+ # You may obtain a copy of the License at
7
+ #
8
+ # http://www.apache.org/licenses/LICENSE-2.0
9
+ #
10
+ # Unless required by applicable law or agreed to in writing, software
11
+ # distributed under the License is distributed on an "AS IS" BASIS,
12
+ # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
13
+ # See the License for the specific language governing permissions and
14
+ # limitations under the License.
15
+
16
+ """ PyTorch LTG-BERT model."""
17
+
18
+
19
+ import math
20
+ from typing import List, Optional, Tuple, Union
21
+
22
+ import torch
23
+ import torch.nn as nn
24
+ import torch.nn.functional as F
25
+ from torch.utils import checkpoint
26
+
27
+ from .configuration_ltgbert import LtgBertConfig
28
+ from transformers.modeling_utils import PreTrainedModel
29
+ from transformers.activations import gelu_new
30
+ from transformers.modeling_outputs import (
31
+ MaskedLMOutput,
32
+ MultipleChoiceModelOutput,
33
+ QuestionAnsweringModelOutput,
34
+ SequenceClassifierOutput,
35
+ TokenClassifierOutput,
36
+ BaseModelOutput
37
+ )
38
+ from transformers.pytorch_utils import softmax_backward_data
39
+ from transformers.utils import add_start_docstrings, add_start_docstrings_to_model_forward
40
+
41
+
42
+ _CHECKPOINT_FOR_DOC = "ltg/bnc-bert-span"
43
+ _CONFIG_FOR_DOC = "LtgBertConfig"
44
+
45
+
46
+ LTG_BERT_PRETRAINED_MODEL_ARCHIVE_LIST = [
47
+ "bnc-bert-span",
48
+ "bnc-bert-span-2x",
49
+ "bnc-bert-span-0.5x",
50
+ "bnc-bert-span-0.25x",
51
+ "bnc-bert-span-order",
52
+ "bnc-bert-span-document",
53
+ "bnc-bert-span-word",
54
+ "bnc-bert-span-subword",
55
+
56
+ "norbert3-xs",
57
+ "norbert3-small",
58
+ "norbert3-base",
59
+ "norbert3-large",
60
+
61
+ "norbert3-oversampled-base",
62
+ "norbert3-ncc-base",
63
+ "norbert3-nak-base",
64
+ "norbert3-nb-base",
65
+ "norbert3-wiki-base",
66
+ "norbert3-c4-base"
67
+ ]
68
+
69
+
70
+ class Encoder(nn.Module):
71
+ def __init__(self, config, activation_checkpointing=False):
72
+ super().__init__()
73
+ self.layers = nn.ModuleList([EncoderLayer(config, i) for i in range(config.num_hidden_layers)])
74
+
75
+ for i, layer in enumerate(self.layers):
76
+ layer.mlp.mlp[1].weight.data *= math.sqrt(1.0 / (2.0 * (1 + i)))
77
+ layer.mlp.mlp[-2].weight.data *= math.sqrt(1.0 / (2.0 * (1 + i)))
78
+
79
+ self.activation_checkpointing = activation_checkpointing
80
+
81
+ def forward(self, hidden_states, attention_mask, relative_embedding):
82
+ hidden_states, attention_probs = [hidden_states], []
83
+
84
+ for layer in self.layers:
85
+ if self.activation_checkpointing:
86
+ hidden_state, attention_p = checkpoint.checkpoint(layer, hidden_states, attention_mask, relative_embedding)
87
+ else:
88
+ hidden_state, attention_p = layer(hidden_states, attention_mask, relative_embedding)
89
+
90
+ hidden_states.append(hidden_state)
91
+ attention_probs.append(attention_p)
92
+
93
+ return hidden_states, attention_probs
94
+
95
+
96
+ class MaskClassifier(nn.Module):
97
+ def __init__(self, config, subword_embedding):
98
+ super().__init__()
99
+ self.nonlinearity = nn.Sequential(
100
+ nn.LayerNorm(config.hidden_size, config.layer_norm_eps, elementwise_affine=False),
101
+ nn.Linear(config.hidden_size, config.hidden_size),
102
+ nn.GELU(),
103
+ nn.LayerNorm(config.hidden_size, config.layer_norm_eps, elementwise_affine=False),
104
+ nn.Dropout(config.hidden_dropout_prob),
105
+ nn.Linear(subword_embedding.size(1), subword_embedding.size(0))
106
+ )
107
+ self.initialize(config.hidden_size, subword_embedding)
108
+
109
+ def initialize(self, hidden_size, embedding):
110
+ std = math.sqrt(2.0 / (5.0 * hidden_size))
111
+ nn.init.trunc_normal_(self.nonlinearity[1].weight, mean=0.0, std=std, a=-2*std, b=2*std)
112
+ self.nonlinearity[-1].weight = embedding
113
+ self.nonlinearity[1].bias.data.zero_()
114
+ self.nonlinearity[-1].bias.data.zero_()
115
+
116
+ def forward(self, x, masked_lm_labels=None):
117
+ if masked_lm_labels is not None:
118
+ x = torch.index_select(x.flatten(0, 1), 0, torch.nonzero(masked_lm_labels.flatten() != -100).squeeze())
119
+ x = self.nonlinearity(x)
120
+ return x
121
+
122
+
123
+ class EncoderLayer(nn.Module):
124
+ def __init__(self, config, layer_num):
125
+ super().__init__()
126
+ self.attention = Attention(config)
127
+ self.mlp = FeedForward(config)
128
+ temp = torch.zeros(layer_num+1)
129
+ temp[-1] = 1
130
+ self.prev_layer_weights = nn.Parameter(temp)
131
+
132
+ def forward(self, hidden_states, padding_mask, relative_embedding):
133
+ prev_layer_weights = F.softmax(self.prev_layer_weights, dim=-1)
134
+ x = prev_layer_weights[0] * hidden_states[0]
135
+ for i, hidden_state in enumerate(hidden_states[1:]):
136
+ x = x + prev_layer_weights[i+1] * hidden_state
137
+ attention_output, attention_probs = self.attention(x, padding_mask, relative_embedding)
138
+ x = attention_output
139
+ x = x + self.mlp(x)
140
+ return x, attention_probs
141
+
142
+
143
+ class GeGLU(nn.Module):
144
+ def forward(self, x):
145
+ x, gate = x.chunk(2, dim=-1)
146
+ x = x * gelu_new(gate)
147
+ return x
148
+
149
+
150
+ class FeedForward(nn.Module):
151
+ def __init__(self, config):
152
+ super().__init__()
153
+ self.mlp = nn.Sequential(
154
+ nn.LayerNorm(config.hidden_size, eps=config.layer_norm_eps, elementwise_affine=False),
155
+ nn.Linear(config.hidden_size, 2*config.intermediate_size, bias=False),
156
+ GeGLU(),
157
+ nn.LayerNorm(config.intermediate_size, eps=config.layer_norm_eps, elementwise_affine=False),
158
+ nn.Linear(config.intermediate_size, config.hidden_size, bias=False),
159
+ nn.Dropout(config.hidden_dropout_prob)
160
+ )
161
+ self.initialize(config.hidden_size)
162
+
163
+ def initialize(self, hidden_size):
164
+ std = math.sqrt(2.0 / (5.0 * hidden_size))
165
+ nn.init.trunc_normal_(self.mlp[1].weight, mean=0.0, std=std, a=-2*std, b=2*std)
166
+ nn.init.trunc_normal_(self.mlp[-2].weight, mean=0.0, std=std, a=-2*std, b=2*std)
167
+
168
+ def forward(self, x):
169
+ return self.mlp(x)
170
+
171
+
172
+ class MaskedSoftmax(torch.autograd.Function):
173
+ @staticmethod
174
+ def forward(self, x, mask, dim):
175
+ self.dim = dim
176
+ x.masked_fill_(mask, float('-inf'))
177
+ x = torch.softmax(x, self.dim)
178
+ x.masked_fill_(mask, 0.0)
179
+ self.save_for_backward(x)
180
+ return x
181
+
182
+ @staticmethod
183
+ def backward(self, grad_output):
184
+ output, = self.saved_tensors
185
+ input_grad = softmax_backward_data(self, grad_output, output, self.dim, output)
186
+ return input_grad, None, None
187
+
188
+
189
+ class Attention(nn.Module):
190
+ def __init__(self, config):
191
+ super().__init__()
192
+
193
+ self.config = config
194
+
195
+ if config.hidden_size % config.num_attention_heads != 0:
196
+ raise ValueError(f"The hidden size {config.hidden_size} is not a multiple of the number of attention heads {config.num_attention_heads}")
197
+
198
+ self.hidden_size = config.hidden_size
199
+ self.num_heads = config.num_attention_heads
200
+ self.head_size = config.hidden_size // config.num_attention_heads
201
+
202
+ self.in_proj_qk = nn.Linear(config.hidden_size, 2*config.hidden_size, bias=True)
203
+ self.in_proj_v = nn.Linear(config.hidden_size, config.hidden_size, bias=True)
204
+ self.out_proj = nn.Linear(config.hidden_size, config.hidden_size, bias=True)
205
+
206
+ self.pre_layer_norm = nn.LayerNorm(config.hidden_size, config.layer_norm_eps, elementwise_affine=False)
207
+ self.post_layer_norm = nn.LayerNorm(config.hidden_size, config.layer_norm_eps, elementwise_affine=True)
208
+
209
+ position_indices = torch.arange(config.max_position_embeddings, dtype=torch.long).unsqueeze(1) \
210
+ - torch.arange(config.max_position_embeddings, dtype=torch.long).unsqueeze(0)
211
+ position_indices = self.make_log_bucket_position(position_indices, config.position_bucket_size, config.max_position_embeddings)
212
+ position_indices = config.position_bucket_size - 1 + position_indices
213
+ self.register_buffer("position_indices", position_indices, persistent=True)
214
+
215
+ self.dropout = nn.Dropout(config.attention_probs_dropout_prob)
216
+ self.scale = 1.0 / math.sqrt(3 * self.head_size)
217
+ self.initialize()
218
+
219
+ def make_log_bucket_position(self, relative_pos, bucket_size, max_position):
220
+ sign = torch.sign(relative_pos)
221
+ mid = bucket_size // 2
222
+ abs_pos = torch.where((relative_pos < mid) & (relative_pos > -mid), mid - 1, torch.abs(relative_pos).clamp(max=max_position - 1))
223
+ log_pos = torch.ceil(torch.log(abs_pos / mid) / math.log((max_position-1) / mid) * (mid - 1)).int() + mid
224
+ bucket_pos = torch.where(abs_pos <= mid, relative_pos, log_pos * sign).long()
225
+ return bucket_pos
226
+
227
+ def initialize(self):
228
+ std = math.sqrt(2.0 / (5.0 * self.hidden_size))
229
+ nn.init.trunc_normal_(self.in_proj_qk.weight, mean=0.0, std=std, a=-2*std, b=2*std)
230
+ nn.init.trunc_normal_(self.in_proj_v.weight, mean=0.0, std=std, a=-2*std, b=2*std)
231
+ nn.init.trunc_normal_(self.out_proj.weight, mean=0.0, std=std, a=-2*std, b=2*std)
232
+ self.in_proj_qk.bias.data.zero_()
233
+ self.in_proj_v.bias.data.zero_()
234
+ self.out_proj.bias.data.zero_()
235
+
236
+ def compute_attention_scores(self, hidden_states, relative_embedding):
237
+ key_len, batch_size, _ = hidden_states.size()
238
+ query_len = key_len
239
+
240
+ if self.position_indices.size(0) < query_len:
241
+ position_indices = torch.arange(query_len, dtype=torch.long).unsqueeze(1) \
242
+ - torch.arange(query_len, dtype=torch.long).unsqueeze(0)
243
+ position_indices = self.make_log_bucket_position(position_indices, self.position_bucket_size, 512)
244
+ position_indices = self.position_bucket_size - 1 + position_indices
245
+ self.position_indices = position_indices.to(hidden_states.device)
246
+
247
+ hidden_states = self.pre_layer_norm(hidden_states)
248
+
249
+ query, key = self.in_proj_qk(hidden_states).chunk(2, dim=2) # shape: [T, B, D]
250
+ value = self.in_proj_v(hidden_states) # shape: [T, B, D]
251
+
252
+ query = query.reshape(query_len, batch_size * self.num_heads, self.head_size).transpose(0, 1)
253
+ key = key.reshape(key_len, batch_size * self.num_heads, self.head_size).transpose(0, 1)
254
+ value = value.view(key_len, batch_size * self.num_heads, self.head_size).transpose(0, 1)
255
+
256
+ attention_scores = torch.bmm(query, key.transpose(1, 2) * self.scale)
257
+
258
+ query_pos, key_pos = self.in_proj_qk(self.dropout(relative_embedding)).chunk(2, dim=-1) # shape: [2T-1, D]
259
+ query_pos = query_pos.view(-1, self.num_heads, self.head_size) # shape: [2T-1, H, D]
260
+ key_pos = key_pos.view(-1, self.num_heads, self.head_size) # shape: [2T-1, H, D]
261
+
262
+ query = query.view(batch_size, self.num_heads, query_len, self.head_size)
263
+ key = key.view(batch_size, self.num_heads, query_len, self.head_size)
264
+
265
+ attention_c_p = torch.einsum("bhqd,khd->bhqk", query, key_pos.squeeze(1) * self.scale)
266
+ attention_p_c = torch.einsum("bhkd,qhd->bhqk", key * self.scale, query_pos.squeeze(1))
267
+
268
+ position_indices = self.position_indices[:query_len, :key_len].expand(batch_size, self.num_heads, -1, -1)
269
+ attention_c_p = attention_c_p.gather(3, position_indices)
270
+ attention_p_c = attention_p_c.gather(2, position_indices)
271
+
272
+ attention_scores = attention_scores.view(batch_size, self.num_heads, query_len, key_len)
273
+ attention_scores.add_(attention_c_p)
274
+ attention_scores.add_(attention_p_c)
275
+
276
+ return attention_scores, value
277
+
278
+ def compute_output(self, attention_probs, value):
279
+ attention_probs = self.dropout(attention_probs)
280
+ context = torch.bmm(attention_probs.flatten(0, 1), value) # shape: [B*H, Q, D]
281
+ context = context.transpose(0, 1).reshape(context.size(1), -1, self.hidden_size) # shape: [Q, B, H*D]
282
+ context = self.out_proj(context)
283
+ context = self.post_layer_norm(context)
284
+ context = self.dropout(context)
285
+ return context
286
+
287
+ def forward(self, hidden_states, attention_mask, relative_embedding):
288
+ attention_scores, value = self.compute_attention_scores(hidden_states, relative_embedding)
289
+ attention_probs = MaskedSoftmax.apply(attention_scores, attention_mask, -1)
290
+ return self.compute_output(attention_probs, value), attention_probs.detach()
291
+
292
+
293
+ class Embedding(nn.Module):
294
+ def __init__(self, config):
295
+ super().__init__()
296
+ self.hidden_size = config.hidden_size
297
+
298
+ self.word_embedding = nn.Embedding(config.vocab_size, config.hidden_size)
299
+ self.word_layer_norm = nn.LayerNorm(config.hidden_size, eps=config.layer_norm_eps, elementwise_affine=False)
300
+ self.dropout = nn.Dropout(config.hidden_dropout_prob)
301
+
302
+ self.relative_embedding = nn.Parameter(torch.empty(2 * config.position_bucket_size - 1, config.hidden_size))
303
+ self.relative_layer_norm = nn.LayerNorm(config.hidden_size, eps=config.layer_norm_eps)
304
+
305
+ self.initialize()
306
+
307
+ def initialize(self):
308
+ std = math.sqrt(2.0 / (5.0 * self.hidden_size))
309
+ nn.init.trunc_normal_(self.relative_embedding, mean=0.0, std=std, a=-2*std, b=2*std)
310
+ nn.init.trunc_normal_(self.word_embedding.weight, mean=0.0, std=std, a=-2*std, b=2*std)
311
+
312
+ def forward(self, input_ids):
313
+ word_embedding = self.dropout(self.word_layer_norm(self.word_embedding(input_ids)))
314
+ relative_embeddings = self.relative_layer_norm(self.relative_embedding)
315
+ return word_embedding, relative_embeddings
316
+
317
+
318
+ #
319
+ # HuggingFace wrappers
320
+ #
321
+
322
+ class LtgBertPreTrainedModel(PreTrainedModel):
323
+ """
324
+ An abstract class to handle weights initialization and a simple interface for downloading and loading pretrained
325
+ models.
326
+ """
327
+
328
+ config_class = LtgBertConfig
329
+ base_model_prefix = "bnc-bert"
330
+ supports_gradient_checkpointing = True
331
+
332
+ def _set_gradient_checkpointing(self, module, value=False):
333
+ if isinstance(module, Encoder):
334
+ module.activation_checkpointing = value
335
+
336
+ def _init_weights(self, _):
337
+ pass # everything is already initialized
338
+
339
+
340
+ LTG_BERT_START_DOCSTRING = r"""
341
+ This model inherits from [`PreTrainedModel`]. Check the superclass documentation for the generic methods the
342
+ library implements for all its model (such as downloading or saving, resizing the input embeddings, pruning heads
343
+ etc.)
344
+ This model is also a PyTorch [torch.nn.Module](https://pytorch.org/docs/stable/nn.html#torch.nn.Module) subclass.
345
+ Use it as a regular PyTorch Module and refer to the PyTorch documentation for all matter related to general usage
346
+ and behavior.
347
+ Parameters:
348
+ config ([`LtgBertConfig`]): Model configuration class with all the parameters of the model.
349
+ Initializing with a config file does not load the weights associated with the model, only the
350
+ configuration. Check out the [`~PreTrainedModel.from_pretrained`] method to load the model weights.
351
+ """
352
+
353
+ LTG_BERT_INPUTS_DOCSTRING = r"""
354
+ Args:
355
+ input_ids (`torch.LongTensor` of shape `({0})`):
356
+ Indices of input sequence tokens in the vocabulary.
357
+ Indices can be obtained using [`AutoTokenizer`]. See [`PreTrainedTokenizer.encode`] and
358
+ [`PreTrainedTokenizer.__call__`] for details.
359
+ [What are input IDs?](../glossary#input-ids)
360
+ attention_mask (`torch.FloatTensor` of shape `({0})`, *optional*):
361
+ Mask to avoid performing attention on padding token indices. Mask values selected in `[0, 1]`:
362
+ - 1 for tokens that are **not masked**,
363
+ - 0 for tokens that are **masked**.
364
+ [What are attention masks?](../glossary#attention-mask)
365
+ output_hidden_states (`bool`, *optional*):
366
+ Whether or not to return the hidden states of all layers. See `hidden_states` under returned tensors for
367
+ more detail.
368
+ output_attentions (`bool`, *optional*):
369
+ Whether or not to return the attentions tensors of all attention layers. See `attentions` under returned
370
+ tensors for more detail.
371
+ return_dict (`bool`, *optional*):
372
+ Whether or not to return a [`~utils.ModelOutput`] instead of a plain tuple.
373
+ """
374
+
375
+
376
+ @add_start_docstrings(
377
+ "The bare LTG-BERT transformer outputting raw hidden-states without any specific head on top.",
378
+ LTG_BERT_START_DOCSTRING,
379
+ )
380
+ class LtgBertModel(LtgBertPreTrainedModel):
381
+ def __init__(self, config, add_mlm_layer=False):
382
+ super().__init__(config)
383
+ self.config = config
384
+
385
+ self.embedding = Embedding(config)
386
+ self.transformer = Encoder(config, activation_checkpointing=False)
387
+ self.classifier = MaskClassifier(config, self.embedding.word_embedding.weight) if add_mlm_layer else None
388
+
389
+ def get_input_embeddings(self):
390
+ return self.embedding.word_embedding
391
+
392
+ def set_input_embeddings(self, value):
393
+ self.embedding.word_embedding = value
394
+
395
+ def get_contextualized_embeddings(
396
+ self,
397
+ input_ids: Optional[torch.Tensor] = None,
398
+ attention_mask: Optional[torch.Tensor] = None
399
+ ) -> List[torch.Tensor]:
400
+ if input_ids is not None:
401
+ input_shape = input_ids.size()
402
+ else:
403
+ raise ValueError("You have to specify input_ids")
404
+
405
+ batch_size, seq_length = input_shape
406
+ device = input_ids.device
407
+
408
+ if attention_mask is None:
409
+ attention_mask = torch.zeros(batch_size, seq_length, dtype=torch.bool, device=device)
410
+ else:
411
+ attention_mask = ~attention_mask.bool()
412
+ attention_mask = attention_mask.unsqueeze(1).unsqueeze(2)
413
+
414
+ static_embeddings, relative_embedding = self.embedding(input_ids.t())
415
+ contextualized_embeddings, attention_probs = self.transformer(static_embeddings, attention_mask, relative_embedding)
416
+ contextualized_embeddings = [e.transpose(0, 1) for e in contextualized_embeddings]
417
+ last_layer = contextualized_embeddings[-1]
418
+ contextualized_embeddings = [contextualized_embeddings[0]] + [
419
+ contextualized_embeddings[i] - contextualized_embeddings[i - 1]
420
+ for i in range(1, len(contextualized_embeddings))
421
+ ]
422
+ return last_layer, contextualized_embeddings, attention_probs
423
+
424
+ @add_start_docstrings_to_model_forward(LTG_BERT_INPUTS_DOCSTRING.format("batch_size, sequence_length"))
425
+ def forward(
426
+ self,
427
+ input_ids: Optional[torch.Tensor] = None,
428
+ attention_mask: Optional[torch.Tensor] = None,
429
+ output_hidden_states: Optional[bool] = None,
430
+ output_attentions: Optional[bool] = None,
431
+ return_dict: Optional[bool] = None,
432
+ ) -> Union[Tuple[torch.Tensor], BaseModelOutput]:
433
+
434
+ output_attentions = output_attentions if output_attentions is not None else self.config.output_attentions
435
+ output_hidden_states = (
436
+ output_hidden_states if output_hidden_states is not None else self.config.output_hidden_states
437
+ )
438
+ return_dict = return_dict if return_dict is not None else self.config.use_return_dict
439
+
440
+ sequence_output, contextualized_embeddings, attention_probs = self.get_contextualized_embeddings(input_ids, attention_mask)
441
+
442
+ if not return_dict:
443
+ return (
444
+ sequence_output,
445
+ *([contextualized_embeddings] if output_hidden_states else []),
446
+ *([attention_probs] if output_attentions else [])
447
+ )
448
+
449
+ return BaseModelOutput(
450
+ last_hidden_state=sequence_output,
451
+ hidden_states=contextualized_embeddings if output_hidden_states else None,
452
+ attentions=attention_probs if output_attentions else None
453
+ )
454
+
455
+
456
+ @add_start_docstrings("""LTG-BERT model with a `language modeling` head on top.""", LTG_BERT_START_DOCSTRING)
457
+ class LtgBertForMaskedLM(LtgBertModel):
458
+ _keys_to_ignore_on_load_unexpected = ["head"]
459
+
460
+ def __init__(self, config):
461
+ super().__init__(config, add_mlm_layer=True)
462
+
463
+ def get_output_embeddings(self):
464
+ return self.classifier.nonlinearity[-1].weight
465
+
466
+ def set_output_embeddings(self, new_embeddings):
467
+ self.classifier.nonlinearity[-1].weight = new_embeddings
468
+
469
+ @add_start_docstrings_to_model_forward(LTG_BERT_INPUTS_DOCSTRING.format("batch_size, sequence_length"))
470
+ def forward(
471
+ self,
472
+ input_ids: Optional[torch.Tensor] = None,
473
+ attention_mask: Optional[torch.Tensor] = None,
474
+ output_hidden_states: Optional[bool] = None,
475
+ output_attentions: Optional[bool] = None,
476
+ return_dict: Optional[bool] = None,
477
+ labels: Optional[torch.LongTensor] = None,
478
+ ) -> Union[Tuple[torch.Tensor], MaskedLMOutput]:
479
+ r"""
480
+ labels (`torch.LongTensor` of shape `(batch_size, sequence_length)`, *optional*):
481
+ Labels for computing the masked language modeling loss. Indices should be in `[-100, 0, ...,
482
+ config.vocab_size]` (see `input_ids` docstring) Tokens with indices set to `-100` are ignored (masked), the
483
+ loss is only computed for the tokens with labels in `[0, ..., config.vocab_size]`
484
+ """
485
+ return_dict = return_dict if return_dict is not None else self.config.use_return_dict
486
+
487
+ sequence_output, contextualized_embeddings, attention_probs = self.get_contextualized_embeddings(input_ids, attention_mask)
488
+ subword_prediction = self.classifier(sequence_output)
489
+
490
+ masked_lm_loss = None
491
+ if labels is not None:
492
+ masked_lm_loss = F.cross_entropy(subword_prediction.flatten(0, 1), labels.flatten())
493
+
494
+ if not return_dict:
495
+ output = (
496
+ subword_prediction,
497
+ *([contextualized_embeddings] if output_hidden_states else []),
498
+ *([attention_probs] if output_attentions else [])
499
+ )
500
+ return ((masked_lm_loss,) + output) if masked_lm_loss is not None else output
501
+
502
+ return MaskedLMOutput(
503
+ loss=masked_lm_loss,
504
+ logits=subword_prediction,
505
+ hidden_states=contextualized_embeddings if output_hidden_states else None,
506
+ attentions=attention_probs if output_attentions else None
507
+ )
508
+
509
+
510
+ class Classifier(nn.Module):
511
+ def __init__(self, config, num_labels: int):
512
+ super().__init__()
513
+
514
+ drop_out = getattr(config, "classifier_dropout", config.hidden_dropout_prob)
515
+
516
+ self.nonlinearity = nn.Sequential(
517
+ nn.LayerNorm(config.hidden_size, config.layer_norm_eps, elementwise_affine=False),
518
+ nn.Linear(config.hidden_size, config.hidden_size),
519
+ nn.GELU(),
520
+ nn.LayerNorm(config.hidden_size, config.layer_norm_eps, elementwise_affine=False),
521
+ nn.Dropout(drop_out),
522
+ nn.Linear(config.hidden_size, num_labels)
523
+ )
524
+ self.initialize(config.hidden_size)
525
+
526
+ def initialize(self, hidden_size):
527
+ std = math.sqrt(2.0 / (5.0 * hidden_size))
528
+ nn.init.trunc_normal_(self.nonlinearity[1].weight, mean=0.0, std=std, a=-2*std, b=2*std)
529
+ nn.init.trunc_normal_(self.nonlinearity[-1].weight, mean=0.0, std=std, a=-2*std, b=2*std)
530
+ self.nonlinearity[1].bias.data.zero_()
531
+ self.nonlinearity[-1].bias.data.zero_()
532
+
533
+ def forward(self, x):
534
+ x = self.nonlinearity(x)
535
+ return x
536
+
537
+
538
+ @add_start_docstrings(
539
+ """
540
+ LTG-BERT model with a sequence classification/regression head on top (a linear layer on top of the pooled
541
+ output) e.g. for GLUE tasks.
542
+ """,
543
+ LTG_BERT_START_DOCSTRING,
544
+ )
545
+ class LtgBertForSequenceClassification(LtgBertModel):
546
+ _keys_to_ignore_on_load_unexpected = ["classifier"]
547
+ _keys_to_ignore_on_load_missing = ["head"]
548
+
549
+ def __init__(self, config):
550
+ super().__init__(config, add_mlm_layer=False)
551
+
552
+ self.num_labels = config.num_labels
553
+ self.head = Classifier(config, self.num_labels)
554
+
555
+ @add_start_docstrings_to_model_forward(LTG_BERT_INPUTS_DOCSTRING.format("batch_size, sequence_length"))
556
+ def forward(
557
+ self,
558
+ input_ids: Optional[torch.Tensor] = None,
559
+ attention_mask: Optional[torch.Tensor] = None,
560
+ output_attentions: Optional[bool] = None,
561
+ output_hidden_states: Optional[bool] = None,
562
+ return_dict: Optional[bool] = None,
563
+ labels: Optional[torch.LongTensor] = None,
564
+ ) -> Union[Tuple[torch.Tensor], SequenceClassifierOutput]:
565
+ r"""
566
+ labels (`torch.LongTensor` of shape `(batch_size,)`, *optional*):
567
+ Labels for computing the sequence classification/regression loss. Indices should be in `[0, ...,
568
+ config.num_labels - 1]`. If `config.num_labels == 1` a regression loss is computed (Mean-Square loss), If
569
+ `config.num_labels > 1` a classification loss is computed (Cross-Entropy).
570
+ """
571
+ return_dict = return_dict if return_dict is not None else self.config.use_return_dict
572
+
573
+ sequence_output, contextualized_embeddings, attention_probs = self.get_contextualized_embeddings(input_ids, attention_mask)
574
+ logits = self.head(sequence_output[:, 0, :])
575
+
576
+ loss = None
577
+ if labels is not None:
578
+ if self.config.problem_type is None:
579
+ if self.num_labels == 1:
580
+ self.config.problem_type = "regression"
581
+ elif self.num_labels > 1 and (labels.dtype == torch.long or labels.dtype == torch.int):
582
+ self.config.problem_type = "single_label_classification"
583
+ else:
584
+ self.config.problem_type = "multi_label_classification"
585
+
586
+ if self.config.problem_type == "regression":
587
+ loss_fct = nn.MSELoss()
588
+ if self.num_labels == 1:
589
+ loss = loss_fct(logits.squeeze(), labels.squeeze())
590
+ else:
591
+ loss = loss_fct(logits, labels)
592
+ elif self.config.problem_type == "single_label_classification":
593
+ loss_fct = nn.CrossEntropyLoss()
594
+ loss = loss_fct(logits.view(-1, self.num_labels), labels.view(-1))
595
+ elif self.config.problem_type == "multi_label_classification":
596
+ loss_fct = nn.BCEWithLogitsLoss()
597
+ loss = loss_fct(logits, labels)
598
+
599
+ if not return_dict:
600
+ output = (
601
+ logits,
602
+ *([contextualized_embeddings] if output_hidden_states else []),
603
+ *([attention_probs] if output_attentions else [])
604
+ )
605
+ return ((loss,) + output) if loss is not None else output
606
+
607
+ return SequenceClassifierOutput(
608
+ loss=loss,
609
+ logits=logits,
610
+ hidden_states=contextualized_embeddings if output_hidden_states else None,
611
+ attentions=attention_probs if output_attentions else None
612
+ )
613
+
614
+
615
+ @add_start_docstrings(
616
+ """
617
+ LTG-BERT model with a token classification head on top (a linear layer on top of the hidden-states output) e.g. for
618
+ Named-Entity-Recognition (NER) tasks.
619
+ """,
620
+ LTG_BERT_START_DOCSTRING,
621
+ )
622
+ class LtgBertForTokenClassification(LtgBertModel):
623
+ _keys_to_ignore_on_load_unexpected = ["classifier"]
624
+ _keys_to_ignore_on_load_missing = ["head"]
625
+
626
+ def __init__(self, config):
627
+ super().__init__(config, add_mlm_layer=False)
628
+
629
+ self.num_labels = config.num_labels
630
+ self.head = Classifier(config, self.num_labels)
631
+
632
+ @add_start_docstrings_to_model_forward(LTG_BERT_INPUTS_DOCSTRING.format("batch_size, sequence_length"))
633
+ def forward(
634
+ self,
635
+ input_ids: Optional[torch.Tensor] = None,
636
+ attention_mask: Optional[torch.Tensor] = None,
637
+ token_type_ids: Optional[torch.Tensor] = None,
638
+ position_ids: Optional[torch.Tensor] = None,
639
+ output_attentions: Optional[bool] = None,
640
+ output_hidden_states: Optional[bool] = None,
641
+ return_dict: Optional[bool] = None,
642
+ labels: Optional[torch.LongTensor] = None,
643
+ ) -> Union[Tuple[torch.Tensor], TokenClassifierOutput]:
644
+ return_dict = return_dict if return_dict is not None else self.config.use_return_dict
645
+
646
+ sequence_output, contextualized_embeddings, attention_probs = self.get_contextualized_embeddings(input_ids, attention_mask)
647
+ logits = self.head(sequence_output)
648
+
649
+ loss = None
650
+ if labels is not None:
651
+ loss_fct = nn.CrossEntropyLoss()
652
+ loss = loss_fct(logits.view(-1, self.num_labels), labels.view(-1))
653
+
654
+ if not return_dict:
655
+ output = (
656
+ logits,
657
+ *([contextualized_embeddings] if output_hidden_states else []),
658
+ *([attention_probs] if output_attentions else [])
659
+ )
660
+ return ((loss,) + output) if loss is not None else output
661
+
662
+ return TokenClassifierOutput(
663
+ loss=loss,
664
+ logits=logits,
665
+ hidden_states=contextualized_embeddings if output_hidden_states else None,
666
+ attentions=attention_probs if output_attentions else None
667
+ )
668
+
669
+
670
+ @add_start_docstrings(
671
+ """
672
+ LTG-BERT model with a span classification head on top for extractive question-answering tasks like SQuAD (a linear
673
+ layers on top of the hidden-states output to compute `span start logits` and `span end logits`).
674
+ """,
675
+ LTG_BERT_START_DOCSTRING,
676
+ )
677
+ class LtgBertForQuestionAnswering(LtgBertModel):
678
+ _keys_to_ignore_on_load_unexpected = ["classifier"]
679
+ _keys_to_ignore_on_load_missing = ["head"]
680
+
681
+ def __init__(self, config):
682
+ super().__init__(config, add_mlm_layer=False)
683
+
684
+ self.num_labels = config.num_labels
685
+ self.head = Classifier(config, self.num_labels)
686
+
687
+ @add_start_docstrings_to_model_forward(LTG_BERT_INPUTS_DOCSTRING.format("batch_size, sequence_length"))
688
+ def forward(
689
+ self,
690
+ input_ids: Optional[torch.Tensor] = None,
691
+ attention_mask: Optional[torch.Tensor] = None,
692
+ token_type_ids: Optional[torch.Tensor] = None,
693
+ position_ids: Optional[torch.Tensor] = None,
694
+ output_attentions: Optional[bool] = None,
695
+ output_hidden_states: Optional[bool] = None,
696
+ return_dict: Optional[bool] = None,
697
+ start_positions: Optional[torch.Tensor] = None,
698
+ end_positions: Optional[torch.Tensor] = None
699
+ ) -> Union[Tuple[torch.Tensor], QuestionAnsweringModelOutput]:
700
+ return_dict = return_dict if return_dict is not None else self.config.use_return_dict
701
+
702
+ sequence_output, contextualized_embeddings, attention_probs = self.get_contextualized_embeddings(input_ids, attention_mask)
703
+ logits = self.head(sequence_output)
704
+
705
+ start_logits, end_logits = logits.split(1, dim=-1)
706
+ start_logits = start_logits.squeeze(-1).contiguous()
707
+ end_logits = end_logits.squeeze(-1).contiguous()
708
+
709
+ total_loss = None
710
+ if start_positions is not None and end_positions is not None:
711
+ # If we are on multi-GPU, split add a dimension
712
+ if len(start_positions.size()) > 1:
713
+ start_positions = start_positions.squeeze(-1)
714
+ if len(end_positions.size()) > 1:
715
+ end_positions = end_positions.squeeze(-1)
716
+
717
+ # sometimes the start/end positions are outside our model inputs, we ignore these terms
718
+ ignored_index = start_logits.size(1)
719
+ start_positions = start_positions.clamp(0, ignored_index)
720
+ end_positions = end_positions.clamp(0, ignored_index)
721
+
722
+ loss_fct = nn.CrossEntropyLoss(ignore_index=ignored_index)
723
+ start_loss = loss_fct(start_logits, start_positions)
724
+ end_loss = loss_fct(end_logits, end_positions)
725
+ total_loss = (start_loss + end_loss) / 2
726
+
727
+ if not return_dict:
728
+ output = (
729
+ start_logits,
730
+ end_logits,
731
+ *([contextualized_embeddings] if output_hidden_states else []),
732
+ *([attention_probs] if output_attentions else [])
733
+ )
734
+ return ((total_loss,) + output) if total_loss is not None else output
735
+
736
+ return QuestionAnsweringModelOutput(
737
+ loss=total_loss,
738
+ start_logits=start_logits,
739
+ end_logits=end_logits,
740
+ hidden_states=contextualized_embeddings if output_hidden_states else None,
741
+ attentions=attention_probs if output_attentions else None
742
+ )
743
+
744
+
745
+ @add_start_docstrings(
746
+ """
747
+ LTG-BERT model with a multiple choice classification head on top (a linear layer on top of the pooled output and a
748
+ softmax) e.g. for RocStories/SWAG tasks.
749
+ """,
750
+ LTG_BERT_START_DOCSTRING,
751
+ )
752
+ class LtgBertForMultipleChoice(LtgBertModel):
753
+ _keys_to_ignore_on_load_unexpected = ["classifier"]
754
+ _keys_to_ignore_on_load_missing = ["head"]
755
+
756
+ def __init__(self, config):
757
+ super().__init__(config, add_mlm_layer=False)
758
+
759
+ self.num_labels = getattr(config, "num_labels", 2)
760
+ self.head = Classifier(config, self.num_labels)
761
+
762
+ @add_start_docstrings_to_model_forward(LTG_BERT_INPUTS_DOCSTRING.format("batch_size, num_choices, sequence_length"))
763
+ def forward(
764
+ self,
765
+ input_ids: Optional[torch.Tensor] = None,
766
+ attention_mask: Optional[torch.Tensor] = None,
767
+ token_type_ids: Optional[torch.Tensor] = None,
768
+ position_ids: Optional[torch.Tensor] = None,
769
+ labels: Optional[torch.Tensor] = None,
770
+ output_attentions: Optional[bool] = None,
771
+ output_hidden_states: Optional[bool] = None,
772
+ return_dict: Optional[bool] = None
773
+ ) -> Union[Tuple[torch.Tensor], MultipleChoiceModelOutput]:
774
+ return_dict = return_dict if return_dict is not None else self.config.use_return_dict
775
+ num_choices = input_ids.shape[1]
776
+
777
+ flat_input_ids = input_ids.view(-1, input_ids.size(-1))
778
+ flat_attention_mask = attention_mask.view(-1, attention_mask.size(-1)) if attention_mask is not None else None
779
+
780
+ sequence_output, contextualized_embeddings, attention_probs = self.get_contextualized_embeddings(flat_input_ids, flat_attention_mask)
781
+ logits = self.head(sequence_output)
782
+ reshaped_logits = logits.view(-1, num_choices)
783
+
784
+ loss = None
785
+ if labels is not None:
786
+ loss_fct = nn.CrossEntropyLoss()
787
+ loss = loss_fct(reshaped_logits, labels)
788
+
789
+ if not return_dict:
790
+ output = (
791
+ reshaped_logits,
792
+ *([contextualized_embeddings] if output_hidden_states else []),
793
+ *([attention_probs] if output_attentions else [])
794
+ )
795
+ return ((loss,) + output) if loss is not None else output
796
+
797
+ return MultipleChoiceModelOutput(
798
+ loss=loss,
799
+ logits=reshaped_logits,
800
+ hidden_states=contextualized_embeddings if output_hidden_states else None,
801
+ attentions=attention_probs if output_attentions else None
802
+ )
special_tokens_map.json ADDED
@@ -0,0 +1,10 @@
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "bos_token": "[BOS]",
3
+ "cls_token": "[CLS]",
4
+ "eos_token": "[EOS]",
5
+ "mask_token": "[MASK]",
6
+ "pad_token": "[PAD]",
7
+ "sep_token": "[SEP]",
8
+ "unk_token": "[UNK]"
9
+ }
10
+
tokenizer.json ADDED
The diff for this file is too large to render. See raw diff
 
tokenizer_config.json ADDED
@@ -0,0 +1,5 @@
 
 
 
 
 
 
1
+ {
2
+ "model_max_length": 1000000000000000019884624838656,
3
+ "tokenizer_class": "PreTrainedTokenizerFast"
4
+ }
5
+
zeroshot/anaphor_agreement/eval_results.json ADDED
@@ -0,0 +1 @@
 
 
1
+ {"eval_accuracy": 0.5506134969325154}
zeroshot/anaphor_agreement/predictions.txt ADDED
@@ -0,0 +1,1957 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ index prediction
2
+ 0 Katherine can't help herself.
3
+ 1 Karla could listen to himself.
4
+ 2 Marie won't think about itself.
5
+ 3 Mark hasn't discussed itself.
6
+ 4 Stephen impressed himself.
7
+ 5 Christina boasts about herself.
8
+ 6 Suzanne would irritate itself.
9
+ 7 Rose couldn't reference herself.
10
+ 8 Paul should stun herself.
11
+ 9 Kristen praises himself.
12
+ 10 Tamara might work with himself.
13
+ 11 Valerie remembers itself.
14
+ 12 Kristen hasn't worked with herself.
15
+ 13 Kendra disturbed herself.
16
+ 14 Lawrence had boasted about himself.
17
+ 15 Jason wasn't listening to herself.
18
+ 16 Sabrina disturbs himself.
19
+ 17 Some essay doesn't disagree with itself.
20
+ 18 Kenneth wasn't admiring itself.
21
+ 19 Melanie had referenced herself.
22
+ 20 Larry reveals itself.
23
+ 21 Samantha isn't watching herself.
24
+ 22 Rachel should like herself.
25
+ 23 Heather has helped herself.
26
+ 24 Lori has found herself.
27
+ 25 Christina hadn't shocked herself.
28
+ 26 Theresa wasn't alarming herself.
29
+ 27 Jacqueline works with himself.
30
+ 28 Alan hires himself.
31
+ 29 April isn't complaining about herself.
32
+ 30 Scott had questioned herself.
33
+ 31 Wayne helps itself.
34
+ 32 Amelia heals herself.
35
+ 33 Debra is disgusting itself.
36
+ 34 Irene has admired herself.
37
+ 35 Brad distracted himself.
38
+ 36 Sherry wouldn't cure herself.
39
+ 37 Ronald upset himself.
40
+ 38 Catherine hasn't noticed himself.
41
+ 39 Susan shouldn't criticize himself.
42
+ 40 Dawn has described herself.
43
+ 41 Joseph describes herself.
44
+ 42 Catherine isn't hurting herself.
45
+ 43 Tracy alarmed herself.
46
+ 44 Heather has embarrassed himself.
47
+ 45 Sharon hurt herself.
48
+ 46 Marie might admire herself.
49
+ 47 Susan did love itself.
50
+ 48 Russell hasn't hired himself.
51
+ 49 Every man insulted itself.
52
+ 50 Marie had insulted himself.
53
+ 51 Steve wasn't describing itself.
54
+ 52 Roger had known himself.
55
+ 53 Larry boasts about herself.
56
+ 54 Kayla complains about himself.
57
+ 55 A bird had found herself.
58
+ 56 Ellen wasn't worrying herself.
59
+ 57 Debra wasn't investigating herself.
60
+ 58 Larry referenced herself.
61
+ 59 Joel does complain about himself.
62
+ 60 Gregory won't attack himself.
63
+ 61 Christine hasn't questioned herself.
64
+ 62 Natalie returned to herself.
65
+ 63 Becca was approaching herself.
66
+ 64 Sheila saw himself.
67
+ 65 Jacqueline likes himself.
68
+ 66 Douglas healed himself.
69
+ 67 Colleen wasn't concealing herself.
70
+ 68 Catherine disturbed itself.
71
+ 69 Some company astounded herself.
72
+ 70 Todd likes himself.
73
+ 71 Tamara couldn't flee from himself.
74
+ 72 Rose praised herself.
75
+ 73 Joseph isn't annoying herself.
76
+ 74 Jodi liked herself.
77
+ 75 Ronald fled from himself.
78
+ 76 Tina fires herself.
79
+ 77 Michelle saw itself.
80
+ 78 Renee might admire herself.
81
+ 79 A girl couldn't reveal herself.
82
+ 80 Curtis won't describe himself.
83
+ 81 Patricia does respect himself.
84
+ 82 Valerie forgets itself.
85
+ 83 Deborah had annoyed herself.
86
+ 84 Clyde hasn't hated himself.
87
+ 85 Andrea does kiss itself.
88
+ 86 Irene isn't irritating itself.
89
+ 87 Stacy hadn't sounded like itself.
90
+ 88 Rose has shocked itself.
91
+ 89 George wasn't hurting himself.
92
+ 90 Amy would question himself.
93
+ 91 Tonya sees herself.
94
+ 92 Christina hasn't hired herself.
95
+ 93 Pamela did reveal himself.
96
+ 94 Diane had concealed himself.
97
+ 95 Melinda hasn't argued about herself.
98
+ 96 Deanna insults itself.
99
+ 97 Gregory isn't hurting himself.
100
+ 98 Rebecca should shock herself.
101
+ 99 Amanda stunned herself.
102
+ 100 That dancer wouldn't aggravate herself.
103
+ 101 Colleen talks to itself.
104
+ 102 Brian hasn't healed himself.
105
+ 103 Natalie is curing himself.
106
+ 104 Rhonda was upsetting herself.
107
+ 105 Peter wasn't disgusting herself.
108
+ 106 Kristen isn't aggravating herself.
109
+ 107 Victoria hid himself.
110
+ 108 Becca has seen himself.
111
+ 109 Sherry can't forget herself.
112
+ 110 Tracy had distracted itself.
113
+ 111 Stephanie is talking to himself.
114
+ 112 Carl describes herself.
115
+ 113 Jeffrey didn't describe himself.
116
+ 114 Jacqueline hadn't concealed herself.
117
+ 115 Tracy isn't upsetting herself.
118
+ 116 Sonia hasn't discovered herself.
119
+ 117 Laura does find herself.
120
+ 118 Jodi is confusing herself.
121
+ 119 Florence disliked herself.
122
+ 120 Alexander complains about himself.
123
+ 121 Melissa complains about herself.
124
+ 122 Teresa isn't noticing herself.
125
+ 123 Jerry should cure herself.
126
+ 124 Tanya was kissing herself.
127
+ 125 Todd was scaring itself.
128
+ 126 Sheila was noticing herself.
129
+ 127 Marla wasn't distracting herself.
130
+ 128 Dana hasn't respected herself.
131
+ 129 Curtis isn't scaring herself.
132
+ 130 Some organization had distracted himself.
133
+ 131 Some dancer has visited himself.
134
+ 132 Adam returned to itself.
135
+ 133 A university won't impress himself.
136
+ 134 Marla annoyed himself.
137
+ 135 Every story would disagree with itself.
138
+ 136 Aaron references himself.
139
+ 137 Caroline isn't impressing herself.
140
+ 138 Laurie wasn't questioning herself.
141
+ 139 Alexander would criticize itself.
142
+ 140 Martin couldn't disgust herself.
143
+ 141 Danielle embarrassed himself.
144
+ 142 Daniel hasn't fired itself.
145
+ 143 Catherine has confused herself.
146
+ 144 That committee wasn't upsetting itself.
147
+ 145 Stephanie has thought about itself.
148
+ 146 Rachel notices herself.
149
+ 147 Claire doesn't complain about herself.
150
+ 148 Debra disgusted herself.
151
+ 149 Tamara isn't referencing herself.
152
+ 150 Gina loves herself.
153
+ 151 Mary does help herself.
154
+ 152 Kirsten hadn't hurt herself.
155
+ 153 Anna shouldn't appreciate itself.
156
+ 154 Anne hasn't kissed herself.
157
+ 155 Donna will discover himself.
158
+ 156 Martin didn't hire herself.
159
+ 157 Brett hadn't revealed himself.
160
+ 158 Stacey complains about herself.
161
+ 159 Gina appreciates himself.
162
+ 160 Dawn is disgusting herself.
163
+ 161 Douglas should upset himself.
164
+ 162 Rebecca disturbs herself.
165
+ 163 Carolyn hadn't discussed herself.
166
+ 164 Becca does irritate himself.
167
+ 165 Kevin hadn't referenced herself.
168
+ 166 Rhonda notices itself.
169
+ 167 Ann should upset herself.
170
+ 168 Roger would think about herself.
171
+ 169 Victoria appreciates herself.
172
+ 170 Travis appreciates himself.
173
+ 171 Eric investigated herself.
174
+ 172 Dana was watching itself.
175
+ 173 Matt hasn't hidden herself.
176
+ 174 Meredith sounds like herself.
177
+ 175 Heidi has hated herself.
178
+ 176 Tina had cured itself.
179
+ 177 Cindy was praising herself.
180
+ 178 April has hired himself.
181
+ 179 Sara bored itself.
182
+ 180 Robert complained about itself.
183
+ 181 Martin had respected himself.
184
+ 182 Grace had hated itself.
185
+ 183 Gary wasn't hiring himself.
186
+ 184 Tammy wouldn't escape from itself.
187
+ 185 Cheryl notices itself.
188
+ 186 Gary didn't complain about herself.
189
+ 187 Carolyn isn't insulting herself.
190
+ 188 Nicole irritated himself.
191
+ 189 Karen respects herself.
192
+ 190 Kirsten dislikes itself.
193
+ 191 Ann discussed herself.
194
+ 192 Julia thinks about herself.
195
+ 193 Michelle couldn't reveal herself.
196
+ 194 Sharon isn't investigating herself.
197
+ 195 Carlos isn't irritating itself.
198
+ 196 Alice can care for herself.
199
+ 197 Christina wasn't stunning herself.
200
+ 198 Regina wasn't attacking herself.
201
+ 199 That school has confused himself.
202
+ 200 Laura has approached itself.
203
+ 201 Martha shocked itself.
204
+ 202 Judy would care for herself.
205
+ 203 Dana is irritating himself.
206
+ 204 Beverly returned to herself.
207
+ 205 Nicole had loved himself.
208
+ 206 Every fish did find itself.
209
+ 207 Steve fires itself.
210
+ 208 That woman can't scare himself.
211
+ 209 Sharon shouldn't observe himself.
212
+ 210 Tonya forgot himself.
213
+ 211 Gina has complained about itself.
214
+ 212 Kristin had bothered herself.
215
+ 213 Dana loves herself.
216
+ 214 Regina scares herself.
217
+ 215 Chad had aggravated himself.
218
+ 216 Margaret is describing herself.
219
+ 217 Deanna couldn't kiss herself.
220
+ 218 Jerry hides herself.
221
+ 219 Russell wasn't approaching itself.
222
+ 220 Alice is impressing herself.
223
+ 221 Laurie boasts about herself.
224
+ 222 Peter returned to himself.
225
+ 223 Clyde couldn't notice herself.
226
+ 224 Matt didn't hire himself.
227
+ 225 Dana had disturbed herself.
228
+ 226 Jill is criticizing himself.
229
+ 227 Rhonda remembers herself.
230
+ 228 Julia hasn't impressed herself.
231
+ 229 Suzanne cured himself.
232
+ 230 Kenneth hadn't kissed herself.
233
+ 231 Janice hadn't shocked itself.
234
+ 232 Janice had left herself.
235
+ 233 Joseph will care for himself.
236
+ 234 Janice wasn't upsetting himself.
237
+ 235 Tiffany isn't investigating himself.
238
+ 236 Sally isn't praising herself.
239
+ 237 Susan should distract itself.
240
+ 238 The waitress hasn't described herself.
241
+ 239 Cynthia listens to herself.
242
+ 240 Donald discussed herself.
243
+ 241 Matt admires itself.
244
+ 242 Sally is annoying herself.
245
+ 243 Carrie disturbs herself.
246
+ 244 Irene investigated himself.
247
+ 245 Dana has hurt herself.
248
+ 246 Travis had thought about itself.
249
+ 247 Maria talks to itself.
250
+ 248 Sherry shouldn't fire herself.
251
+ 249 Dawn shocked herself.
252
+ 250 Stacy escapes from herself.
253
+ 251 Laura did investigate himself.
254
+ 252 Liam hasn't fled from herself.
255
+ 253 Carla couldn't escape from himself.
256
+ 254 Eric could think about herself.
257
+ 255 Carrie didn't hide itself.
258
+ 256 The woman can't annoy herself.
259
+ 257 Carl hasn't impressed itself.
260
+ 258 Michael hugged himself.
261
+ 259 Marcus could see herself.
262
+ 260 Charles had talked about himself.
263
+ 261 Jacqueline wouldn't discuss herself.
264
+ 262 Jason helped himself.
265
+ 263 Patrick finds itself.
266
+ 264 Mark fires itself.
267
+ 265 Tiffany argued about itself.
268
+ 266 Lori hadn't talked to herself.
269
+ 267 Alice has distracted himself.
270
+ 268 Rose heals herself.
271
+ 269 Grace wouldn't talk to herself.
272
+ 270 Kimberley would embarrass herself.
273
+ 271 John admires himself.
274
+ 272 Deborah didn't bother herself.
275
+ 273 Grace finds herself.
276
+ 274 John hadn't talked to itself.
277
+ 275 Clyde distracted himself.
278
+ 276 Dennis praises itself.
279
+ 277 Mary hides himself.
280
+ 278 Sally wouldn't talk about herself.
281
+ 279 Thomas hadn't irritated herself.
282
+ 280 Donna hides herself.
283
+ 281 This guy discusses herself.
284
+ 282 Steven described himself.
285
+ 283 Carolyn hadn't alarmed itself.
286
+ 284 Some boy isn't stunning herself.
287
+ 285 Janice hasn't distracted herself.
288
+ 286 An organization astounded herself.
289
+ 287 Angela hasn't impressed herself.
290
+ 288 Lawrence questioned himself.
291
+ 289 Sarah knows itself.
292
+ 290 Cindy wasn't astounding herself.
293
+ 291 Andrew is talking to himself.
294
+ 292 Kimberley isn't admiring herself.
295
+ 293 Samantha argued about herself.
296
+ 294 Beth had sounded like herself.
297
+ 295 Bruce had noticed himself.
298
+ 296 Heidi talks about himself.
299
+ 297 Amy scares himself.
300
+ 298 Donna isn't hiring herself.
301
+ 299 Eric returned to himself.
302
+ 300 Lucille should fire herself.
303
+ 301 Amelia escaped from herself.
304
+ 302 Katherine bored herself.
305
+ 303 Kirsten wasn't praising herself.
306
+ 304 Valerie works with himself.
307
+ 305 Teresa was observing herself.
308
+ 306 Samuel disagrees with herself.
309
+ 307 Kayla thinks about herself.
310
+ 308 Frank describes herself.
311
+ 309 Tanya wouldn't distract itself.
312
+ 310 Rhonda was shocking herself.
313
+ 311 Kimberley loved herself.
314
+ 312 Amelia can't help herself.
315
+ 313 Martin has listened to himself.
316
+ 314 Elizabeth will help herself.
317
+ 315 Some man can't describe himself.
318
+ 316 Sara observed herself.
319
+ 317 Irene watches herself.
320
+ 318 Jerry impressed herself.
321
+ 319 Sharon is watching himself.
322
+ 320 Christina observed herself.
323
+ 321 Cynthia distracted herself.
324
+ 322 Samuel had cared for itself.
325
+ 323 Omar would attack itself.
326
+ 324 Kirsten helps herself.
327
+ 325 Janice complained about herself.
328
+ 326 Tina is insulting herself.
329
+ 327 Wayne is attacking himself.
330
+ 328 Meredith was curing himself.
331
+ 329 Anne couldn't distract himself.
332
+ 330 Joseph notices itself.
333
+ 331 Patricia hugged herself.
334
+ 332 Karla has confused herself.
335
+ 333 Derek is noticing himself.
336
+ 334 Edward attacked herself.
337
+ 335 Roger hadn't stunned himself.
338
+ 336 Carlos isn't discussing herself.
339
+ 337 Danielle will appreciate himself.
340
+ 338 Curtis didn't respect himself.
341
+ 339 Kathleen does investigate itself.
342
+ 340 Marla isn't approaching herself.
343
+ 341 Vanessa concealed himself.
344
+ 342 Brett escapes from itself.
345
+ 343 Kenneth hadn't seen itself.
346
+ 344 Clyde cared for himself.
347
+ 345 Craig wouldn't return to herself.
348
+ 346 Jessica has noticed itself.
349
+ 347 Bethany likes herself.
350
+ 348 Douglas can't visit herself.
351
+ 349 Travis hasn't attacked himself.
352
+ 350 Julie can't upset herself.
353
+ 351 Adam insults itself.
354
+ 352 Grace won't astound herself.
355
+ 353 Rebecca hasn't hugged herself.
356
+ 354 Gregory is questioning herself.
357
+ 355 Carla hasn't praised herself.
358
+ 356 Cindy would hire itself.
359
+ 357 Christine hadn't boasted about herself.
360
+ 358 Alice wasn't hugging herself.
361
+ 359 A report disagreed with herself.
362
+ 360 Amanda will alarm herself.
363
+ 361 Rhonda likes itself.
364
+ 362 Vincent embarrassed itself.
365
+ 363 The waitress discovers herself.
366
+ 364 Jennifer has scared herself.
367
+ 365 Tamara had upset himself.
368
+ 366 Tara hadn't seen himself.
369
+ 367 Every girl isn't referencing herself.
370
+ 368 Cynthia might argue about herself.
371
+ 369 Carmen isn't talking to herself.
372
+ 370 Donna dislikes herself.
373
+ 371 Sonia isn't discussing herself.
374
+ 372 Dana couldn't bother himself.
375
+ 373 Irene hadn't scared itself.
376
+ 374 Beverly has investigated herself.
377
+ 375 Chad complains about himself.
378
+ 376 Suzanne hadn't known herself.
379
+ 377 Sally visited itself.
380
+ 378 Dawn escaped from herself.
381
+ 379 Omar reveals itself.
382
+ 380 Rodney had visited himself.
383
+ 381 Noah sees herself.
384
+ 382 Gerald has cared for itself.
385
+ 383 Sabrina has remembered himself.
386
+ 384 Laurie won't like herself.
387
+ 385 Richard would annoy herself.
388
+ 386 Matt isn't disturbing himself.
389
+ 387 Rachel respected herself.
390
+ 388 Veronica wouldn't work with himself.
391
+ 389 Ronald hadn't bothered himself.
392
+ 390 Phillip had attacked himself.
393
+ 391 Some girl will discuss itself.
394
+ 392 Holly isn't attacking herself.
395
+ 393 Margaret approached itself.
396
+ 394 Ruth irritated itself.
397
+ 395 Florence sounds like itself.
398
+ 396 Homer is attacking himself.
399
+ 397 Guy would insult himself.
400
+ 398 Colleen doesn't complain about herself.
401
+ 399 Cynthia wouldn't distract herself.
402
+ 400 Tammy can't scare herself.
403
+ 401 Ruth heals itself.
404
+ 402 Dennis won't hide himself.
405
+ 403 Natalie confused herself.
406
+ 404 Travis doesn't find herself.
407
+ 405 Susan visited itself.
408
+ 406 Steve has complained about himself.
409
+ 407 Tara could scare himself.
410
+ 408 Bill hires himself.
411
+ 409 Matt found herself.
412
+ 410 Travis listened to itself.
413
+ 411 Kayla forgot herself.
414
+ 412 Noah hides herself.
415
+ 413 Dan cured himself.
416
+ 414 Spain was scaring herself.
417
+ 415 The library couldn't aggravate himself.
418
+ 416 Catherine isn't confusing herself.
419
+ 417 Adam doesn't escape from himself.
420
+ 418 Steven was impressing herself.
421
+ 419 Rebecca has visited itself.
422
+ 420 Todd doesn't see himself.
423
+ 421 Barbara is noticing herself.
424
+ 422 Bruce hasn't irritated himself.
425
+ 423 Kenneth worked with herself.
426
+ 424 Christina hadn't discussed itself.
427
+ 425 Robert has hidden himself.
428
+ 426 Bill isn't disgusting herself.
429
+ 427 Richard argued about himself.
430
+ 428 The lady referenced itself.
431
+ 429 Cynthia can't criticize herself.
432
+ 430 Marie helped herself.
433
+ 431 Bruce has upset himself.
434
+ 432 Bill was insulting himself.
435
+ 433 Grace hadn't confused herself.
436
+ 434 This documentary has disagreed with itself.
437
+ 435 Jennifer described herself.
438
+ 436 Jane has shocked itself.
439
+ 437 Rachel wasn't curing herself.
440
+ 438 Judy disturbed himself.
441
+ 439 Ruth can't observe itself.
442
+ 440 Chad hurt himself.
443
+ 441 Diana describes herself.
444
+ 442 Carol might complain about herself.
445
+ 443 Andrew was annoying herself.
446
+ 444 Derek isn't referencing itself.
447
+ 445 Regina had scared herself.
448
+ 446 Roger isn't helping herself.
449
+ 447 Carrie does cure himself.
450
+ 448 This newspaper article disagreed with itself.
451
+ 449 Carl had known himself.
452
+ 450 Jodi was bothering herself.
453
+ 451 Kevin wasn't upsetting himself.
454
+ 452 Kenneth had hurt himself.
455
+ 453 Brad wasn't bothering itself.
456
+ 454 April fires herself.
457
+ 455 Theresa isn't healing itself.
458
+ 456 Steven remembered himself.
459
+ 457 Tina wasn't talking about itself.
460
+ 458 Christine loves herself.
461
+ 459 That actress describes herself.
462
+ 460 Bruce shouldn't argue about himself.
463
+ 461 Caroline would help itself.
464
+ 462 Bradley couldn't upset herself.
465
+ 463 Eva bored himself.
466
+ 464 David hires himself.
467
+ 465 Becca hadn't astounded himself.
468
+ 466 Harvard University wasn't disturbing herself.
469
+ 467 Phillip hadn't watched himself.
470
+ 468 Joel forgets itself.
471
+ 469 Linda could forget himself.
472
+ 470 Laura can't criticize herself.
473
+ 471 Amelia watches herself.
474
+ 472 Kayla insults herself.
475
+ 473 Larry didn't heal himself.
476
+ 474 Maria hated itself.
477
+ 475 Walter wouldn't investigate herself.
478
+ 476 Chad will alarm herself.
479
+ 477 Renee hadn't fled from herself.
480
+ 478 Tina doesn't think about herself.
481
+ 479 Russell thought about herself.
482
+ 480 Theresa remembered itself.
483
+ 481 Kenneth insulted himself.
484
+ 482 Eric admired himself.
485
+ 483 The guy doesn't think about himself.
486
+ 484 Emily won't confuse herself.
487
+ 485 Jason complains about himself.
488
+ 486 Victoria wasn't approaching herself.
489
+ 487 Liam hadn't returned to herself.
490
+ 488 Holly thinks about herself.
491
+ 489 David discovered herself.
492
+ 490 Every lady does irritate herself.
493
+ 491 Julia boasted about itself.
494
+ 492 Jacqueline has disgusted herself.
495
+ 493 The guy doesn't irritate herself.
496
+ 494 Chad is admiring itself.
497
+ 495 Andrea left itself.
498
+ 496 Melinda cured herself.
499
+ 497 Meredith has kissed itself.
500
+ 498 April criticized herself.
501
+ 499 Sheila won't bother himself.
502
+ 500 Roger should dislike himself.
503
+ 501 Jerry would attack itself.
504
+ 502 Julia has listened to itself.
505
+ 503 Ronald scared herself.
506
+ 504 Susan wasn't attacking herself.
507
+ 505 Sarah could criticize herself.
508
+ 506 Stacy had hired himself.
509
+ 507 Frank has worked with itself.
510
+ 508 That actress will irritate herself.
511
+ 509 Stephanie has irritated itself.
512
+ 510 Colleen forgets herself.
513
+ 511 Nancy hurt itself.
514
+ 512 Deborah hasn't remembered herself.
515
+ 513 Alicia hasn't remembered herself.
516
+ 514 Beverly can respect herself.
517
+ 515 Ann has cared for herself.
518
+ 516 Edward had disliked herself.
519
+ 517 Melanie had returned to herself.
520
+ 518 Alexander scares herself.
521
+ 519 Ella revealed herself.
522
+ 520 Samuel hasn't hated himself.
523
+ 521 Omar embarrassed himself.
524
+ 522 That boy upset himself.
525
+ 523 Diana respected himself.
526
+ 524 Charles worked with himself.
527
+ 525 Veronica is shocking itself.
528
+ 526 Lori disgusted herself.
529
+ 527 Steven hasn't helped itself.
530
+ 528 Roger did listen to himself.
531
+ 529 Cindy disturbed herself.
532
+ 530 Laura isn't shocking herself.
533
+ 531 Patrick isn't impressing itself.
534
+ 532 Danielle bored herself.
535
+ 533 Some movie was disagreeing with itself.
536
+ 534 Anna investigated itself.
537
+ 535 Heidi had stunned herself.
538
+ 536 Theodore boasted about herself.
539
+ 537 Every woman would care for himself.
540
+ 538 That lady cured herself.
541
+ 539 Dana was criticizing herself.
542
+ 540 Heidi didn't work with itself.
543
+ 541 Guy isn't concealing itself.
544
+ 542 Patricia was approaching herself.
545
+ 543 Alexander insults itself.
546
+ 544 Irene wasn't listening to himself.
547
+ 545 Ruth returns to itself.
548
+ 546 Joel has hurt himself.
549
+ 547 Katherine criticizes herself.
550
+ 548 Steven visited himself.
551
+ 549 Susan knew himself.
552
+ 550 Some report was disagreeing with itself.
553
+ 551 Heather is worrying herself.
554
+ 552 Thomas reveals herself.
555
+ 553 Aaron visits himself.
556
+ 554 This company had disturbed himself.
557
+ 555 Brian hasn't concealed herself.
558
+ 556 Carmen works with himself.
559
+ 557 Kayla does admire himself.
560
+ 558 Marla can leave herself.
561
+ 559 Kristin has cured itself.
562
+ 560 This girl has loved herself.
563
+ 561 David wasn't confusing itself.
564
+ 562 Samantha appreciated herself.
565
+ 563 Deanna wouldn't return to herself.
566
+ 564 Some actress described himself.
567
+ 565 Sheila hasn't watched herself.
568
+ 566 Susan leaves herself.
569
+ 567 That woman hasn't described herself.
570
+ 568 Christina discussed herself.
571
+ 569 Douglas should respect himself.
572
+ 570 Karen worked with herself.
573
+ 571 Elaine can reveal herself.
574
+ 572 Rhonda has referenced itself.
575
+ 573 Emily had hated herself.
576
+ 574 Vanessa complained about herself.
577
+ 575 Jessica is impressing himself.
578
+ 576 Carrie describes herself.
579
+ 577 Melanie wasn't discovering herself.
580
+ 578 William is discovering himself.
581
+ 579 Elaine observes herself.
582
+ 580 Ellen was hiring herself.
583
+ 581 Wendy hasn't worried herself.
584
+ 582 Claire had concealed itself.
585
+ 583 David visited himself.
586
+ 584 Suzanne thought about himself.
587
+ 585 Carla notices itself.
588
+ 586 Derek wasn't describing herself.
589
+ 587 Angela can't stun herself.
590
+ 588 Some story hasn't disagreed with itself.
591
+ 589 Amy has helped herself.
592
+ 590 Ronald does see himself.
593
+ 591 Susan hid itself.
594
+ 592 Laurie boasted about itself.
595
+ 593 Kayla upset herself.
596
+ 594 Debra was listening to itself.
597
+ 595 Stacey hasn't watched itself.
598
+ 596 Travis wasn't firing himself.
599
+ 597 Wayne praises itself.
600
+ 598 Every commentary had disagreed with herself.
601
+ 599 Steven complains about himself.
602
+ 600 Connie hadn't alarmed herself.
603
+ 601 Meredith can't see herself.
604
+ 602 Peter wouldn't alarm itself.
605
+ 603 Eva has respected herself.
606
+ 604 Kristen has noticed himself.
607
+ 605 Raymond was criticizing herself.
608
+ 606 Stacey isn't alarming herself.
609
+ 607 Janet hasn't scared herself.
610
+ 608 The lady hasn't hired herself.
611
+ 609 Becca describes herself.
612
+ 610 Tara hadn't remembered itself.
613
+ 611 Ann might worry himself.
614
+ 612 Barbara hadn't referenced herself.
615
+ 613 Joel has hugged himself.
616
+ 614 Sheila revealed herself.
617
+ 615 Suzanne hurt itself.
618
+ 616 Dan talks about himself.
619
+ 617 Bethany was confusing himself.
620
+ 618 Guy was referencing herself.
621
+ 619 Julia isn't healing herself.
622
+ 620 Clyde might like himself.
623
+ 621 Craig forgets itself.
624
+ 622 Joseph won't admire himself.
625
+ 623 Irene had described itself.
626
+ 624 Robert had fled from itself.
627
+ 625 Clyde hadn't noticed itself.
628
+ 626 Martin hasn't visited itself.
629
+ 627 Ella criticized itself.
630
+ 628 Barbara was watching herself.
631
+ 629 Kirsten has shocked herself.
632
+ 630 Ella insulted itself.
633
+ 631 Every actress shouldn't aggravate herself.
634
+ 632 Dennis observed herself.
635
+ 633 Aaron was discussing herself.
636
+ 634 Holly hasn't sounded like herself.
637
+ 635 Pamela hasn't criticized herself.
638
+ 636 Tina irritated himself.
639
+ 637 Donald references himself.
640
+ 638 Connie wasn't hiring herself.
641
+ 639 Stacey admires himself.
642
+ 640 Kristin should think about herself.
643
+ 641 Scott returns to himself.
644
+ 642 Samantha was hugging herself.
645
+ 643 Linda appreciated herself.
646
+ 644 Holly fires herself.
647
+ 645 Samantha should reveal himself.
648
+ 646 Sandra is referencing herself.
649
+ 647 Susan has scared herself.
650
+ 648 Bill cured himself.
651
+ 649 Jill hadn't praised herself.
652
+ 650 Alice shouldn't know himself.
653
+ 651 Vincent does attack itself.
654
+ 652 Charles is confusing himself.
655
+ 653 Bradley won't discover himself.
656
+ 654 Becca has criticized herself.
657
+ 655 Denise might upset himself.
658
+ 656 Laurie might help herself.
659
+ 657 Naomi hasn't concealed itself.
660
+ 658 Anne is helping himself.
661
+ 659 Karla talked about herself.
662
+ 660 Catherine was curing herself.
663
+ 661 William had admired herself.
664
+ 662 Sabrina isn't escaping from herself.
665
+ 663 Karla isn't finding herself.
666
+ 664 Gerald had worried himself.
667
+ 665 A lady hasn't visited herself.
668
+ 666 Renee hadn't alarmed herself.
669
+ 667 Sarah fires herself.
670
+ 668 Sara hadn't fled from himself.
671
+ 669 Anne upset herself.
672
+ 670 Richard hadn't bored herself.
673
+ 671 Rachel watched herself.
674
+ 672 Samuel describes herself.
675
+ 673 Natalie is shocking herself.
676
+ 674 Karen didn't see itself.
677
+ 675 Andrew did annoy himself.
678
+ 676 Meredith was disgusting herself.
679
+ 677 Margaret won't heal himself.
680
+ 678 Raymond hasn't referenced himself.
681
+ 679 Lawrence disturbed himself.
682
+ 680 Clyde stunned herself.
683
+ 681 Kevin hadn't concealed itself.
684
+ 682 Veronica isn't attacking herself.
685
+ 683 Larry discovered itself.
686
+ 684 Natalie hadn't impressed himself.
687
+ 685 Leslie hated herself.
688
+ 686 Andrea isn't kissing herself.
689
+ 687 Carrie noticed herself.
690
+ 688 Beth has concealed itself.
691
+ 689 Colleen was concealing herself.
692
+ 690 Nicole had annoyed herself.
693
+ 691 Charles isn't thinking about herself.
694
+ 692 Some lady isn't bothering himself.
695
+ 693 Douglas wouldn't confuse himself.
696
+ 694 Ann can shock herself.
697
+ 695 Noah knows himself.
698
+ 696 Eva heals itself.
699
+ 697 Theodore wasn't revealing herself.
700
+ 698 Donna hasn't observed herself.
701
+ 699 Vincent will alarm herself.
702
+ 700 Connie has returned to itself.
703
+ 701 Amanda insults himself.
704
+ 702 Eva was disturbing herself.
705
+ 703 Tamara has found himself.
706
+ 704 Todd isn't talking to himself.
707
+ 705 Elizabeth shouldn't argue about herself.
708
+ 706 Kevin hasn't found himself.
709
+ 707 That lady praises herself.
710
+ 708 Donna is scaring himself.
711
+ 709 That guy hasn't respected itself.
712
+ 710 Russell isn't confusing itself.
713
+ 711 Dan would love herself.
714
+ 712 Mitchell flees from himself.
715
+ 713 Ronald wasn't curing himself.
716
+ 714 Florence upset itself.
717
+ 715 Irene is disgusting herself.
718
+ 716 Julia hugs herself.
719
+ 717 Regina isn't visiting herself.
720
+ 718 Lisa cured himself.
721
+ 719 Laura would respect herself.
722
+ 720 Noah hasn't fired herself.
723
+ 721 Renee was referencing itself.
724
+ 722 Phillip isn't confusing itself.
725
+ 723 Melinda found herself.
726
+ 724 Tiffany hasn't discovered herself.
727
+ 725 Roger wouldn't astound himself.
728
+ 726 Carlos forgot itself.
729
+ 727 Helen referenced herself.
730
+ 728 Deanna is irritating himself.
731
+ 729 Deborah should flee from himself.
732
+ 730 Nicole is curing herself.
733
+ 731 Holly hasn't appreciated herself.
734
+ 732 Todd hasn't forgotten himself.
735
+ 733 Carolyn irritated himself.
736
+ 734 Kristin can't love herself.
737
+ 735 Steven has disturbed himself.
738
+ 736 Julia had upset itself.
739
+ 737 Aaron wasn't hurting himself.
740
+ 738 Every girl watched herself.
741
+ 739 Liam worked with itself.
742
+ 740 Janet wasn't questioning herself.
743
+ 741 Jason should listen to himself.
744
+ 742 Anne left herself.
745
+ 743 Stephanie is returning to herself.
746
+ 744 Rachel had argued about herself.
747
+ 745 Roger could annoy himself.
748
+ 746 Sandra was distracting herself.
749
+ 747 Leslie isn't disturbing herself.
750
+ 748 Andrea did stun itself.
751
+ 749 Aaron remembered himself.
752
+ 750 Angela is irritating herself.
753
+ 751 Alan kisses herself.
754
+ 752 Rebecca observes herself.
755
+ 753 Maria admired herself.
756
+ 754 Joel finds herself.
757
+ 755 Joel did hire himself.
758
+ 756 Andrea is concealing herself.
759
+ 757 Allison isn't leaving herself.
760
+ 758 Stephen could dislike himself.
761
+ 759 Julie has praised herself.
762
+ 760 Gary talked about herself.
763
+ 761 Martha was shocking herself.
764
+ 762 That man hasn't found himself.
765
+ 763 Alice is distracting herself.
766
+ 764 Some woman could insult itself.
767
+ 765 Caroline boasts about itself.
768
+ 766 Russell won't forget itself.
769
+ 767 Theodore wouldn't return to himself.
770
+ 768 Laura wasn't annoying herself.
771
+ 769 Pamela is insulting itself.
772
+ 770 Holly hadn't worried herself.
773
+ 771 Christopher upset itself.
774
+ 772 Diana couldn't bother herself.
775
+ 773 Brian can't notice itself.
776
+ 774 Lucille embarrassed itself.
777
+ 775 Naomi had found herself.
778
+ 776 Stephanie listens to herself.
779
+ 777 Karen sees herself.
780
+ 778 Joel isn't hurting himself.
781
+ 779 Sarah discusses herself.
782
+ 780 Amanda could praise himself.
783
+ 781 Tara helped himself.
784
+ 782 Samuel had hated himself.
785
+ 783 Joel respected himself.
786
+ 784 Ruth confused herself.
787
+ 785 The dancer questioned himself.
788
+ 786 Ronald had admired himself.
789
+ 787 Jill hasn't confused herself.
790
+ 788 Tamara appreciates herself.
791
+ 789 Teresa wouldn't return to herself.
792
+ 790 Cynthia won't hug herself.
793
+ 791 Tonya wasn't investigating herself.
794
+ 792 Jill wasn't praising herself.
795
+ 793 Jane had remembered himself.
796
+ 794 Judy wasn't hurting herself.
797
+ 795 Jeffrey visited herself.
798
+ 796 Jodi had scared herself.
799
+ 797 Florence would bore itself.
800
+ 798 Amy observed herself.
801
+ 799 Walter liked himself.
802
+ 800 Lori alarmed herself.
803
+ 801 Charles would appreciate herself.
804
+ 802 Brett isn't alarming itself.
805
+ 803 Suzanne wasn't concealing herself.
806
+ 804 Rebecca discovers herself.
807
+ 805 Elaine talked to herself.
808
+ 806 Phillip has hired himself.
809
+ 807 Andrew is revealing himself.
810
+ 808 Laura has concealed itself.
811
+ 809 A hospital shouldn't dislike herself.
812
+ 810 George wouldn't alarm himself.
813
+ 811 Carolyn worked with herself.
814
+ 812 Leslie aggravated herself.
815
+ 813 Angela had disliked himself.
816
+ 814 Teresa had hugged itself.
817
+ 815 Theresa shouldn't disgust herself.
818
+ 816 Julia referenced herself.
819
+ 817 Ruth knew himself.
820
+ 818 Stephanie hadn't loved itself.
821
+ 819 Karla should confuse herself.
822
+ 820 This library didn't respect itself.
823
+ 821 Rose could kiss herself.
824
+ 822 Tara knows itself.
825
+ 823 Robert should hate himself.
826
+ 824 Brad forgot himself.
827
+ 825 Carolyn complained about herself.
828
+ 826 The essay hadn't sounded like himself.
829
+ 827 Aaron hadn't hugged himself.
830
+ 828 Guy has annoyed itself.
831
+ 829 Amanda had questioned itself.
832
+ 830 Paula isn't disturbing herself.
833
+ 831 Rhonda scares itself.
834
+ 832 Stacey had talked about itself.
835
+ 833 Bruce escaped from himself.
836
+ 834 Christopher was disturbing himself.
837
+ 835 Carol insults itself.
838
+ 836 Barbara isn't escaping from herself.
839
+ 837 Holly disagrees with herself.
840
+ 838 Samantha hasn't known himself.
841
+ 839 Nicole won't praise herself.
842
+ 840 Karen does visit itself.
843
+ 841 Tara isn't admiring herself.
844
+ 842 Debra has concealed itself.
845
+ 843 Brad had hidden himself.
846
+ 844 Bruce will hug himself.
847
+ 845 John disliked itself.
848
+ 846 Denise did see herself.
849
+ 847 Emily hasn't astounded herself.
850
+ 848 Peter reveals itself.
851
+ 849 Every dancer appreciates himself.
852
+ 850 Angela isn't arguing about herself.
853
+ 851 Sherry hasn't talked to herself.
854
+ 852 Susan hadn't approached herself.
855
+ 853 Christopher hasn't distracted himself.
856
+ 854 Nina had questioned herself.
857
+ 855 Theresa couldn't flee from himself.
858
+ 856 Florence criticizes himself.
859
+ 857 Guy questions itself.
860
+ 858 David has fired herself.
861
+ 859 Sabrina helps herself.
862
+ 860 Dana kissed herself.
863
+ 861 Florence shouldn't talk about itself.
864
+ 862 Deborah would know itself.
865
+ 863 Bradley did talk to itself.
866
+ 864 Anna hadn't fled from itself.
867
+ 865 Christopher criticizes herself.
868
+ 866 Timothy might boast about himself.
869
+ 867 Joel should stun himself.
870
+ 868 Tammy is hiding itself.
871
+ 869 Raymond had fled from herself.
872
+ 870 Bruce cures himself.
873
+ 871 Sabrina has approached itself.
874
+ 872 Debra criticized itself.
875
+ 873 Jacqueline has watched herself.
876
+ 874 Paul has argued about himself.
877
+ 875 Leslie won't complain about himself.
878
+ 876 Carla should think about herself.
879
+ 877 Anne hasn't respected herself.
880
+ 878 Amanda hasn't shocked herself.
881
+ 879 Tonya has argued about herself.
882
+ 880 Valerie wasn't approaching herself.
883
+ 881 Sabrina remembers herself.
884
+ 882 A bank has described itself.
885
+ 883 Brian hadn't worried himself.
886
+ 884 Regina isn't confusing itself.
887
+ 885 Thomas worked with himself.
888
+ 886 Steven references himself.
889
+ 887 Becca had upset himself.
890
+ 888 Valerie isn't disgusting herself.
891
+ 889 Becky wasn't healing herself.
892
+ 890 Craig hasn't concealed itself.
893
+ 891 Charles has referenced herself.
894
+ 892 Veronica has cared for herself.
895
+ 893 George was hurting herself.
896
+ 894 Some government scares herself.
897
+ 895 Martin admires himself.
898
+ 896 Beverly shouldn't care for herself.
899
+ 897 Patricia scared herself.
900
+ 898 Deanna was discovering herself.
901
+ 899 Kimberley listened to herself.
902
+ 900 Rose visited itself.
903
+ 901 Florence hasn't talked about herself.
904
+ 902 Spain didn't impress himself.
905
+ 903 Wayne does hire itself.
906
+ 904 Kayla approaches herself.
907
+ 905 Judy can't describe herself.
908
+ 906 Tina didn't talk about herself.
909
+ 907 Carrie upset herself.
910
+ 908 Christopher hadn't concealed himself.
911
+ 909 Kevin left himself.
912
+ 910 Travis complained about herself.
913
+ 911 Alice had astounded herself.
914
+ 912 Natalie might reveal herself.
915
+ 913 Renee had confused herself.
916
+ 914 Tanya couldn't conceal himself.
917
+ 915 George sounded like himself.
918
+ 916 Ronald healed himself.
919
+ 917 Tonya did think about herself.
920
+ 918 Richard works with himself.
921
+ 919 Walter hadn't described himself.
922
+ 920 Amanda hasn't respected herself.
923
+ 921 Caroline didn't like herself.
924
+ 922 Sherry hasn't concealed herself.
925
+ 923 Tara was impressing himself.
926
+ 924 Dawn hadn't talked to herself.
927
+ 925 Marie wouldn't irritate herself.
928
+ 926 Martin has hired himself.
929
+ 927 Jeffrey should care for herself.
930
+ 928 Christopher observed herself.
931
+ 929 Michelle shouldn't investigate herself.
932
+ 930 Amy isn't admiring herself.
933
+ 931 Stacy won't heal herself.
934
+ 932 Emily thinks about herself.
935
+ 933 Carmen reveals herself.
936
+ 934 Keith was appreciating himself.
937
+ 935 Bethany would listen to herself.
938
+ 936 Jerry is talking about herself.
939
+ 937 Craig will conceal himself.
940
+ 938 Cindy watches herself.
941
+ 939 Paula might describe herself.
942
+ 940 Colleen wasn't visiting herself.
943
+ 941 Robert knew himself.
944
+ 942 Dawn hadn't noticed itself.
945
+ 943 Vanessa found herself.
946
+ 944 Jennifer was kissing herself.
947
+ 945 Stephanie wasn't arguing about herself.
948
+ 946 John questioned itself.
949
+ 947 Sara hasn't sounded like itself.
950
+ 948 Carolyn cares for herself.
951
+ 949 Brett has revealed himself.
952
+ 950 That boy might describe himself.
953
+ 951 Every dancer had disliked herself.
954
+ 952 Paula couldn't approach herself.
955
+ 953 Stephanie could flee from himself.
956
+ 954 Vincent saw himself.
957
+ 955 Tina knows itself.
958
+ 956 Derek remembers itself.
959
+ 957 Kendra flees from herself.
960
+ 958 Heather did argue about himself.
961
+ 959 Katherine visits herself.
962
+ 960 Scott thinks about itself.
963
+ 961 Caroline remembered herself.
964
+ 962 Kenneth admires himself.
965
+ 963 Stephanie wouldn't dislike herself.
966
+ 964 Stephen had worried himself.
967
+ 965 Ruth concealed itself.
968
+ 966 Harvard University was scaring himself.
969
+ 967 Raymond hugged herself.
970
+ 968 Holly is annoying herself.
971
+ 969 Some bank likes himself.
972
+ 970 Carlos should embarrass itself.
973
+ 971 Sabrina isn't discussing herself.
974
+ 972 Rebecca appreciated herself.
975
+ 973 Kevin was alarming itself.
976
+ 974 Derek hadn't disgusted itself.
977
+ 975 Carlos complained about itself.
978
+ 976 Benjamin is firing himself.
979
+ 977 Chad kisses herself.
980
+ 978 Paula was arguing about herself.
981
+ 979 Colleen should question herself.
982
+ 980 Susan revealed herself.
983
+ 981 Renee hasn't hurt themselves.
984
+ 982 These patients do respect themselves.
985
+ 983 Mary should criticize herself.
986
+ 984 Kristin irritated herself.
987
+ 985 Tracy described herself.
988
+ 986 A lot of girls had bothered himself.
989
+ 987 Many teenagers were helping herself.
990
+ 988 Girls talked to themselves.
991
+ 989 All senators listened to itself.
992
+ 990 Laura hired herself.
993
+ 991 Claire won't conceal themselves.
994
+ 992 Becca shouldn't impress herself.
995
+ 993 This woman has criticized herself.
996
+ 994 Sonia would cure herself.
997
+ 995 Most girls hate himself.
998
+ 996 This legislature worried themselves.
999
+ 997 Florence had left herself.
1000
+ 998 The Borgias scare themselves.
1001
+ 999 The adults hadn't forgotten themselves.
1002
+ 1000 The patients disgusted himself.
1003
+ 1001 Thomas complained about themselves.
1004
+ 1002 The students shouldn't upset herself.
1005
+ 1003 All waiters couldn't criticize themselves.
1006
+ 1004 Ronald can't reference themselves.
1007
+ 1005 Julie hadn't revealed themselves.
1008
+ 1006 Many people bothered itself.
1009
+ 1007 Most girls annoyed himself.
1010
+ 1008 Most ladies weren't arguing about herself.
1011
+ 1009 The waitresses investigated themselves.
1012
+ 1010 Peter won't fire himself.
1013
+ 1011 Those waitresses had loved herself.
1014
+ 1012 Cheryl isn't insulting herself.
1015
+ 1013 Joseph isn't revealing himself.
1016
+ 1014 Most universities aren't scaring themselves.
1017
+ 1015 Natalie hadn't fired herself.
1018
+ 1016 Donald had worked with himself.
1019
+ 1017 Kirsten hasn't admired herself.
1020
+ 1018 Patricia hadn't hated herself.
1021
+ 1019 Most reports disagreed with herself.
1022
+ 1020 Dawn could worry themselves.
1023
+ 1021 Stacy didn't remember herself.
1024
+ 1022 Richard returned to himself.
1025
+ 1023 All boys listen to herself.
1026
+ 1024 Bruce hadn't discovered himself.
1027
+ 1025 Many teenagers hadn't found itself.
1028
+ 1026 Daniel does hate himself.
1029
+ 1027 Most adults have discovered itself.
1030
+ 1028 Some men could notice themselves.
1031
+ 1029 These museums should insult itself.
1032
+ 1030 All actresses flee from themselves.
1033
+ 1031 Carol couldn't criticize herself.
1034
+ 1032 All girls haven't discussed himself.
1035
+ 1033 All senators complained about themselves.
1036
+ 1034 Some actors shock herself.
1037
+ 1035 Jane aggravated herself.
1038
+ 1036 Becca praised herself.
1039
+ 1037 Those students don't confuse himself.
1040
+ 1038 Jodi left herself.
1041
+ 1039 The students have thought about themselves.
1042
+ 1040 A lot of customers weren't returning to herself.
1043
+ 1041 Those customers praise herself.
1044
+ 1042 David stunned himself.
1045
+ 1043 Beverly disturbed themselves.
1046
+ 1044 Thomas was hurting himself.
1047
+ 1045 Lori attacked herself.
1048
+ 1046 Joel escaped from themselves.
1049
+ 1047 The woman had worried herself.
1050
+ 1048 Kayla scared herself.
1051
+ 1049 Samuel didn't kiss himself.
1052
+ 1050 This government alarms itself.
1053
+ 1051 Kristin left herself.
1054
+ 1052 An association annoys itself.
1055
+ 1053 Many actors thought about itself.
1056
+ 1054 Teresa has scared herself.
1057
+ 1055 Russell hadn't complained about themselves.
1058
+ 1056 All cashiers liked themselves.
1059
+ 1057 Kendra doesn't shock herself.
1060
+ 1058 Jason hasn't stunned themselves.
1061
+ 1059 Children did conceal itself.
1062
+ 1060 Cheryl did worry themselves.
1063
+ 1061 Colleen can't impress herself.
1064
+ 1062 Kendra wasn't thinking about herself.
1065
+ 1063 The guests respect themselves.
1066
+ 1064 Kenneth was confusing themselves.
1067
+ 1065 Some children flee from themselves.
1068
+ 1066 This organization hadn't aggravated itself.
1069
+ 1067 Michael can't disturb themselves.
1070
+ 1068 Many universities disgust herself.
1071
+ 1069 Some museums annoy herself.
1072
+ 1070 All waiters cured himself.
1073
+ 1071 The teenagers shouldn't bore himself.
1074
+ 1072 All cashiers hurt himself.
1075
+ 1073 Cynthia wasn't escaping from herself.
1076
+ 1074 Many banks haven't aggravated herself.
1077
+ 1075 All organizations have confused herself.
1078
+ 1076 Steven talked about themselves.
1079
+ 1077 Most men fled from themselves.
1080
+ 1078 Patrick had cared for himself.
1081
+ 1079 James can kiss themselves.
1082
+ 1080 Most dancers shouldn't reveal herself.
1083
+ 1081 All waitresses conceal themselves.
1084
+ 1082 Some girls weren't complaining about itself.
1085
+ 1083 Andrew hugged himself.
1086
+ 1084 These guys are aggravating themselves.
1087
+ 1085 Those teachers are praising herself.
1088
+ 1086 A lot of actresses visit herself.
1089
+ 1087 Carlos attacked himself.
1090
+ 1088 Marla might visit themselves.
1091
+ 1089 The guests know itself.
1092
+ 1090 Most men hadn't embarrassed itself.
1093
+ 1091 Jane hasn't escaped from herself.
1094
+ 1092 All boys are shocking herself.
1095
+ 1093 Craig hasn't insulted themselves.
1096
+ 1094 A lot of ladies impressed itself.
1097
+ 1095 Some school distracts itself.
1098
+ 1096 All girls scared themselves.
1099
+ 1097 Homer had worried himself.
1100
+ 1098 All men had concealed herself.
1101
+ 1099 These pedestrians upset itself.
1102
+ 1100 These companies wouldn't aggravate itself.
1103
+ 1101 Many people hired herself.
1104
+ 1102 The man won't hate himself.
1105
+ 1103 Guy is questioning themselves.
1106
+ 1104 These doctors help herself.
1107
+ 1105 The teachers are talking to themselves.
1108
+ 1106 Alicia admired herself.
1109
+ 1107 Edward worked with himself.
1110
+ 1108 The men couldn't disagree with herself.
1111
+ 1109 The dancers flee from themselves.
1112
+ 1110 Valerie hasn't thought about themselves.
1113
+ 1111 The universities are astounding himself.
1114
+ 1112 These cashiers had concealed himself.
1115
+ 1113 Michelle was embarrassing themselves.
1116
+ 1114 Omar is concealing himself.
1117
+ 1115 Most teachers hurt herself.
1118
+ 1116 Roger shouldn't conceal himself.
1119
+ 1117 Alicia hasn't embarrassed themselves.
1120
+ 1118 James is visiting themselves.
1121
+ 1119 The patients shocked itself.
1122
+ 1120 Many girls escaped from themselves.
1123
+ 1121 Amelia visited herself.
1124
+ 1122 Most committees were irritating themselves.
1125
+ 1123 These girls kissed herself.
1126
+ 1124 The dancers hug herself.
1127
+ 1125 Keith hadn't upset himself.
1128
+ 1126 These senators scared herself.
1129
+ 1127 Janice approached herself.
1130
+ 1128 All customers hide itself.
1131
+ 1129 Cynthia was appreciating herself.
1132
+ 1130 The bank shocks itself.
1133
+ 1131 Bruce has alarmed himself.
1134
+ 1132 Helen shouldn't conceal herself.
1135
+ 1133 A lot of students won't fire herself.
1136
+ 1134 Waitresses aren't upsetting themselves.
1137
+ 1135 The Lutherans can help herself.
1138
+ 1136 Most women haven't hidden themselves.
1139
+ 1137 Valerie shouldn't shock herself.
1140
+ 1138 Those doctors hadn't loved himself.
1141
+ 1139 A lot of patients have worked with herself.
1142
+ 1140 Diane hadn't seen themselves.
1143
+ 1141 All banks scared herself.
1144
+ 1142 The waitresses argue about themselves.
1145
+ 1143 Carlos couldn't criticize himself.
1146
+ 1144 Curtis will impress himself.
1147
+ 1145 Sandra had distracted herself.
1148
+ 1146 All people weren't curing himself.
1149
+ 1147 Every bank was bothering itself.
1150
+ 1148 All pedestrians hire themselves.
1151
+ 1149 That movie has disagreed with itself.
1152
+ 1150 Eva approached herself.
1153
+ 1151 Diane will return to herself.
1154
+ 1152 Stephen had praised himself.
1155
+ 1153 The Impressionists concealed itself.
1156
+ 1154 Many hospitals are worrying themselves.
1157
+ 1155 Most teenagers boasted about themselves.
1158
+ 1156 Many teachers kissed herself.
1159
+ 1157 The ladies are leaving herself.
1160
+ 1158 Martha hadn't argued about herself.
1161
+ 1159 Valerie observed herself.
1162
+ 1160 Beverly argued about themselves.
1163
+ 1161 The Impressionists do approach himself.
1164
+ 1162 The Impressionists couldn't listen to himself.
1165
+ 1163 Russell will confuse themselves.
1166
+ 1164 Drivers have hired himself.
1167
+ 1165 Many dancers boasted about herself.
1168
+ 1166 Most children could cure herself.
1169
+ 1167 Scott had observed himself.
1170
+ 1168 These guests do find himself.
1171
+ 1169 Diane hadn't thought about herself.
1172
+ 1170 Adam isn't insulting himself.
1173
+ 1171 Jill wouldn't flee from themselves.
1174
+ 1172 Those dancers disagree with himself.
1175
+ 1173 Jason fired himself.
1176
+ 1174 Many teachers had noticed herself.
1177
+ 1175 Those adults did alarm themselves.
1178
+ 1176 The Impressionists like himself.
1179
+ 1177 Eric shouldn't aggravate himself.
1180
+ 1178 Irene wouldn't boast about themselves.
1181
+ 1179 Homer sounded like himself.
1182
+ 1180 Many girls insulted themselves.
1183
+ 1181 Elizabeth respected herself.
1184
+ 1182 Nancy could bother themselves.
1185
+ 1183 All actresses have noticed themselves.
1186
+ 1184 Tanya confused themselves.
1187
+ 1185 Those teachers like herself.
1188
+ 1186 The Impressionists fire herself.
1189
+ 1187 Naomi won't hide themselves.
1190
+ 1188 Richard hasn't alarmed themselves.
1191
+ 1189 Lucille can't escape from herself.
1192
+ 1190 All women talk about themselves.
1193
+ 1191 Thomas has attacked himself.
1194
+ 1192 All people haven't discussed themselves.
1195
+ 1193 Cashiers haven't hidden themselves.
1196
+ 1194 The guys talked to themselves.
1197
+ 1195 Adults kiss himself.
1198
+ 1196 These women don't discuss itself.
1199
+ 1197 Most girls irritated itself.
1200
+ 1198 Most pedestrians reveal himself.
1201
+ 1199 The cashiers can't watch themselves.
1202
+ 1200 All girls had healed themselves.
1203
+ 1201 A lot of teenagers aren't discussing herself.
1204
+ 1202 Heather has worried herself.
1205
+ 1203 Most hospitals scare themselves.
1206
+ 1204 Some boys do work with himself.
1207
+ 1205 Theresa hadn't noticed themselves.
1208
+ 1206 An essay isn't disagreeing with themselves.
1209
+ 1207 Bruce might care for himself.
1210
+ 1208 Customers weren't returning to herself.
1211
+ 1209 Many patients will visit himself.
1212
+ 1210 Cynthia helped herself.
1213
+ 1211 Those teenagers didn't scare herself.
1214
+ 1212 The Impressionists haven't escaped from themselves.
1215
+ 1213 Cashiers are helping themselves.
1216
+ 1214 Adults think about themselves.
1217
+ 1215 These patients weren't arguing about herself.
1218
+ 1216 Diane has worked with herself.
1219
+ 1217 Brett was annoying themselves.
1220
+ 1218 Many hospitals were irritating themselves.
1221
+ 1219 Alexander had healed himself.
1222
+ 1220 Vincent should appreciate himself.
1223
+ 1221 Andrea hired themselves.
1224
+ 1222 A lot of adults don't see themselves.
1225
+ 1223 Most actors will help herself.
1226
+ 1224 A lot of pedestrians help himself.
1227
+ 1225 These senators are talking to herself.
1228
+ 1226 Marla irritated themselves.
1229
+ 1227 Cindy didn't bother themselves.
1230
+ 1228 Committees did irritate themselves.
1231
+ 1229 Harvard University shocks itself.
1232
+ 1230 Jane didn't notice herself.
1233
+ 1231 Larry hadn't found themselves.
1234
+ 1232 Those girls irritated herself.
1235
+ 1233 Many museums disturbed himself.
1236
+ 1234 All men wouldn't work with himself.
1237
+ 1235 All men hadn't known herself.
1238
+ 1236 The Lutherans saw itself.
1239
+ 1237 Noah visited themselves.
1240
+ 1238 Pamela didn't conceal herself.
1241
+ 1239 Most adults can annoy herself.
1242
+ 1240 Diana forgot herself.
1243
+ 1241 Amanda had fired themselves.
1244
+ 1242 These adults hadn't escaped from themselves.
1245
+ 1243 Diana appreciated herself.
1246
+ 1244 Many men loved itself.
1247
+ 1245 The actors know itself.
1248
+ 1246 Phillip revealed himself.
1249
+ 1247 Most actresses flee from themselves.
1250
+ 1248 Gina is listening to themselves.
1251
+ 1249 The Impressionists distracted himself.
1252
+ 1250 Ann hasn't bothered herself.
1253
+ 1251 Samuel hadn't hated himself.
1254
+ 1252 The cashiers shouldn't worry itself.
1255
+ 1253 The Borgias have talked about himself.
1256
+ 1254 James isn't watching himself.
1257
+ 1255 Ruth wasn't discussing herself.
1258
+ 1256 All doctors discover themselves.
1259
+ 1257 The doctors described itself.
1260
+ 1258 All waitresses hurt themselves.
1261
+ 1259 Those children could think about itself.
1262
+ 1260 These senators had hated herself.
1263
+ 1261 Karen didn't heal herself.
1264
+ 1262 Linda does talk to herself.
1265
+ 1263 Douglas is visiting himself.
1266
+ 1264 Todd has aggravated themselves.
1267
+ 1265 Noah can't discover themselves.
1268
+ 1266 The organizations bother herself.
1269
+ 1267 Boys reference himself.
1270
+ 1268 Daniel isn't revealing himself.
1271
+ 1269 Tracy hadn't described herself.
1272
+ 1270 Tina wasn't curing herself.
1273
+ 1271 All dancers have aggravated themselves.
1274
+ 1272 Cheryl does disgust herself.
1275
+ 1273 These boys haven't attacked themselves.
1276
+ 1274 Steven was hiding themselves.
1277
+ 1275 Amelia should notice herself.
1278
+ 1276 Suzanne respected themselves.
1279
+ 1277 Sarah had boasted about herself.
1280
+ 1278 Many dancers are concealing itself.
1281
+ 1279 April attacked herself.
1282
+ 1280 This man had worked with himself.
1283
+ 1281 The governments embarrassed herself.
1284
+ 1282 Most libraries are scaring himself.
1285
+ 1283 Jill hadn't irritated themselves.
1286
+ 1284 Helen praised herself.
1287
+ 1285 Most pedestrians aren't referencing herself.
1288
+ 1286 Some ladies do talk to itself.
1289
+ 1287 Those pedestrians embarrassed itself.
1290
+ 1288 Mary has seen herself.
1291
+ 1289 The Impressionists haven't hurt themselves.
1292
+ 1290 Some waitresses had sounded like themselves.
1293
+ 1291 That woman had criticized herself.
1294
+ 1292 A lady hadn't worked with herself.
1295
+ 1293 Becky astounded herself.
1296
+ 1294 Some actors investigate himself.
1297
+ 1295 Omar hated himself.
1298
+ 1296 The cashiers astounded itself.
1299
+ 1297 Many teenagers distracted herself.
1300
+ 1298 Janice will respect herself.
1301
+ 1299 A lot of women worry herself.
1302
+ 1300 Derek should hug himself.
1303
+ 1301 A lot of people complain about themselves.
1304
+ 1302 Jill thought about themselves.
1305
+ 1303 The Lutherans could praise themselves.
1306
+ 1304 A lot of students astounded itself.
1307
+ 1305 Many teenagers describe themselves.
1308
+ 1306 Anne will discover herself.
1309
+ 1307 These guests haven't approached themselves.
1310
+ 1308 Carla annoyed themselves.
1311
+ 1309 Edward hasn't bothered themselves.
1312
+ 1310 Matt isn't working with himself.
1313
+ 1311 Guy hadn't left himself.
1314
+ 1312 The children admired itself.
1315
+ 1313 Larry isn't healing himself.
1316
+ 1314 A lot of girls discover itself.
1317
+ 1315 These teenagers alarm itself.
1318
+ 1316 Guy hadn't upset himself.
1319
+ 1317 A documentary isn't disagreeing with themselves.
1320
+ 1318 Veronica was healing themselves.
1321
+ 1319 Some pedestrians don't insult herself.
1322
+ 1320 A lot of cashiers weren't boring herself.
1323
+ 1321 Those dancers had approached itself.
1324
+ 1322 Some women will insult itself.
1325
+ 1323 Bruce found himself.
1326
+ 1324 Timothy should cure himself.
1327
+ 1325 Stacey was discovering themselves.
1328
+ 1326 The Lutherans know themselves.
1329
+ 1327 A lot of drivers do boast about herself.
1330
+ 1328 Roger kissed himself.
1331
+ 1329 Laurie has described herself.
1332
+ 1330 Deborah alarmed herself.
1333
+ 1331 Most girls complained about himself.
1334
+ 1332 Waitresses aren't listening to itself.
1335
+ 1333 Allison wasn't kissing herself.
1336
+ 1334 Melissa hadn't discussed herself.
1337
+ 1335 These schools confuse herself.
1338
+ 1336 Kevin doesn't care for himself.
1339
+ 1337 Michael isn't astounding themselves.
1340
+ 1338 Many children talk to himself.
1341
+ 1339 Many women found themselves.
1342
+ 1340 Carlos did talk to himself.
1343
+ 1341 Heidi was stunning herself.
1344
+ 1342 Tracy hasn't stunned herself.
1345
+ 1343 The Lutherans dislike itself.
1346
+ 1344 Some men care for itself.
1347
+ 1345 Many actors are boring themselves.
1348
+ 1346 Drivers loved himself.
1349
+ 1347 Melanie won't kiss themselves.
1350
+ 1348 Donald hired himself.
1351
+ 1349 Carlos approached himself.
1352
+ 1350 Meredith was escaping from herself.
1353
+ 1351 Stacy astounded herself.
1354
+ 1352 Customers would discuss themselves.
1355
+ 1353 An association impresses themselves.
1356
+ 1354 Those ladies weren't talking to itself.
1357
+ 1355 Carl is admiring themselves.
1358
+ 1356 Sandra hid herself.
1359
+ 1357 Those actors can't question itself.
1360
+ 1358 Jerry is finding themselves.
1361
+ 1359 Roger does complain about himself.
1362
+ 1360 Amy has concealed herself.
1363
+ 1361 Edward had distracted himself.
1364
+ 1362 A lot of waitresses complained about himself.
1365
+ 1363 Most customers won't hate herself.
1366
+ 1364 Candice liked herself.
1367
+ 1365 Janet complained about themselves.
1368
+ 1366 Maria was insulting herself.
1369
+ 1367 All guys are approaching themselves.
1370
+ 1368 Most children admired himself.
1371
+ 1369 A lot of committees have astounded itself.
1372
+ 1370 The Borgias investigated themselves.
1373
+ 1371 Those men question herself.
1374
+ 1372 Charles isn't annoying himself.
1375
+ 1373 Some guys were concealing themselves.
1376
+ 1374 These guests weren't boring herself.
1377
+ 1375 Carla can talk to herself.
1378
+ 1376 A lot of teenagers hadn't attacked himself.
1379
+ 1377 Some lady couldn't return to herself.
1380
+ 1378 A lot of associations do upset himself.
1381
+ 1379 Some boys weren't concealing himself.
1382
+ 1380 Peter worried himself.
1383
+ 1381 Cindy does praise themselves.
1384
+ 1382 A book hasn't disagreed with themselves.
1385
+ 1383 Bill isn't disturbing himself.
1386
+ 1384 Angela worried herself.
1387
+ 1385 All people weren't fleeing from themselves.
1388
+ 1386 Many teachers are shocking herself.
1389
+ 1387 Jane is watching herself.
1390
+ 1388 All drivers haven't insulted itself.
1391
+ 1389 Ann isn't visiting herself.
1392
+ 1390 All doctors had thought about herself.
1393
+ 1391 Amy hasn't questioned herself.
1394
+ 1392 Samuel has hurt himself.
1395
+ 1393 All banks annoy herself.
1396
+ 1394 Homer astounded himself.
1397
+ 1395 Florence wouldn't question herself.
1398
+ 1396 Women have watched herself.
1399
+ 1397 The banks dislike herself.
1400
+ 1398 Some people dislike herself.
1401
+ 1399 A library alarms itself.
1402
+ 1400 All companies disgust themselves.
1403
+ 1401 Some guys disliked themselves.
1404
+ 1402 All girls couldn't hire themselves.
1405
+ 1403 Doctors flee from themselves.
1406
+ 1404 All drivers could notice themselves.
1407
+ 1405 Keith discovered himself.
1408
+ 1406 These guests had insulted itself.
1409
+ 1407 Some students complain about themselves.
1410
+ 1408 A lot of actors haven't distracted themselves.
1411
+ 1409 Noah does conceal himself.
1412
+ 1410 Angela concealed herself.
1413
+ 1411 Stacey couldn't irritate herself.
1414
+ 1412 A lot of teachers escape from itself.
1415
+ 1413 That museum alarms itself.
1416
+ 1414 James impressed himself.
1417
+ 1415 Eric should criticize himself.
1418
+ 1416 Men confuse himself.
1419
+ 1417 Sara can flee from themselves.
1420
+ 1418 All people irritate themselves.
1421
+ 1419 These teachers don't impress themselves.
1422
+ 1420 Russell wasn't shocking themselves.
1423
+ 1421 Actresses complain about himself.
1424
+ 1422 Aaron might kiss themselves.
1425
+ 1423 Adam had disgusted himself.
1426
+ 1424 Adam referenced themselves.
1427
+ 1425 Dan hired himself.
1428
+ 1426 Boys appreciate himself.
1429
+ 1427 Andrea is discovering themselves.
1430
+ 1428 Sarah had appreciated herself.
1431
+ 1429 Those drivers aren't impressing itself.
1432
+ 1430 The Lutherans knew itself.
1433
+ 1431 Those doctors weren't annoying himself.
1434
+ 1432 Pamela could confuse themselves.
1435
+ 1433 Allison concealed herself.
1436
+ 1434 A lot of patients hadn't fled from itself.
1437
+ 1435 Many people watched themselves.
1438
+ 1436 Many cashiers approach itself.
1439
+ 1437 The Lutherans observed itself.
1440
+ 1438 Amy was questioning herself.
1441
+ 1439 Stacey was questioning themselves.
1442
+ 1440 Caroline was appreciating herself.
1443
+ 1441 Harvard University impressed itself.
1444
+ 1442 Those universities embarrassed herself.
1445
+ 1443 Rebecca shouldn't worry herself.
1446
+ 1444 Russell isn't questioning himself.
1447
+ 1445 Some committee should annoy itself.
1448
+ 1446 Those girls reveal itself.
1449
+ 1447 Some government worries themselves.
1450
+ 1448 These doctors had hidden herself.
1451
+ 1449 Carol had hated herself.
1452
+ 1450 Joel wasn't appreciating himself.
1453
+ 1451 Some actors haven't aggravated itself.
1454
+ 1452 Caroline wasn't admiring herself.
1455
+ 1453 Kevin should find himself.
1456
+ 1454 The Lutherans do escape from themselves.
1457
+ 1455 Roger insulted himself.
1458
+ 1456 Danielle was finding herself.
1459
+ 1457 Some adults questioned himself.
1460
+ 1458 These guys will describe itself.
1461
+ 1459 Alan has astounded himself.
1462
+ 1460 Guys hadn't sounded like herself.
1463
+ 1461 Denise stunned herself.
1464
+ 1462 A lot of actresses were attacking itself.
1465
+ 1463 Jessica liked herself.
1466
+ 1464 Diana had listened to herself.
1467
+ 1465 The actors weren't working with himself.
1468
+ 1466 Some men dislike itself.
1469
+ 1467 Catherine wasn't talking to themselves.
1470
+ 1468 The Borgias haven't appreciated itself.
1471
+ 1469 Kenneth was visiting himself.
1472
+ 1470 Tiffany is noticing herself.
1473
+ 1471 The students boasted about themselves.
1474
+ 1472 Many women hate itself.
1475
+ 1473 Gary thought about themselves.
1476
+ 1474 Mary returned to herself.
1477
+ 1475 All doctors help themselves.
1478
+ 1476 Every waitress has observed herself.
1479
+ 1477 Liam hadn't astounded themselves.
1480
+ 1478 Larry is describing themselves.
1481
+ 1479 Some girls investigate itself.
1482
+ 1480 Tammy might insult themselves.
1483
+ 1481 Veronica doesn't irritate themselves.
1484
+ 1482 Waiters concealed itself.
1485
+ 1483 Mitchell wasn't disturbing himself.
1486
+ 1484 All people work with himself.
1487
+ 1485 Chad wasn't working with themselves.
1488
+ 1486 Some girls approach itself.
1489
+ 1487 These drivers couldn't conceal itself.
1490
+ 1488 Candice is revealing themselves.
1491
+ 1489 Ella kissed themselves.
1492
+ 1490 Most teachers have disliked itself.
1493
+ 1491 Sally had investigated herself.
1494
+ 1492 Many banks have discussed herself.
1495
+ 1493 The Lutherans disliked themselves.
1496
+ 1494 Teenagers would love itself.
1497
+ 1495 Allison hasn't noticed themselves.
1498
+ 1496 Ladies had referenced herself.
1499
+ 1497 Some dancers insult itself.
1500
+ 1498 David had hurt himself.
1501
+ 1499 Chad fired themselves.
1502
+ 1500 The actors hadn't concealed themselves.
1503
+ 1501 Kristin is praising herself.
1504
+ 1502 Irene had bored herself.
1505
+ 1503 Peter noticed himself.
1506
+ 1504 Adults hadn't hidden themselves.
1507
+ 1505 Those waiters watch himself.
1508
+ 1506 Most children didn't boast about themselves.
1509
+ 1507 Clyde has hated themselves.
1510
+ 1508 Alan bored himself.
1511
+ 1509 Carolyn isn't visiting herself.
1512
+ 1510 Jacqueline has bored themselves.
1513
+ 1511 Carlos referenced themselves.
1514
+ 1512 These teenagers can't discover herself.
1515
+ 1513 Those women weren't impressing themselves.
1516
+ 1514 These drivers questioned himself.
1517
+ 1515 The girls discovered herself.
1518
+ 1516 Cheryl couldn't care for themselves.
1519
+ 1517 Most stories disagreed with themselves.
1520
+ 1518 Walter could know himself.
1521
+ 1519 Every library impresses themselves.
1522
+ 1520 Michelle hasn't concealed herself.
1523
+ 1521 Linda stunned herself.
1524
+ 1522 Some men were approaching themselves.
1525
+ 1523 All ladies work with themselves.
1526
+ 1524 Those guys have concealed itself.
1527
+ 1525 Homer can find himself.
1528
+ 1526 Those pedestrians bored himself.
1529
+ 1527 Sandra could upset herself.
1530
+ 1528 Heidi has distracted themselves.
1531
+ 1529 Peter isn't kissing himself.
1532
+ 1530 These students aren't aggravating itself.
1533
+ 1531 Guy bothered himself.
1534
+ 1532 Tara wasn't concealing themselves.
1535
+ 1533 Most teachers concealed himself.
1536
+ 1534 The university can't astound itself.
1537
+ 1535 Some waiters do visit itself.
1538
+ 1536 Those cashiers have concealed himself.
1539
+ 1537 The children can know themselves.
1540
+ 1538 Jacqueline couldn't love herself.
1541
+ 1539 All drivers would praise themselves.
1542
+ 1540 Catherine does complain about themselves.
1543
+ 1541 Beth had upset herself.
1544
+ 1542 These senators had seen herself.
1545
+ 1543 Those schools don't irritate themselves.
1546
+ 1544 Waitresses irritate himself.
1547
+ 1545 A lot of teenagers have visited himself.
1548
+ 1546 All adults worked with herself.
1549
+ 1547 The teenagers scared itself.
1550
+ 1548 Valerie wasn't embarrassing herself.
1551
+ 1549 Rhonda does flee from themselves.
1552
+ 1550 All patients care for themselves.
1553
+ 1551 Sara can visit themselves.
1554
+ 1552 All doctors wouldn't distract herself.
1555
+ 1553 Russell sounds like themselves.
1556
+ 1554 All actresses approached themselves.
1557
+ 1555 These people had revealed himself.
1558
+ 1556 James isn't talking to himself.
1559
+ 1557 Jennifer is concealing themselves.
1560
+ 1558 Debra is discovering herself.
1561
+ 1559 Brett thought about himself.
1562
+ 1560 Jane had upset herself.
1563
+ 1561 All doctors haven't respected themselves.
1564
+ 1562 Marla won't hurt themselves.
1565
+ 1563 These cashiers aren't concealing themselves.
1566
+ 1564 The Impressionists haven't respected itself.
1567
+ 1565 Teresa has remembered herself.
1568
+ 1566 Jessica had fired herself.
1569
+ 1567 Mark doesn't flee from themselves.
1570
+ 1568 Some museum distracted itself.
1571
+ 1569 Most children aren't upsetting herself.
1572
+ 1570 The company upsets itself.
1573
+ 1571 Noah would conceal themselves.
1574
+ 1572 Kendra might shock herself.
1575
+ 1573 The teachers weren't arguing about itself.
1576
+ 1574 Most universities upset himself.
1577
+ 1575 Some bank distracts itself.
1578
+ 1576 These students don't boast about themselves.
1579
+ 1577 Candice shouldn't know herself.
1580
+ 1578 Melinda concealed herself.
1581
+ 1579 Natalie wouldn't hurt herself.
1582
+ 1580 Sandra fled from herself.
1583
+ 1581 April kissed herself.
1584
+ 1582 Travis approached themselves.
1585
+ 1583 A lot of senators watched herself.
1586
+ 1584 Grace cared for herself.
1587
+ 1585 That company annoys itself.
1588
+ 1586 Teenagers were working with itself.
1589
+ 1587 Children haven't appreciated himself.
1590
+ 1588 Candice isn't visiting herself.
1591
+ 1589 Many libraries are stunning herself.
1592
+ 1590 Matt doesn't find themselves.
1593
+ 1591 The girls hadn't scared themselves.
1594
+ 1592 Tiffany isn't criticizing herself.
1595
+ 1593 Bill can reference themselves.
1596
+ 1594 Spain worries itself.
1597
+ 1595 Lawrence had thought about himself.
1598
+ 1596 Connie isn't boasting about herself.
1599
+ 1597 Todd isn't revealing himself.
1600
+ 1598 Mark had talked about themselves.
1601
+ 1599 The Borgias were escaping from themselves.
1602
+ 1600 Phillip hasn't impressed themselves.
1603
+ 1601 Beverly hated herself.
1604
+ 1602 Students are working with themselves.
1605
+ 1603 These men kiss themselves.
1606
+ 1604 That play isn't disagreeing with themselves.
1607
+ 1605 Guests haven't questioned herself.
1608
+ 1606 James distracted himself.
1609
+ 1607 Most girls knew himself.
1610
+ 1608 All men can hug himself.
1611
+ 1609 Those actors admired itself.
1612
+ 1610 A documentary should disagree with themselves.
1613
+ 1611 The guy had admired themselves.
1614
+ 1612 Dancers sounded like themselves.
1615
+ 1613 Some essay is disagreeing with themselves.
1616
+ 1614 Susan wasn't talking about herself.
1617
+ 1615 Amanda would stun themselves.
1618
+ 1616 Melanie would reference herself.
1619
+ 1617 The cashiers help herself.
1620
+ 1618 The adults can return to itself.
1621
+ 1619 Holly hadn't worked with herself.
1622
+ 1620 Jessica won't impress herself.
1623
+ 1621 A lot of waitresses astound itself.
1624
+ 1622 A lot of actors might visit herself.
1625
+ 1623 Actresses hadn't hidden himself.
1626
+ 1624 Those adults hadn't irritated itself.
1627
+ 1625 Some actresses discover herself.
1628
+ 1626 Stephanie couldn't talk to herself.
1629
+ 1627 Many universities haven't worried himself.
1630
+ 1628 Dancers hated himself.
1631
+ 1629 Homer hadn't remembered himself.
1632
+ 1630 All actors wouldn't forget itself.
1633
+ 1631 A lot of girls hadn't hidden himself.
1634
+ 1632 All dancers discussed herself.
1635
+ 1633 Dana impressed themselves.
1636
+ 1634 Some waitress did discuss herself.
1637
+ 1635 Heather wasn't healing herself.
1638
+ 1636 Some ladies aren't worrying themselves.
1639
+ 1637 A lot of drivers fired itself.
1640
+ 1638 Most committees had astounded itself.
1641
+ 1639 Most adults disgusted himself.
1642
+ 1640 Many cashiers cured himself.
1643
+ 1641 Debra was scaring herself.
1644
+ 1642 Some universities aren't bothering themselves.
1645
+ 1643 Vincent astounded himself.
1646
+ 1644 Those students could return to herself.
1647
+ 1645 Alice might confuse herself.
1648
+ 1646 All cashiers aggravated itself.
1649
+ 1647 Deborah can't conceal herself.
1650
+ 1648 A lot of drivers return to itself.
1651
+ 1649 Carlos had discussed themselves.
1652
+ 1650 A lot of girls can watch herself.
1653
+ 1651 Karla hadn't hurt herself.
1654
+ 1652 Jessica escaped from herself.
1655
+ 1653 The Impressionists weren't appreciating herself.
1656
+ 1654 Carl can bother themselves.
1657
+ 1655 Tamara hasn't kissed themselves.
1658
+ 1656 Edward couldn't praise themselves.
1659
+ 1657 Most guys might stun themselves.
1660
+ 1658 A lot of teachers will worry itself.
1661
+ 1659 Brenda wasn't concealing herself.
1662
+ 1660 A lot of women would flee from themselves.
1663
+ 1661 The Lutherans had scared themselves.
1664
+ 1662 A lot of girls weren't shocking herself.
1665
+ 1663 All adults thought about themselves.
1666
+ 1664 This dancer shouldn't aggravate herself.
1667
+ 1665 Most doctors are hurting themselves.
1668
+ 1666 The drivers hadn't returned to themselves.
1669
+ 1667 Nicole should complain about herself.
1670
+ 1668 Heather remembered herself.
1671
+ 1669 The school bothers itself.
1672
+ 1670 The guy distracted themselves.
1673
+ 1671 Walter stunned himself.
1674
+ 1672 Some guy returned to himself.
1675
+ 1673 Tonya helped herself.
1676
+ 1674 Michael was hiding themselves.
1677
+ 1675 Many ladies conceal herself.
1678
+ 1676 Some cashiers talk about themselves.
1679
+ 1677 All actors will dislike itself.
1680
+ 1678 Margaret healed herself.
1681
+ 1679 Most cashiers have distracted himself.
1682
+ 1680 Adults worked with itself.
1683
+ 1681 Rose doesn't reveal herself.
1684
+ 1682 Kendra impressed herself.
1685
+ 1683 Melissa will approach herself.
1686
+ 1684 Those cashiers had sounded like himself.
1687
+ 1685 The teenagers annoyed herself.
1688
+ 1686 Most guys were hiding themselves.
1689
+ 1687 Many actors haven't listened to themselves.
1690
+ 1688 Most pedestrians might observe themselves.
1691
+ 1689 Craig wasn't attacking themselves.
1692
+ 1690 Becca has embarrassed herself.
1693
+ 1691 Some guests conceal himself.
1694
+ 1692 Tina remembered themselves.
1695
+ 1693 Thomas couldn't investigate himself.
1696
+ 1694 Waiters impressed itself.
1697
+ 1695 The Lutherans found itself.
1698
+ 1696 Kristen shouldn't heal herself.
1699
+ 1697 The Borgias hadn't listened to itself.
1700
+ 1698 Dana astounded herself.
1701
+ 1699 All people loved themselves.
1702
+ 1700 Some guests have fired themselves.
1703
+ 1701 Elizabeth hadn't worried herself.
1704
+ 1702 Most pedestrians have kissed herself.
1705
+ 1703 These banks aggravate itself.
1706
+ 1704 Claire wasn't talking to themselves.
1707
+ 1705 Many cashiers hadn't worked with herself.
1708
+ 1706 Alicia concealed herself.
1709
+ 1707 Bradley isn't talking about themselves.
1710
+ 1708 Steven has hurt himself.
1711
+ 1709 Many men are impressing themselves.
1712
+ 1710 Many boys were healing himself.
1713
+ 1711 Jessica is scaring herself.
1714
+ 1712 Carol does worry herself.
1715
+ 1713 Dennis would watch themselves.
1716
+ 1714 Samuel had concealed himself.
1717
+ 1715 Most senators healed themselves.
1718
+ 1716 A lot of girls could observe herself.
1719
+ 1717 Gerald hasn't astounded themselves.
1720
+ 1718 Elizabeth shouldn't remember herself.
1721
+ 1719 Steve insulted himself.
1722
+ 1720 Laurie was hiding herself.
1723
+ 1721 The Lutherans distracted themselves.
1724
+ 1722 Regina was upsetting herself.
1725
+ 1723 Jacqueline disgusted herself.
1726
+ 1724 Carolyn was concealing herself.
1727
+ 1725 Senators haven't embarrassed itself.
1728
+ 1726 Richard disgusted himself.
1729
+ 1727 Kenneth had embarrassed himself.
1730
+ 1728 Most girls conceal herself.
1731
+ 1729 Paula watched herself.
1732
+ 1730 The Impressionists escape from itself.
1733
+ 1731 The actresses notice themselves.
1734
+ 1732 Sharon wasn't disgusting herself.
1735
+ 1733 This company aggravates themselves.
1736
+ 1734 The fish found himself.
1737
+ 1735 Teenagers hadn't complained about themselves.
1738
+ 1736 Bill is discovering himself.
1739
+ 1737 Most guys criticize themselves.
1740
+ 1738 A lot of cashiers aren't working with himself.
1741
+ 1739 Charles couldn't hate himself.
1742
+ 1740 Joseph hasn't disturbed themselves.
1743
+ 1741 Senators might talk about themselves.
1744
+ 1742 Laura hasn't hugged herself.
1745
+ 1743 The teenagers think about herself.
1746
+ 1744 Carlos hasn't referenced themselves.
1747
+ 1745 Steven had returned to himself.
1748
+ 1746 A lot of waiters were listening to herself.
1749
+ 1747 Steve is helping themselves.
1750
+ 1748 Colleen will aggravate herself.
1751
+ 1749 Noah shouldn't argue about himself.
1752
+ 1750 Travis won't approach himself.
1753
+ 1751 Candice hadn't thought about herself.
1754
+ 1752 Every waitress boasted about herself.
1755
+ 1753 Guests concealed herself.
1756
+ 1754 Melissa had bored herself.
1757
+ 1755 Meredith hasn't revealed herself.
1758
+ 1756 The actors were observing herself.
1759
+ 1757 Many teenagers haven't forgotten herself.
1760
+ 1758 Those museums are stunning himself.
1761
+ 1759 Most girls didn't aggravate themselves.
1762
+ 1760 Kevin wasn't disturbing themselves.
1763
+ 1761 Most patients have investigated itself.
1764
+ 1762 Gina didn't see herself.
1765
+ 1763 The man praised themselves.
1766
+ 1764 Carolyn approached herself.
1767
+ 1765 Gary was scaring themselves.
1768
+ 1766 The Borgias were admiring themselves.
1769
+ 1767 People can't approach themselves.
1770
+ 1768 Those people should remember herself.
1771
+ 1769 Most women weren't helping itself.
1772
+ 1770 Most actors hug herself.
1773
+ 1771 All banks had upset himself.
1774
+ 1772 Kimberley had cured herself.
1775
+ 1773 David is questioning themselves.
1776
+ 1774 Most waitresses wouldn't sound like themselves.
1777
+ 1775 Renee bothered themselves.
1778
+ 1776 Homer fired himself.
1779
+ 1777 The Impressionists haven't found themselves.
1780
+ 1778 Andrea didn't dislike themselves.
1781
+ 1779 Girls kiss himself.
1782
+ 1780 These organizations stunned themselves.
1783
+ 1781 Rebecca hired herself.
1784
+ 1782 Patrick approached himself.
1785
+ 1783 Mark hasn't referenced themselves.
1786
+ 1784 Many adults have hired herself.
1787
+ 1785 A lot of people escaped from itself.
1788
+ 1786 Some students shouldn't remember themselves.
1789
+ 1787 Those students listen to herself.
1790
+ 1788 Stephanie will hurt themselves.
1791
+ 1789 Sherry does observe themselves.
1792
+ 1790 Kenneth questioned himself.
1793
+ 1791 April sounded like themselves.
1794
+ 1792 Tara hasn't cured themselves.
1795
+ 1793 Sherry is hiring themselves.
1796
+ 1794 The boy cured himself.
1797
+ 1795 Rose loved herself.
1798
+ 1796 Nina wasn't leaving herself.
1799
+ 1797 Susan escaped from themselves.
1800
+ 1798 Those students visit themselves.
1801
+ 1799 These ladies weren't leaving himself.
1802
+ 1800 Mitchell can't cure himself.
1803
+ 1801 The man is firing themselves.
1804
+ 1802 The girl is kissing herself.
1805
+ 1803 Steve scared themselves.
1806
+ 1804 Tamara has stunned herself.
1807
+ 1805 Florence left herself.
1808
+ 1806 Some teenagers had disgusted himself.
1809
+ 1807 Mark can't find himself.
1810
+ 1808 Edward hadn't discovered themselves.
1811
+ 1809 Some teachers can't love themselves.
1812
+ 1810 Doctors could annoy herself.
1813
+ 1811 Women concealed herself.
1814
+ 1812 Lisa was concealing herself.
1815
+ 1813 These girls had respected himself.
1816
+ 1814 A lot of associations shock herself.
1817
+ 1815 Brett is astounding themselves.
1818
+ 1816 Claire disliked herself.
1819
+ 1817 Many waiters were listening to herself.
1820
+ 1818 Aaron escaped from himself.
1821
+ 1819 Jessica will fire herself.
1822
+ 1820 Amelia will flee from herself.
1823
+ 1821 Joseph isn't shocking himself.
1824
+ 1822 The Impressionists don't question themselves.
1825
+ 1823 Many students aren't aggravating themselves.
1826
+ 1824 All drivers are attacking themselves.
1827
+ 1825 Students had approached herself.
1828
+ 1826 Mitchell has insulted himself.
1829
+ 1827 Sheila is boasting about themselves.
1830
+ 1828 The doctors are observing herself.
1831
+ 1829 Suzanne has alarmed herself.
1832
+ 1830 Stephen has helped himself.
1833
+ 1831 Most doctors weren't observing himself.
1834
+ 1832 David couldn't scare himself.
1835
+ 1833 Many children escape from herself.
1836
+ 1834 Many customers wouldn't bother himself.
1837
+ 1835 That hospital upsets itself.
1838
+ 1836 Guy described himself.
1839
+ 1837 Carol scared herself.
1840
+ 1838 Susan wasn't watching herself.
1841
+ 1839 These children wouldn't admire herself.
1842
+ 1840 Many banks confused herself.
1843
+ 1841 Patricia disliked herself.
1844
+ 1842 Those students complained about himself.
1845
+ 1843 The Lutherans can't admire themselves.
1846
+ 1844 Children returned to himself.
1847
+ 1845 A lot of teachers had talked about herself.
1848
+ 1846 Janet had hired herself.
1849
+ 1847 Many senators investigate himself.
1850
+ 1848 Some guys might annoy himself.
1851
+ 1849 These guests praise themselves.
1852
+ 1850 All actresses aren't firing themselves.
1853
+ 1851 A lot of pedestrians won't forget itself.
1854
+ 1852 Sarah wasn't approaching herself.
1855
+ 1853 Guy talked to himself.
1856
+ 1854 William hasn't hurt themselves.
1857
+ 1855 Actors hadn't concealed itself.
1858
+ 1856 Customers don't respect themselves.
1859
+ 1857 Some children can visit themselves.
1860
+ 1858 Many cashiers have questioned herself.
1861
+ 1859 All senators haven't impressed themselves.
1862
+ 1860 Dana investigated herself.
1863
+ 1861 Lisa couldn't flee from themselves.
1864
+ 1862 April isn't noticing herself.
1865
+ 1863 Many schools irritated itself.
1866
+ 1864 Emily had distracted herself.
1867
+ 1865 Deborah criticized herself.
1868
+ 1866 These adults have disgusted themselves.
1869
+ 1867 Deborah wasn't helping herself.
1870
+ 1868 Tonya thought about herself.
1871
+ 1869 Those cashiers hadn't kissed itself.
1872
+ 1870 Ann could think about herself.
1873
+ 1871 Children can't escape from themselves.
1874
+ 1872 Katherine shocked herself.
1875
+ 1873 Those guys approach herself.
1876
+ 1874 A hospital aggravates themselves.
1877
+ 1875 Some women aren't helping themselves.
1878
+ 1876 Susan hugged herself.
1879
+ 1877 Many adults cured herself.
1880
+ 1878 The ladies bore herself.
1881
+ 1879 Gerald had concealed himself.
1882
+ 1880 Amy had watched herself.
1883
+ 1881 Bill should shock himself.
1884
+ 1882 Sandra respected herself.
1885
+ 1883 Melanie isn't talking about herself.
1886
+ 1884 The Impressionists aren't criticizing herself.
1887
+ 1885 Waiters were escaping from themselves.
1888
+ 1886 Some guests astound themselves.
1889
+ 1887 Marcus saw himself.
1890
+ 1888 Robert talked about himself.
1891
+ 1889 All girls forgot himself.
1892
+ 1890 These ladies aren't shocking themselves.
1893
+ 1891 April has cared for themselves.
1894
+ 1892 Carolyn shouldn't hire themselves.
1895
+ 1893 Ellen knew herself.
1896
+ 1894 Some girls help themselves.
1897
+ 1895 The boys weren't referencing themselves.
1898
+ 1896 Donald does cure himself.
1899
+ 1897 Robert has worried himself.
1900
+ 1898 Many waitresses attacked themselves.
1901
+ 1899 Children appreciate himself.
1902
+ 1900 Benjamin had argued about themselves.
1903
+ 1901 Most guests won't flee from themselves.
1904
+ 1902 Most dancers distract himself.
1905
+ 1903 The Borgias haven't approached herself.
1906
+ 1904 Those pedestrians aren't healing herself.
1907
+ 1905 Boys hurt herself.
1908
+ 1906 Douglas hasn't bothered themselves.
1909
+ 1907 These women observed herself.
1910
+ 1908 Cheryl hasn't criticized themselves.
1911
+ 1909 Sara shocked herself.
1912
+ 1910 Maria thought about themselves.
1913
+ 1911 Donald respected himself.
1914
+ 1912 All actors aren't noticing themselves.
1915
+ 1913 Most pedestrians had irritated themselves.
1916
+ 1914 Jessica watched herself.
1917
+ 1915 All actresses couldn't reveal herself.
1918
+ 1916 Every organization aggravates themselves.
1919
+ 1917 The Borgias are admiring itself.
1920
+ 1918 John stunned himself.
1921
+ 1919 Irene wasn't concealing herself.
1922
+ 1920 The governments hadn't alarmed itself.
1923
+ 1921 Many waitresses were scaring itself.
1924
+ 1922 A story disagreed with themselves.
1925
+ 1923 Craig will annoy himself.
1926
+ 1924 Martha shocked herself.
1927
+ 1925 Tara wasn't describing themselves.
1928
+ 1926 The teachers disturb themselves.
1929
+ 1927 Some ladies disagree with themselves.
1930
+ 1928 Most adults didn't help himself.
1931
+ 1929 Some people are talking about themselves.
1932
+ 1930 Alicia can heal herself.
1933
+ 1931 Alan escaped from themselves.
1934
+ 1932 Raymond fled from themselves.
1935
+ 1933 Benjamin doesn't distract themselves.
1936
+ 1934 Most pedestrians didn't visit itself.
1937
+ 1935 Melanie hasn't visited themselves.
1938
+ 1936 Ella shouldn't listen to herself.
1939
+ 1937 Most pedestrians hadn't disgusted himself.
1940
+ 1938 The dancers were attacking himself.
1941
+ 1939 Ronald hurt himself.
1942
+ 1940 The waiters couldn't reveal herself.
1943
+ 1941 Lisa did find herself.
1944
+ 1942 Christina can't respect herself.
1945
+ 1943 Donald hadn't kissed themselves.
1946
+ 1944 Heidi isn't questioning herself.
1947
+ 1945 Those boys wouldn't heal themselves.
1948
+ 1946 Paul isn't stunning themselves.
1949
+ 1947 George had bothered himself.
1950
+ 1948 Those patients did disgust themselves.
1951
+ 1949 The Lutherans couldn't visit itself.
1952
+ 1950 Some customers shouldn't hire himself.
1953
+ 1951 Those guys cured itself.
1954
+ 1952 Tara wasn't referencing themselves.
1955
+ 1953 Most students attacked itself.
1956
+ 1954 A lot of actors upset herself.
1957
+ 1955 Keith could respect himself.
zeroshot/argument_structure/eval_results.json ADDED
@@ -0,0 +1 @@
 
 
1
+ {"eval_accuracy": 0.5603782735208536}
zeroshot/argument_structure/predictions.txt ADDED
The diff for this file is too large to render. See raw diff
 
zeroshot/binding/eval_results.json ADDED
@@ -0,0 +1 @@
 
 
1
+ {"eval_accuracy": 0.4749183734045711}
zeroshot/binding/predictions.txt ADDED
The diff for this file is too large to render. See raw diff
 
zeroshot/control_raising/eval_results.json ADDED
@@ -0,0 +1 @@
 
 
1
+ {"eval_accuracy": 0.5859478568272205}
zeroshot/control_raising/predictions.txt ADDED
The diff for this file is too large to render. See raw diff
 
zeroshot/determiner_noun_agreement/eval_results.json ADDED
@@ -0,0 +1 @@
 
 
1
+ {"eval_accuracy": 0.4969504110315566}
zeroshot/determiner_noun_agreement/predictions.txt ADDED
The diff for this file is too large to render. See raw diff
 
zeroshot/ellipsis/eval_results.json ADDED
@@ -0,0 +1 @@
 
 
1
+ {"eval_accuracy": 0.39838337182448036}
zeroshot/ellipsis/predictions.txt ADDED
The diff for this file is too large to render. See raw diff
 
zeroshot/filler_gap/eval_results.json ADDED
@@ -0,0 +1 @@
 
 
1
+ {"eval_accuracy": 0.4548708372237784}
zeroshot/filler_gap/predictions.txt ADDED
The diff for this file is too large to render. See raw diff
 
zeroshot/hypernym/eval_results.json ADDED
@@ -0,0 +1 @@
 
 
1
+ {"eval_accuracy": 0.49186046511627907}
zeroshot/hypernym/predictions.txt ADDED
@@ -0,0 +1,861 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ index prediction
2
+ 0 If she has a dog, it must be the case that she has a mammal.
3
+ 1 She doesn't have a chihuahua, so she doesn't have a dog.
4
+ 2 She doesn't have a dog, so she doesn't have a mammal.
5
+ 3 If she has a chihuahua, it must be the case that she has a dog.
6
+ 4 If she has a chihuahua, then she has a cat.
7
+ 5 If she has a chihuahua, then she doesn't have a cat.
8
+ 6 The girl has a dog, therefore the girl has a poodle.
9
+ 7 If the girl doesn't have a dog, then the girl doesn't have a poodle.
10
+ 8 If the girl doesn't have a dog, it must be the case that the girl doesn't have a mammal.
11
+ 9 If the girl has a poodle, it must be the case that the girl has a dog.
12
+ 10 The girl has a poodle, therefore the girl has a dog.
13
+ 11 If the girl has a poodle, it must be the case that the girl doesn't have a cat.
14
+ 12 If David has a dog, that means David has a poodle.
15
+ 13 David doesn't have a poodle, so David doesn't have a dog.
16
+ 14 If David doesn't have a dog, then David doesn't have a poodle.
17
+ 15 David has a dog, so David has a poodle.
18
+ 16 If David has a poodle, that means David has a cat.
19
+ 17 If David has a poodle, that means David doesn't have a cat.
20
+ 18 He has a dog, therefore he has a mammal.
21
+ 19 If he doesn't have a dog, that means he doesn't have a poodle.
22
+ 20 He doesn't have a dog, therefore he doesn't have a mammal.
23
+ 21 If he has a dog, it must be the case that he has a poodle.
24
+ 22 If he has a poodle, that means he has a cat.
25
+ 23 He has a poodle, therefore he doesn't have a cat.
26
+ 24 He has a dog, therefore he has a pit bull.
27
+ 25 If he doesn't have a pit bull, then he doesn't have a dog.
28
+ 26 He doesn't have a dog, therefore he doesn't have a pit bull.
29
+ 27 If he has a dog, that means he has a pit bull.
30
+ 28 If he has a pit bull, then he has a cat.
31
+ 29 If he has a pit bull, then he doesn't have a cat.
32
+ 30 David has a dog, therefore David has a mammal.
33
+ 31 David doesn't have a dog, therefore David doesn't have a mammal.
34
+ 32 If she has a dog, it must be the case that she has a mammal.
35
+ 33 She doesn't have a dog, therefore she doesn't have a mammal.
36
+ 34 The boy has a dog, therefore the boy has a poodle.
37
+ 35 The boy doesn't have a dog, therefore the boy doesn't have a poodle.
38
+ 36 If the boy doesn't have a dog, it must be the case that the boy doesn't have a mammal.
39
+ 37 The boy has a dog, therefore the boy has a poodle.
40
+ 38 The boy has a poodle, so the boy has a dog.
41
+ 39 The boy has a poodle, so the boy doesn't have a cat.
42
+ 40 If David has a dog, that means David has a pit bull.
43
+ 41 David doesn't have a pit bull, therefore David doesn't have a dog.
44
+ 42 David doesn't have a dog, so David doesn't have a pit bull.
45
+ 43 If David has a pit bull, it must be the case that David has a dog.
46
+ 44 David has a pit bull, so David has a cat.
47
+ 45 David has a pit bull, therefore David doesn't have a cat.
48
+ 46 If he has a dog, that means he has a mammal.
49
+ 47 If he doesn't have a chihuahua, it must be the case that he doesn't have a dog.
50
+ 48 If he doesn't have a dog, that means he doesn't have a mammal.
51
+ 49 If he has a dog, it must be the case that he has a chihuahua.
52
+ 50 He has a chihuahua, so he has a cat.
53
+ 51 He has a chihuahua, so he doesn't have a cat.
54
+ 52 The girl has a dog, therefore the girl has a mammal.
55
+ 53 The girl doesn't have a dog, so the girl doesn't have a mammal.
56
+ 54 If David has a dog, it must be the case that David has a mammal.
57
+ 55 If David doesn't have a chihuahua, then David doesn't have a dog.
58
+ 56 If David doesn't have a dog, that means David doesn't have a mammal.
59
+ 57 If David has a dog, then David has a chihuahua.
60
+ 58 David has a chihuahua, so David has a cat.
61
+ 59 David has a chihuahua, therefore David doesn't have a cat.
62
+ 60 If he built a house, that means he built a building.
63
+ 61 If he didn't build a mansion, then he didn't build a house.
64
+ 62 If he didn't build a house, it must be the case that he didn't build a building.
65
+ 63 If he built a house, then he built a mansion.
66
+ 64 If he built a mansion, then he built a house.
67
+ 65 If he built a mansion, then he didn't build a church.
68
+ 66 If she built a house, then she built a building.
69
+ 67 She didn't build a house, so she didn't build a mansion.
70
+ 68 If she didn't build a house, it must be the case that she didn't build a building.
71
+ 69 If she built a mansion, that means she built a house.
72
+ 70 She built a mansion, so she built a church.
73
+ 71 If she built a mansion, it must be the case that she didn't build a house.
74
+ 72 The contractor built a house, therefore the contractor built a building.
75
+ 73 If the contractor didn't build a mansion, it must be the case that the contractor didn't build a house.
76
+ 74 The contractor didn't build a house, therefore the contractor didn't build a building.
77
+ 75 If the contractor built a mansion, then the contractor built a house.
78
+ 76 If the contractor built a mansion, then the contractor built a house.
79
+ 77 The contractor built a mansion, therefore the contractor didn't build a church.
80
+ 78 If the construction company built a house, that means the construction company built a building.
81
+ 79 If the construction company didn't build a house, then the construction company didn't build a mansion.
82
+ 80 If the construction company didn't build a house, then the construction company didn't build a building.
83
+ 81 If the construction company built a house, it must be the case that the construction company built a mansion.
84
+ 82 If the construction company built a mansion, that means the construction company built a church.
85
+ 83 The construction company built a mansion, so the construction company didn't build a church.
86
+ 84 If he built a house, it must be the case that he built a building.
87
+ 85 If he didn't build a cottage, then he didn't build a house.
88
+ 86 He didn't build a house, so he didn't build a building.
89
+ 87 If he built a house, that means he built a cottage.
90
+ 88 If he built a cottage, that means he built a church.
91
+ 89 If he built a cottage, that means he didn't build a church.
92
+ 90 If she built a house, it must be the case that she built a building.
93
+ 91 If she didn't build a cottage, it must be the case that she didn't build a house.
94
+ 92 If she didn't build a house, that means she didn't build a building.
95
+ 93 If she built a cottage, that means she built a house.
96
+ 94 She built a cottage, therefore she built a house.
97
+ 95 She built a cottage, so she didn't build a house.
98
+ 96 If the contractor built a house, it must be the case that the contractor built a building.
99
+ 97 If the contractor didn't build a cottage, that means the contractor didn't build a house.
100
+ 98 The contractor didn't build a house, so the contractor didn't build a building.
101
+ 99 If the contractor built a cottage, that means the contractor built a house.
102
+ 100 If the contractor built a cottage, that means the contractor built a church.
103
+ 101 The contractor built a cottage, so the contractor didn't build a church.
104
+ 102 If the construction company built a house, then the construction company built a building.
105
+ 103 The construction company didn't build a house, therefore the construction company didn't build a cottage.
106
+ 104 The construction company didn't build a house, so the construction company didn't build a building.
107
+ 105 If the construction company built a house, it must be the case that the construction company built a cottage.
108
+ 106 The construction company built a cottage, therefore the construction company built a house.
109
+ 107 The construction company built a cottage, so the construction company didn't build a house.
110
+ 108 If he is wearing pants, that means he is wearing clothing.
111
+ 109 He is wearing pants, so he is wearing jeans.
112
+ 110 If he is wearing jeans, then he is wearing socks.
113
+ 111 If she is wearing pants, it must be the case that she is wearing clothing.
114
+ 112 She is wearing pants, so she is wearing jeans.
115
+ 113 If she is wearing jeans, then she is wearing pants.
116
+ 114 The boy is wearing pants, so the boy is wearing clothing.
117
+ 115 If the boy is wearing pants, then the boy is wearing jeans.
118
+ 116 If the boy is wearing jeans, it must be the case that the boy is wearing pants.
119
+ 117 The girl is wearing pants, therefore the girl is wearing clothing.
120
+ 118 The girl is wearing jeans, so the girl is wearing pants.
121
+ 119 If the girl is wearing jeans, it must be the case that the girl is wearing pants.
122
+ 120 She is chopping a pepper, therefore she is chopping a chili.
123
+ 121 If she isn't chopping a pepper, it must be the case that she isn't chopping a chili.
124
+ 122 The chef is chopping a pepper, so the chef is chopping a chili.
125
+ 123 The chef isn't chopping a pepper, therefore the chef isn't chopping a chili.
126
+ 124 If the cook is chopping a pepper, that means the cook is chopping a chili.
127
+ 125 If the cook isn't chopping a pepper, that means the cook isn't chopping a chili.
128
+ 126 If he is chopping a pepper, that means he is chopping a chili.
129
+ 127 He isn't chopping a pepper, therefore he isn't chopping a chili.
130
+ 128 The speaker is playing a song, therefore the speaker is playing a ballad.
131
+ 129 The speaker isn't playing a ballad, so the speaker isn't playing a song.
132
+ 130 The speaker isn't playing a song, so the speaker isn't playing a ballad.
133
+ 131 If the speaker is playing a song, that means the speaker is playing a ballad.
134
+ 132 The speaker is playing a ballad, therefore the speaker is playing a song.
135
+ 133 The speaker is playing a ballad, so the speaker isn't playing a song.
136
+ 134 He is playing a song, so he is playing an anthem.
137
+ 135 If he isn't playing an anthem, it must be the case that he isn't playing a song.
138
+ 136 If he isn't playing a song, then he isn't playing an anthem.
139
+ 137 He is playing a song, therefore he is playing an anthem.
140
+ 138 He is playing an anthem, therefore he is playing a song.
141
+ 139 He is playing an anthem, therefore he isn't playing a song.
142
+ 140 She is playing a song, so she is playing an anthem.
143
+ 141 If she isn't playing an anthem, it must be the case that she isn't playing a song.
144
+ 142 If she isn't playing a song, it must be the case that she isn't playing an anthem.
145
+ 143 If she is playing a song, it must be the case that she is playing an anthem.
146
+ 144 If she is playing an anthem, it must be the case that she is playing a song.
147
+ 145 If she is playing an anthem, then she isn't playing a song.
148
+ 146 She is playing a song, therefore she is playing a ballad.
149
+ 147 She isn't playing a ballad, therefore she isn't playing a song.
150
+ 148 If she isn't playing a song, then she isn't playing a ballad.
151
+ 149 If she is playing a song, then she is playing a ballad.
152
+ 150 She is playing a ballad, therefore she is playing a song.
153
+ 151 She is playing a ballad, therefore she isn't playing a song.
154
+ 152 If the musician is playing a song, then the musician is playing an anthem.
155
+ 153 If the musician isn't playing an anthem, it must be the case that the musician isn't playing a song.
156
+ 154 If the musician isn't playing a song, it must be the case that the musician isn't playing an anthem.
157
+ 155 The musician is playing a song, therefore the musician is playing an anthem.
158
+ 156 If the musician is playing an anthem, then the musician is playing a song.
159
+ 157 If the musician is playing an anthem, it must be the case that the musician isn't playing a song.
160
+ 158 If he is playing a song, then he is playing a ballad.
161
+ 159 If he isn't playing a song, it must be the case that he isn't playing a ballad.
162
+ 160 He isn't playing a song, so he isn't playing a musical piece.
163
+ 161 He is playing a ballad, therefore he is playing a song.
164
+ 162 If he is playing a ballad, that means he is playing a song.
165
+ 163 If he is playing a ballad, then he isn't playing a song.
166
+ 164 If the musician is playing a song, that means the musician is playing a ballad.
167
+ 165 If the musician isn't playing a song, then the musician isn't playing a ballad.
168
+ 166 The musician isn't playing a song, so the musician isn't playing a ballad.
169
+ 167 If the musician is playing a song, that means the musician is playing a ballad.
170
+ 168 If the musician is playing a ballad, that means the musician is playing a song.
171
+ 169 If the musician is playing a ballad, then the musician isn't playing a song.
172
+ 170 The speaker is playing a song, therefore the speaker is playing an anthem.
173
+ 171 The speaker isn't playing an anthem, therefore the speaker isn't playing a song.
174
+ 172 If the speaker isn't playing a song, that means the speaker isn't playing an anthem.
175
+ 173 The speaker is playing an anthem, therefore the speaker is playing a song.
176
+ 174 The speaker is playing an anthem, therefore the speaker is playing a song.
177
+ 175 If the speaker is playing an anthem, then the speaker isn't playing a song.
178
+ 176 If he is growing herbs, then he is growing plants.
179
+ 177 If he isn't growing herbs, that means he isn't growing basil.
180
+ 178 If he isn't growing herbs, that means he isn't growing plants.
181
+ 179 If he is growing basil, that means he is growing herbs.
182
+ 180 If he is growing basil, then he is growing flowers.
183
+ 181 He is growing basil, therefore he isn't growing flowers.
184
+ 182 If the farm is growing herbs, it must be the case that the farm is growing plants.
185
+ 183 If the farm isn't growing basil, it must be the case that the farm isn't growing herbs.
186
+ 184 If the farm isn't growing herbs, that means the farm isn't growing plants.
187
+ 185 The farm is growing basil, so the farm is growing herbs.
188
+ 186 If the farm is growing basil, that means the farm is growing flowers.
189
+ 187 If the farm is growing basil, that means the farm isn't growing flowers.
190
+ 188 If she is growing herbs, then she is growing plants.
191
+ 189 If she isn't growing herbs, that means she isn't growing rosemary.
192
+ 190 She isn't growing herbs, so she isn't growing plants.
193
+ 191 If she is growing herbs, it must be the case that she is growing rosemary.
194
+ 192 She is growing rosemary, so she is growing flowers.
195
+ 193 If she is growing rosemary, then she isn't growing flowers.
196
+ 194 She is growing herbs, so she is growing plants.
197
+ 195 If she isn't growing herbs, it must be the case that she isn't growing basil.
198
+ 196 She isn't growing herbs, so she isn't growing plants.
199
+ 197 She is growing basil, therefore she is growing herbs.
200
+ 198 If she is growing basil, then she is growing flowers.
201
+ 199 If she is growing basil, then she isn't growing flowers.
202
+ 200 The farm is growing herbs, therefore the farm is growing plants.
203
+ 201 If the farm isn't growing rosemary, that means the farm isn't growing herbs.
204
+ 202 If the farm isn't growing herbs, that means the farm isn't growing plants.
205
+ 203 The farm is growing rosemary, therefore the farm is growing herbs.
206
+ 204 If the farm is growing rosemary, then the farm is growing flowers.
207
+ 205 If the farm is growing rosemary, then the farm isn't growing flowers.
208
+ 206 He is growing herbs, therefore he is growing plants.
209
+ 207 If he isn't growing herbs, it must be the case that he isn't growing rosemary.
210
+ 208 If he isn't growing herbs, then he isn't growing plants.
211
+ 209 He is growing herbs, therefore he is growing rosemary.
212
+ 210 If he is growing rosemary, then he is growing flowers.
213
+ 211 He is growing rosemary, therefore he isn't growing flowers.
214
+ 212 If the gardener is growing herbs, it must be the case that the gardener is growing plants.
215
+ 213 The gardener isn't growing basil, so the gardener isn't growing herbs.
216
+ 214 If the gardener isn't growing herbs, it must be the case that the gardener isn't growing plants.
217
+ 215 If the gardener is growing herbs, then the gardener is growing basil.
218
+ 216 The gardener is growing basil, therefore the gardener is growing flowers.
219
+ 217 If the gardener is growing basil, that means the gardener isn't growing flowers.
220
+ 218 If the gardener is growing herbs, then the gardener is growing plants.
221
+ 219 If the gardener isn't growing herbs, that means the gardener isn't growing rosemary.
222
+ 220 If the gardener isn't growing herbs, it must be the case that the gardener isn't growing plants.
223
+ 221 If the gardener is growing herbs, it must be the case that the gardener is growing rosemary.
224
+ 222 The gardener is growing rosemary, therefore the gardener is growing flowers.
225
+ 223 If the gardener is growing rosemary, that means the gardener isn't growing flowers.
226
+ 224 If he is hosting a party, it must be the case that he is hosting an event.
227
+ 225 He isn't hosting a party, therefore he isn't hosting a wedding.
228
+ 226 He isn't hosting a party, therefore he isn't hosting an event.
229
+ 227 He is hosting a party, so he is hosting a wedding.
230
+ 228 If he is hosting a wedding, it must be the case that he is hosting a party.
231
+ 229 If he is hosting a wedding, that means he isn't hosting a party.
232
+ 230 If she is hosting a party, then she is hosting a wedding.
233
+ 231 She isn't hosting a party, so she isn't hosting a wedding.
234
+ 232 If she isn't hosting a party, then she isn't hosting a wedding.
235
+ 233 If she is hosting a wedding, that means she is hosting a party.
236
+ 234 She is hosting a wedding, therefore she is hosting a party.
237
+ 235 She is hosting a wedding, so she isn't hosting a party.
238
+ 236 If the hotel is hosting a party, then the hotel is hosting an event.
239
+ 237 The hotel isn't hosting a wedding, so the hotel isn't hosting a party.
240
+ 238 If the hotel isn't hosting a party, then the hotel isn't hosting an event.
241
+ 239 The hotel is hosting a wedding, so the hotel is hosting a party.
242
+ 240 If the hotel is hosting a wedding, that means the hotel is hosting a party.
243
+ 241 If the hotel is hosting a wedding, then the hotel isn't hosting a party.
244
+ 242 If he is hosting a party, it must be the case that he is hosting an event.
245
+ 243 If he isn't hosting a party, then he isn't hosting a ball.
246
+ 244 He isn't hosting a party, so he isn't hosting an event.
247
+ 245 He is hosting a ball, so he is hosting a party.
248
+ 246 If he is hosting a ball, that means he is hosting a party.
249
+ 247 He is hosting a ball, therefore he isn't hosting a party.
250
+ 248 If she is hosting a party, it must be the case that she is hosting an event.
251
+ 249 If she isn't hosting a party, that means she isn't hosting a ball.
252
+ 250 If she isn't hosting a party, then she isn't hosting an event.
253
+ 251 If she is hosting a ball, then she is hosting a party.
254
+ 252 She is hosting a ball, therefore she is hosting a party.
255
+ 253 If she is hosting a ball, that means she isn't hosting a party.
256
+ 254 The hotel is hosting a party, so the hotel is hosting an event.
257
+ 255 If the hotel isn't hosting a ball, it must be the case that the hotel isn't hosting a party.
258
+ 256 If the hotel isn't hosting a party, then the hotel isn't hosting an event.
259
+ 257 The hotel is hosting a party, so the hotel is hosting a ball.
260
+ 258 If the hotel is hosting a ball, it must be the case that the hotel is hosting a party.
261
+ 259 If the hotel is hosting a ball, then the hotel isn't hosting a party.
262
+ 260 He is hosting a party, therefore he is hosting an event.
263
+ 261 If he isn't hosting a party, then he isn't hosting an event.
264
+ 262 If she is hosting a party, then she is hosting an event.
265
+ 263 If she isn't hosting a party, then she isn't hosting an event.
266
+ 264 If the hotel is hosting a party, that means the hotel is hosting an event.
267
+ 265 The hotel isn't hosting a party, therefore the hotel isn't hosting an event.
268
+ 266 The boy is donating an organ, so the boy is donating a kidney.
269
+ 267 If the boy isn't donating an organ, it must be the case that the boy isn't donating a kidney.
270
+ 268 If David is donating an organ, that means David is donating a kidney.
271
+ 269 David isn't donating an organ, therefore David isn't donating a kidney.
272
+ 270 If she is donating an organ, then she is donating a heart.
273
+ 271 If she isn't donating a heart, that means she isn't donating an organ.
274
+ 272 She isn't donating an organ, therefore she isn't donating a heart.
275
+ 273 She is donating an organ, therefore she is donating a heart.
276
+ 274 If she is donating a heart, it must be the case that she is donating an organ.
277
+ 275 If she is donating a heart, then she isn't donating an organ.
278
+ 276 If the girl is donating an organ, then the girl is donating a heart.
279
+ 277 If the girl isn't donating a heart, then the girl isn't donating an organ.
280
+ 278 If the girl isn't donating an organ, it must be the case that the girl isn't donating a heart.
281
+ 279 If the girl is donating an organ, it must be the case that the girl is donating a heart.
282
+ 280 The girl is donating a heart, so the girl is donating an organ.
283
+ 281 The girl is donating a heart, so the girl isn't donating an organ.
284
+ 282 If Sarah is donating an organ, that means Sarah is donating a liver.
285
+ 283 If Sarah isn't donating a liver, then Sarah isn't donating an organ.
286
+ 284 Sarah isn't donating an organ, so Sarah isn't donating a body part.
287
+ 285 Sarah is donating an organ, therefore Sarah is donating a liver.
288
+ 286 Sarah is donating a liver, so Sarah is donating an organ.
289
+ 287 Sarah is donating a liver, therefore Sarah isn't donating an organ.
290
+ 288 If she is donating an organ, that means she is donating a liver.
291
+ 289 If she isn't donating a liver, that means she isn't donating an organ.
292
+ 290 If she isn't donating an organ, that means she isn't donating a liver.
293
+ 291 If she is donating a liver, it must be the case that she is donating an organ.
294
+ 292 She is donating a liver, therefore she is donating an organ.
295
+ 293 If she is donating a liver, that means she isn't donating an organ.
296
+ 294 If David is donating an organ, it must be the case that David is donating a liver.
297
+ 295 If David isn't donating an organ, it must be the case that David isn't donating a liver.
298
+ 296 If David isn't donating an organ, then David isn't donating a liver.
299
+ 297 If David is donating an organ, it must be the case that David is donating a liver.
300
+ 298 If David is donating a liver, it must be the case that David is donating an organ.
301
+ 299 David is donating a liver, so David isn't donating an organ.
302
+ 300 If he is donating an organ, that means he is donating a heart.
303
+ 301 If he isn't donating an organ, then he isn't donating a heart.
304
+ 302 If he isn't donating an organ, that means he isn't donating a heart.
305
+ 303 He is donating an organ, therefore he is donating a heart.
306
+ 304 If he is donating a heart, that means he is donating an organ.
307
+ 305 If he is donating a heart, that means he isn't donating an organ.
308
+ 306 If the girl is donating an organ, it must be the case that the girl is donating a liver.
309
+ 307 If the girl isn't donating a liver, that means the girl isn't donating an organ.
310
+ 308 If the girl isn't donating an organ, then the girl isn't donating a liver.
311
+ 309 If the girl is donating a liver, then the girl is donating an organ.
312
+ 310 If the girl is donating a liver, then the girl is donating an organ.
313
+ 311 If the girl is donating a liver, then the girl isn't donating an organ.
314
+ 312 If he is donating an organ, that means he is donating a liver.
315
+ 313 If he isn't donating an organ, it must be the case that he isn't donating a liver.
316
+ 314 He isn't donating an organ, so he isn't donating a liver.
317
+ 315 If he is donating an organ, it must be the case that he is donating a liver.
318
+ 316 If he is donating a liver, that means he is donating an organ.
319
+ 317 If he is donating a liver, it must be the case that he isn't donating an organ.
320
+ 318 If she is donating an organ, it must be the case that she is donating a body part.
321
+ 319 If she isn't donating an organ, then she isn't donating a kidney.
322
+ 320 The girl is donating an organ, so the girl is donating a kidney.
323
+ 321 If the girl isn't donating an organ, then the girl isn't donating a kidney.
324
+ 322 If the writer is editing a manual, that means the writer is editing a novel.
325
+ 323 The writer is editing a manual, therefore the writer isn't writing a novel.
326
+ 324 The writer is writing a manual, so the writer is writing a novel.
327
+ 325 If the writer is writing a manual, it must be the case that the writer isn't writing a novel.
328
+ 326 The author is editing a manual, therefore the author is editing a novel.
329
+ 327 The author is editing a manual, therefore the author isn't writing a novel.
330
+ 328 If the writer is reading a manual, it must be the case that the writer is reading a novel.
331
+ 329 If the writer is reading a manual, it must be the case that the writer isn't writing a novel.
332
+ 330 He is writing a textbook, therefore he is writing a novel.
333
+ 331 If he is writing a textbook, that means he isn't writing a novel.
334
+ 332 She is writing a textbook, therefore she is writing a novel.
335
+ 333 If she is writing a textbook, that means she isn't writing a novel.
336
+ 334 He is editing a manual, so he is editing a novel.
337
+ 335 If he is editing a manual, then he isn't writing a novel.
338
+ 336 She is reading a memoir, therefore she is reading a novel.
339
+ 337 If she is reading a memoir, it must be the case that she isn't writing a novel.
340
+ 338 If the writer is writing a memoir, then the writer is writing a novel.
341
+ 339 If the writer is writing a memoir, then the writer isn't editing a novel.
342
+ 340 If the writer is writing a manual, then the writer is writing a novel.
343
+ 341 If the writer is writing a manual, then the writer isn't editing a novel.
344
+ 342 If she is editing a memoir, that means she is editing a novel.
345
+ 343 If she is editing a memoir, then she isn't editing a novel.
346
+ 344 If the writer is reading a manual, that means the writer is reading a novel.
347
+ 345 If the writer is reading a manual, then the writer isn't editing a novel.
348
+ 346 If he spotted a bird, it must be the case that he spotted an animal.
349
+ 347 He didn't spot an eagle, so he didn't spot a bird.
350
+ 348 If he didn't spot a bird, then he didn't spot an animal.
351
+ 349 If he spotted an eagle, that means he spotted a bird.
352
+ 350 If he spotted an eagle, that means he spotted a bird.
353
+ 351 He spotted an eagle, so he didn't spot a bird.
354
+ 352 The hiker spotted a bird, therefore the hiker spotted an animal.
355
+ 353 The hiker didn't spot a bird, so the hiker didn't spot a robin.
356
+ 354 If the hiker didn't spot a bird, it must be the case that the hiker didn't spot an animal.
357
+ 355 If the hiker spotted a bird, then the hiker spotted a robin.
358
+ 356 If the hiker spotted a robin, then the hiker spotted a bird.
359
+ 357 The hiker spotted a robin, therefore the hiker didn't spot a bird.
360
+ 358 The hiker spotted a bird, so the hiker spotted an animal.
361
+ 359 If the hiker didn't spot a bird, it must be the case that the hiker didn't spot an eagle.
362
+ 360 The hiker didn't spot a bird, therefore the hiker didn't spot an animal.
363
+ 361 If the hiker spotted an eagle, then the hiker spotted a bird.
364
+ 362 If the hiker spotted an eagle, that means the hiker spotted a bird.
365
+ 363 If the hiker spotted an eagle, then the hiker didn't spot a bird.
366
+ 364 If she spotted a bird, it must be the case that she spotted an animal.
367
+ 365 If she didn't spot a bird, that means she didn't spot a crow.
368
+ 366 If she didn't spot a bird, that means she didn't spot a crow.
369
+ 367 If she spotted a bird, it must be the case that she spotted a crow.
370
+ 368 If she spotted a crow, that means she spotted a bird.
371
+ 369 If she spotted a crow, then she didn't spot a bird.
372
+ 370 The biologist spotted a bird, so the biologist spotted an animal.
373
+ 371 The biologist didn't spot an eagle, so the biologist didn't spot a bird.
374
+ 372 If the biologist didn't spot a bird, then the biologist didn't spot an animal.
375
+ 373 If the biologist spotted an eagle, then the biologist spotted a bird.
376
+ 374 The biologist spotted an eagle, therefore the biologist spotted a bird.
377
+ 375 If the biologist spotted an eagle, it must be the case that the biologist didn't spot a bird.
378
+ 376 She spotted a bird, so she spotted an animal.
379
+ 377 She didn't spot an eagle, therefore she didn't spot a bird.
380
+ 378 She didn't spot a bird, so she didn't spot an animal.
381
+ 379 If she spotted a bird, it must be the case that she spotted an eagle.
382
+ 380 If she spotted an eagle, then she spotted a bird.
383
+ 381 If she spotted an eagle, it must be the case that she didn't spot a bird.
384
+ 382 The biologist spotted a bird, so the biologist spotted an animal.
385
+ 383 If the biologist didn't spot a bird, that means the biologist didn't spot a robin.
386
+ 384 If the biologist didn't spot a bird, that means the biologist didn't spot an animal.
387
+ 385 If the biologist spotted a robin, that means the biologist spotted a bird.
388
+ 386 The biologist spotted a robin, so the biologist spotted a bird.
389
+ 387 If the biologist spotted a robin, then the biologist didn't spot a bird.
390
+ 388 If the hiker spotted a bird, it must be the case that the hiker spotted an animal.
391
+ 389 If the hiker didn't spot a bird, that means the hiker didn't spot a crow.
392
+ 390 If the hiker didn't spot a bird, that means the hiker didn't spot an animal.
393
+ 391 If the hiker spotted a bird, that means the hiker spotted a crow.
394
+ 392 The hiker spotted a crow, therefore the hiker spotted a bird.
395
+ 393 The hiker spotted a crow, therefore the hiker didn't spot a bird.
396
+ 394 He spotted a bird, so he spotted an animal.
397
+ 395 He didn't spot a bird, therefore he didn't spot a crow.
398
+ 396 He didn't spot a bird, therefore he didn't spot an animal.
399
+ 397 He spotted a bird, therefore he spotted a crow.
400
+ 398 He spotted a crow, so he spotted a bird.
401
+ 399 He spotted a crow, therefore he didn't spot a bird.
402
+ 400 If the biologist spotted a bird, it must be the case that the biologist spotted an animal.
403
+ 401 If the biologist didn't spot a bird, that means the biologist didn't spot a crow.
404
+ 402 If the biologist didn't spot a bird, it must be the case that the biologist didn't spot an animal.
405
+ 403 The biologist spotted a bird, so the biologist spotted a crow.
406
+ 404 If the biologist spotted a crow, that means the biologist spotted a bird.
407
+ 405 If the biologist spotted a crow, that means the biologist didn't spot a bird.
408
+ 406 He spotted a bird, so he spotted an animal.
409
+ 407 If he didn't spot a robin, it must be the case that he didn't spot a bird.
410
+ 408 If he didn't spot a bird, then he didn't spot an animal.
411
+ 409 He spotted a bird, therefore he spotted a robin.
412
+ 410 If he spotted a robin, it must be the case that he spotted a bird.
413
+ 411 If he spotted a robin, that means he didn't spot a bird.
414
+ 412 If she spotted a bird, then she spotted an animal.
415
+ 413 She didn't spot a bird, so she didn't spot a robin.
416
+ 414 If she didn't spot a bird, it must be the case that she didn't spot an animal.
417
+ 415 She spotted a bird, therefore she spotted a robin.
418
+ 416 If she spotted a robin, then she spotted a bird.
419
+ 417 If she spotted a robin, it must be the case that she didn't spot a bird.
420
+ 418 If David drank a soda, that means David drank a drink.
421
+ 419 David isn't pouring a soda, therefore David isn't pouring a drink.
422
+ 420 The girl drank a soda, so the girl drank a drink.
423
+ 421 If the girl isn't pouring a soda, then the girl isn't pouring a drink.
424
+ 422 If he is pouring a soda, then he is pouring a drink.
425
+ 423 If he didn't drink a soda, it must be the case that he didn't drink a coke.
426
+ 424 If he didn't drink a soda, it must be the case that he didn't drink a drink.
427
+ 425 If he is pouring a soda, that means he is pouring a coke.
428
+ 426 If he is pouring a coke, then he is pouring a coffee.
429
+ 427 If he is pouring a coke, that means he didn't drink a coffee.
430
+ 428 If the boy is pouring a soda, that means the boy is pouring a drink.
431
+ 429 If the boy isn't pouring a soda, then the boy isn't pouring a drink.
432
+ 430 If he drank a soda, it must be the case that he drank a drink.
433
+ 431 He isn't pouring a coke, therefore he isn't pouring a soda.
434
+ 432 If he isn't pouring a soda, that means he isn't pouring a drink.
435
+ 433 If he drank a coke, then he drank a soda.
436
+ 434 He drank a coke, therefore he drank a coffee.
437
+ 435 He drank a coke, so he isn't pouring a coffee.
438
+ 436 If Sarah drank a soda, it must be the case that Sarah drank a drink.
439
+ 437 If Sarah isn't pouring a soda, then Sarah isn't pouring a drink.
440
+ 438 She drank a soda, therefore she drank a drink.
441
+ 439 She isn't pouring a coke, therefore she isn't pouring a soda.
442
+ 440 She isn't pouring a soda, therefore she isn't pouring a drink.
443
+ 441 She drank a soda, therefore she drank a coke.
444
+ 442 If she drank a coke, that means she drank a coffee.
445
+ 443 If she drank a coke, it must be the case that she isn't pouring a coffee.
446
+ 444 The girl is pouring a soda, therefore the girl is pouring a drink.
447
+ 445 The girl didn't drink a soda, therefore the girl didn't drink a drink.
448
+ 446 If he drank a soda, then he drank a drink.
449
+ 447 He isn't pouring a soda, so he isn't pouring a drink.
450
+ 448 If Sarah drank a soda, then Sarah drank a drink.
451
+ 449 Sarah didn't drink a soda, therefore Sarah didn't drink a coke.
452
+ 450 If Sarah didn't drink a soda, that means Sarah didn't drink a drink.
453
+ 451 Sarah drank a soda, so Sarah drank a coke.
454
+ 452 Sarah drank a coke, therefore Sarah drank a coffee.
455
+ 453 Sarah drank a coke, so Sarah didn't drink a coffee.
456
+ 454 If she is pouring a soda, it must be the case that she is pouring a drink.
457
+ 455 If she didn't drink a soda, it must be the case that she didn't drink a drink.
458
+ 456 The boy is pouring a soda, therefore the boy is pouring a drink.
459
+ 457 If the boy didn't drink a soda, then the boy didn't drink a coke.
460
+ 458 If the boy didn't drink a soda, it must be the case that the boy didn't drink a drink.
461
+ 459 The boy is pouring a soda, therefore the boy is pouring a coke.
462
+ 460 If the boy is pouring a coke, it must be the case that the boy is pouring a coffee.
463
+ 461 If the boy is pouring a coke, that means the boy didn't drink a coffee.
464
+ 462 If Sarah is cooking a meal, then Sarah is cooking food.
465
+ 463 If Sarah isn't cooking a meal, that means Sarah isn't cooking lunch.
466
+ 464 If Sarah isn't cooking a meal, that means Sarah isn't cooking food.
467
+ 465 If Sarah is cooking lunch, it must be the case that Sarah is cooking a meal.
468
+ 466 If Sarah is cooking lunch, that means Sarah is cooking a meal.
469
+ 467 If Sarah is cooking lunch, it must be the case that Sarah isn't cooking a snack.
470
+ 468 The girl is cooking a meal, therefore the girl is cooking food.
471
+ 469 If the girl isn't cooking dinner, then the girl isn't cooking a meal.
472
+ 470 If the girl isn't cooking a meal, it must be the case that the girl isn't cooking food.
473
+ 471 If the girl is cooking a meal, then the girl is cooking dinner.
474
+ 472 The girl is cooking dinner, therefore the girl is cooking a snack.
475
+ 473 If the girl is cooking dinner, it must be the case that the girl isn't cooking a snack.
476
+ 474 If Sarah is eating a meal, then Sarah is eating food.
477
+ 475 If Sarah isn't eating dinner, then Sarah isn't eating a meal.
478
+ 476 If Sarah isn't eating a meal, that means Sarah isn't eating dinner.
479
+ 477 If Sarah is eating a meal, it must be the case that Sarah is eating dinner.
480
+ 478 Sarah is eating dinner, so Sarah is eating a snack.
481
+ 479 If Sarah is eating dinner, that means Sarah isn't eating a snack.
482
+ 480 He is cooking a meal, therefore he is cooking breakfast.
483
+ 481 If he isn't cooking breakfast, that means he isn't cooking a meal.
484
+ 482 If he isn't cooking a meal, then he isn't cooking food.
485
+ 483 If he is cooking breakfast, it must be the case that he is cooking a meal.
486
+ 484 If he is cooking breakfast, that means he is cooking a meal.
487
+ 485 If he is cooking breakfast, then he isn't cooking a meal.
488
+ 486 The girl is cooking a meal, therefore the girl is cooking food.
489
+ 487 The girl isn't eating breakfast, therefore the girl isn't eating a meal.
490
+ 488 If the girl isn't eating a meal, then the girl isn't eating breakfast.
491
+ 489 The girl is cooking a meal, so the girl is cooking breakfast.
492
+ 490 If the girl is cooking breakfast, it must be the case that the girl is cooking a meal.
493
+ 491 The girl is cooking breakfast, therefore the girl isn't eating a meal.
494
+ 492 The boy is eating a meal, therefore the boy is eating food.
495
+ 493 If the boy isn't eating a meal, then the boy isn't eating dinner.
496
+ 494 If the boy isn't eating a meal, then the boy isn't eating dinner.
497
+ 495 The boy is eating dinner, therefore the boy is eating a meal.
498
+ 496 The boy is eating dinner, therefore the boy is eating a snack.
499
+ 497 If the boy is eating dinner, it must be the case that the boy isn't eating a snack.
500
+ 498 David is cooking a meal, therefore David is cooking food.
501
+ 499 David isn't eating lunch, so David isn't eating a meal.
502
+ 500 David isn't eating a meal, so David isn't eating lunch.
503
+ 501 If David is cooking lunch, it must be the case that David is cooking a meal.
504
+ 502 If David is cooking lunch, it must be the case that David is cooking a snack.
505
+ 503 David is cooking lunch, so David isn't eating a meal.
506
+ 504 She is cooking a meal, therefore she is cooking food.
507
+ 505 If she isn't eating a meal, then she isn't eating dinner.
508
+ 506 If she isn't eating a meal, then she isn't eating dinner.
509
+ 507 If she is cooking a meal, then she is cooking dinner.
510
+ 508 She is cooking dinner, so she is cooking a snack.
511
+ 509 If she is cooking dinner, that means she isn't eating a meal.
512
+ 510 If she is eating a meal, it must be the case that she is eating food.
513
+ 511 She isn't eating lunch, therefore she isn't eating a meal.
514
+ 512 She isn't eating a meal, so she isn't eating lunch.
515
+ 513 She is eating a meal, so she is eating lunch.
516
+ 514 She is eating lunch, therefore she is eating a snack.
517
+ 515 If she is eating lunch, it must be the case that she isn't eating a meal.
518
+ 516 If the girl is eating a meal, then the girl is eating food.
519
+ 517 If the girl isn't cooking dinner, then the girl isn't cooking a meal.
520
+ 518 If the girl isn't cooking a meal, then the girl isn't cooking dinner.
521
+ 519 If the girl is eating dinner, it must be the case that the girl is eating a meal.
522
+ 520 The girl is eating dinner, therefore the girl is eating a snack.
523
+ 521 The girl is eating dinner, therefore the girl isn't cooking a snack.
524
+ 522 If Sarah is eating a meal, then Sarah is eating food.
525
+ 523 If Sarah isn't eating a meal, that means Sarah isn't eating lunch.
526
+ 524 Sarah isn't eating a meal, therefore Sarah isn't eating lunch.
527
+ 525 Sarah is eating a meal, so Sarah is eating lunch.
528
+ 526 If Sarah is eating lunch, then Sarah is eating a snack.
529
+ 527 If Sarah is eating lunch, it must be the case that Sarah isn't eating a snack.
530
+ 528 David is cooking a meal, so David is cooking breakfast.
531
+ 529 If David isn't cooking a meal, it must be the case that David isn't cooking breakfast.
532
+ 530 David isn't cooking a meal, so David isn't cooking food.
533
+ 531 David is cooking a meal, so David is cooking breakfast.
534
+ 532 If David is cooking breakfast, then David is cooking a snack.
535
+ 533 David is cooking breakfast, so David isn't cooking a meal.
536
+ 534 She is addicted to a drug, therefore she is addicted to cocaine.
537
+ 535 If she isn't addicted to cocaine, then she isn't addicted to a drug.
538
+ 536 If she isn't addicted to a drug, then she isn't addicted to cocaine.
539
+ 537 If she is addicted to cocaine, then she is addicted to a drug.
540
+ 538 If she is addicted to cocaine, then she is addicted to water.
541
+ 539 If she is addicted to cocaine, it must be the case that she isn't addicted to water.
542
+ 540 David is consuming a drug, so David is consuming caffeine.
543
+ 541 If David isn't consuming a drug, that means David isn't consuming caffeine.
544
+ 542 David isn't consuming a drug, so David isn't consuming caffeine.
545
+ 543 If David is consuming caffeine, it must be the case that David is consuming a drug.
546
+ 544 David is consuming caffeine, so David is consuming water.
547
+ 545 David is consuming caffeine, so David isn't consuming water.
548
+ 546 If the boy is addicted to a drug, then the boy is addicted to cocaine.
549
+ 547 The boy isn't addicted to cocaine, so the boy isn't addicted to a drug.
550
+ 548 The boy isn't addicted to a drug, so the boy isn't addicted to cocaine.
551
+ 549 If the boy is addicted to a drug, then the boy is addicted to cocaine.
552
+ 550 If the boy is addicted to cocaine, then the boy is addicted to water.
553
+ 551 If the boy is addicted to cocaine, it must be the case that the boy isn't addicted to water.
554
+ 552 If the boy is consuming a drug, it must be the case that the boy is consuming caffeine.
555
+ 553 The boy isn't addicted to caffeine, so the boy isn't addicted to a drug.
556
+ 554 If the boy isn't addicted to a drug, then the boy isn't addicted to caffeine.
557
+ 555 If the boy is consuming a drug, it must be the case that the boy is consuming caffeine.
558
+ 556 If the boy is consuming caffeine, it must be the case that the boy is consuming water.
559
+ 557 If the boy is consuming caffeine, that means the boy isn't addicted to water.
560
+ 558 If the girl is addicted to a drug, then the girl is addicted to caffeine.
561
+ 559 If the girl isn't addicted to a drug, it must be the case that the girl isn't addicted to caffeine.
562
+ 560 If the girl isn't addicted to a drug, it must be the case that the girl isn't addicted to caffeine.
563
+ 561 The girl is addicted to a drug, so the girl is addicted to caffeine.
564
+ 562 If the girl is addicted to caffeine, it must be the case that the girl is addicted to water.
565
+ 563 If the girl is addicted to caffeine, it must be the case that the girl isn't addicted to water.
566
+ 564 He is consuming a drug, so he is consuming caffeine.
567
+ 565 He isn't consuming caffeine, so he isn't consuming a drug.
568
+ 566 If he isn't consuming a drug, then he isn't consuming caffeine.
569
+ 567 If he is consuming caffeine, then he is consuming a drug.
570
+ 568 If he is consuming caffeine, then he is consuming water.
571
+ 569 If he is consuming caffeine, then he isn't consuming water.
572
+ 570 If Sarah is consuming a drug, then Sarah is consuming caffeine.
573
+ 571 If Sarah isn't addicted to a drug, it must be the case that Sarah isn't addicted to caffeine.
574
+ 572 If Sarah isn't addicted to a drug, then Sarah isn't addicted to caffeine.
575
+ 573 Sarah is consuming caffeine, therefore Sarah is consuming a drug.
576
+ 574 Sarah is consuming caffeine, so Sarah is consuming water.
577
+ 575 If Sarah is consuming caffeine, it must be the case that Sarah isn't addicted to water.
578
+ 576 If he is addicted to a drug, it must be the case that he is addicted to caffeine.
579
+ 577 If he isn't consuming a drug, it must be the case that he isn't consuming caffeine.
580
+ 578 If he isn't consuming a drug, then he isn't consuming caffeine.
581
+ 579 He is addicted to a drug, so he is addicted to caffeine.
582
+ 580 If he is addicted to caffeine, it must be the case that he is addicted to water.
583
+ 581 He is addicted to caffeine, so he isn't consuming water.
584
+ 582 If the girl is addicted to a drug, that means the girl is addicted to cocaine.
585
+ 583 The girl isn't addicted to cocaine, so the girl isn't addicted to a drug.
586
+ 584 The girl isn't addicted to a drug, therefore the girl isn't addicted to cocaine.
587
+ 585 If the girl is addicted to a drug, it must be the case that the girl is addicted to cocaine.
588
+ 586 If the girl is addicted to cocaine, it must be the case that the girl is addicted to water.
589
+ 587 The girl is addicted to cocaine, so the girl isn't addicted to water.
590
+ 588 David is addicted to a drug, therefore David is addicted to cocaine.
591
+ 589 If David isn't consuming a drug, it must be the case that David isn't consuming cocaine.
592
+ 590 David isn't consuming a drug, so David isn't consuming cocaine.
593
+ 591 If David is addicted to cocaine, then David is addicted to a drug.
594
+ 592 If David is addicted to cocaine, that means David is addicted to water.
595
+ 593 If David is addicted to cocaine, that means David isn't consuming water.
596
+ 594 The farm produces parmesan, therefore the farm produces cheese.
597
+ 595 The farm produces parmesan, so the farm doesn't sell cheese.
598
+ 596 The farm sells cheese, therefore the farm sells brie.
599
+ 597 If the farm doesn't produce cheese, that means the farm doesn't produce brie.
600
+ 598 If the farm doesn't produce cheese, that means the farm doesn't produce brie.
601
+ 599 The farm sells brie, so the farm sells cheese.
602
+ 600 If the farm sells brie, that means the farm sells cheese.
603
+ 601 The farm sells brie, therefore the farm doesn't produce cheese.
604
+ 602 The farm sells parmesan, so the farm sells cheese.
605
+ 603 If the farm sells parmesan, then the farm doesn't sell cheese.
606
+ 604 If the farm sells parmesan, then the farm sells cheese.
607
+ 605 The farm sells parmesan, so the farm doesn't produce cheese.
608
+ 606 She sells parmesan, so she sells cheese.
609
+ 607 She sells parmesan, therefore she doesn't produce cheese.
610
+ 608 She sells cheese, therefore she sells brie.
611
+ 609 If she doesn't produce cheese, it must be the case that she doesn't produce brie.
612
+ 610 If she doesn't produce cheese, then she doesn't produce brie.
613
+ 611 If she sells cheese, then she sells brie.
614
+ 612 If she sells brie, then she sells cheese.
615
+ 613 If she sells brie, then she doesn't produce cheese.
616
+ 614 If he produces cheese, then he produces brie.
617
+ 615 He doesn't produce cheese, therefore he doesn't produce brie.
618
+ 616 If he doesn't produce cheese, that means he doesn't produce brie.
619
+ 617 He produces cheese, so he produces brie.
620
+ 618 He produces brie, therefore he produces cheese.
621
+ 619 If he produces brie, that means he doesn't produce cheese.
622
+ 620 If she produces parmesan, that means she produces cheese.
623
+ 621 If she produces parmesan, then she doesn't sell cheese.
624
+ 622 She is meeting a sibling, therefore she is meeting a brother.
625
+ 623 She isn't meeting a brother, therefore she isn't meeting a sibling.
626
+ 624 If she isn't meeting a sibling, it must be the case that she isn't meeting a brother.
627
+ 625 If she is meeting a brother, then she is meeting a sibling.
628
+ 626 If she is meeting a brother, that means she is meeting a cousin.
629
+ 627 If she is meeting a brother, that means she isn't meeting a cousin.
630
+ 628 The girl is helping a sibling, therefore the girl is helping a sister.
631
+ 629 The girl isn't helping a sister, therefore the girl isn't helping a sibling.
632
+ 630 The girl isn't helping a sibling, so the girl isn't helping a sister.
633
+ 631 If the girl is helping a sibling, that means the girl is helping a sister.
634
+ 632 The girl is helping a sister, therefore the girl is helping a cousin.
635
+ 633 The girl is helping a sister, therefore the girl isn't helping a cousin.
636
+ 634 If David is meeting a sibling, then David is meeting a brother.
637
+ 635 If David isn't fighting with a brother, it must be the case that David isn't fighting with a sibling.
638
+ 636 If David isn't fighting with a sibling, it must be the case that David isn't fighting with a brother.
639
+ 637 David is meeting a brother, so David is meeting a sibling.
640
+ 638 If David is meeting a brother, it must be the case that David is meeting a cousin.
641
+ 639 If David is meeting a brother, that means David isn't fighting with a cousin.
642
+ 640 If she is fighting with a sibling, it must be the case that she is fighting with a sister.
643
+ 641 She isn't helping a sister, so she isn't helping a sibling.
644
+ 642 She isn't helping a sibling, therefore she isn't helping a sister.
645
+ 643 If she is fighting with a sibling, then she is fighting with a sister.
646
+ 644 If she is fighting with a sister, it must be the case that she is fighting with a cousin.
647
+ 645 If she is fighting with a sister, then she isn't helping a cousin.
648
+ 646 He is helping a sibling, so he is helping a sister.
649
+ 647 If he isn't fighting with a sister, then he isn't fighting with a sibling.
650
+ 648 If he isn't fighting with a sibling, then he isn't fighting with a sister.
651
+ 649 If he is helping a sibling, it must be the case that he is helping a sister.
652
+ 650 If he is helping a sister, it must be the case that he is helping a cousin.
653
+ 651 If he is helping a sister, it must be the case that he isn't fighting with a cousin.
654
+ 652 The boy is meeting a sibling, therefore the boy is meeting a sister.
655
+ 653 The boy isn't helping a sister, therefore the boy isn't helping a sibling.
656
+ 654 If the boy isn't helping a sibling, it must be the case that the boy isn't helping a sister.
657
+ 655 The boy is meeting a sibling, therefore the boy is meeting a sister.
658
+ 656 The boy is meeting a sister, so the boy is meeting a cousin.
659
+ 657 If the boy is meeting a sister, then the boy isn't helping a cousin.
660
+ 658 The boy is helping a sibling, therefore the boy is helping a sister.
661
+ 659 The boy isn't helping a sister, so the boy isn't helping a sibling.
662
+ 660 If the boy isn't helping a sibling, it must be the case that the boy isn't helping a sister.
663
+ 661 If the boy is helping a sister, then the boy is helping a sibling.
664
+ 662 If the boy is helping a sister, then the boy is helping a cousin.
665
+ 663 If the boy is helping a sister, that means the boy isn't helping a cousin.
666
+ 664 The boy is helping a sibling, therefore the boy is helping a sister.
667
+ 665 If the boy isn't fighting with a sister, that means the boy isn't fighting with a sibling.
668
+ 666 The boy isn't fighting with a sibling, so the boy isn't fighting with a sister.
669
+ 667 If the boy is helping a sibling, it must be the case that the boy is helping a sister.
670
+ 668 If the boy is helping a sister, it must be the case that the boy is helping a cousin.
671
+ 669 If the boy is helping a sister, it must be the case that the boy isn't fighting with a cousin.
672
+ 670 If Sarah is helping a sibling, then Sarah is helping a brother.
673
+ 671 Sarah isn't helping a sibling, so Sarah isn't helping a brother.
674
+ 672 Sarah isn't helping a sibling, therefore Sarah isn't helping a brother.
675
+ 673 If Sarah is helping a sibling, that means Sarah is helping a brother.
676
+ 674 If Sarah is helping a brother, it must be the case that Sarah is helping a cousin.
677
+ 675 If Sarah is helping a brother, it must be the case that Sarah isn't helping a cousin.
678
+ 676 If she is fighting with a sibling, it must be the case that she is fighting with a brother.
679
+ 677 If she isn't fighting with a sibling, then she isn't fighting with a brother.
680
+ 678 If she isn't fighting with a sibling, then she isn't fighting with a brother.
681
+ 679 If she is fighting with a sibling, that means she is fighting with a brother.
682
+ 680 If she is fighting with a brother, then she is fighting with a cousin.
683
+ 681 If she is fighting with a brother, it must be the case that she isn't fighting with a cousin.
684
+ 682 If he is meeting a sibling, that means he is meeting a brother.
685
+ 683 If he isn't fighting with a brother, that means he isn't fighting with a sibling.
686
+ 684 He isn't fighting with a sibling, therefore he isn't fighting with a brother.
687
+ 685 If he is meeting a brother, that means he is meeting a sibling.
688
+ 686 He is meeting a brother, so he is meeting a cousin.
689
+ 687 If he is meeting a brother, then he isn't fighting with a cousin.
690
+ 688 David is meeting a sibling, therefore David is meeting a sister.
691
+ 689 David isn't fighting with a sibling, so David isn't fighting with a sister.
692
+ 690 David isn't fighting with a sibling, therefore David isn't fighting with a sister.
693
+ 691 David is meeting a sibling, so David is meeting a sister.
694
+ 692 If David is meeting a sister, then David is meeting a cousin.
695
+ 693 If David is meeting a sister, it must be the case that David isn't fighting with a cousin.
696
+ 694 If the boy bought a computer, that means the boy bought a pc.
697
+ 695 If the boy didn't break a pc, that means the boy didn't break a computer.
698
+ 696 The boy didn't break a computer, so the boy didn't break a pc.
699
+ 697 If the boy bought a pc, then the boy bought a computer.
700
+ 698 If the boy bought a pc, that means the boy bought a phone.
701
+ 699 If the boy bought a pc, it must be the case that the boy didn't break a phone.
702
+ 700 If David bought a computer, it must be the case that David bought a laptop.
703
+ 701 David didn't break a computer, therefore David didn't break a laptop.
704
+ 702 If David didn't break a computer, then David didn't break a laptop.
705
+ 703 David bought a computer, therefore David bought a laptop.
706
+ 704 If David bought a laptop, it must be the case that David bought a computer.
707
+ 705 If David bought a laptop, then David didn't break a computer.
708
+ 706 The girl bought a computer, therefore the girl bought a pc.
709
+ 707 If the girl didn't buy a pc, that means the girl didn't buy a computer.
710
+ 708 If the girl didn't buy a computer, that means the girl didn't buy a pc.
711
+ 709 If the girl bought a computer, it must be the case that the girl bought a pc.
712
+ 710 If the girl bought a pc, it must be the case that the girl bought a phone.
713
+ 711 If the girl bought a pc, it must be the case that the girl didn't buy a phone.
714
+ 712 If the boy is using a computer, then the boy is using a pc.
715
+ 713 The boy isn't using a computer, therefore the boy isn't using a pc.
716
+ 714 If the boy isn't using a computer, that means the boy isn't using a pc.
717
+ 715 The boy is using a pc, therefore the boy is using a computer.
718
+ 716 If the boy is using a pc, it must be the case that the boy is using a phone.
719
+ 717 The boy is using a pc, therefore the boy isn't using a phone.
720
+ 718 If she bought a computer, it must be the case that she bought a pc.
721
+ 719 If she didn't break a pc, that means she didn't break a computer.
722
+ 720 If she didn't break a computer, it must be the case that she didn't break a pc.
723
+ 721 She bought a pc, therefore she bought a computer.
724
+ 722 She bought a pc, therefore she bought a computer.
725
+ 723 If she bought a pc, it must be the case that she didn't break a phone.
726
+ 724 If she is using a computer, it must be the case that she is using a laptop.
727
+ 725 She didn't buy a computer, so she didn't buy a laptop.
728
+ 726 If she didn't buy a computer, it must be the case that she didn't buy a laptop.
729
+ 727 If she is using a laptop, then she is using a computer.
730
+ 728 She is using a laptop, so she is using a phone.
731
+ 729 If she is using a laptop, that means she didn't buy a phone.
732
+ 730 If she broke a computer, it must be the case that she broke a laptop.
733
+ 731 She didn't break a computer, therefore she didn't break a laptop.
734
+ 732 If she didn't break a computer, then she didn't break a laptop.
735
+ 733 She broke a computer, so she broke a laptop.
736
+ 734 She broke a laptop, so she broke a phone.
737
+ 735 She broke a laptop, therefore she didn't break a computer.
738
+ 736 If David is using a computer, that means David is using a pc.
739
+ 737 If David isn't using a computer, that means David isn't using a pc.
740
+ 738 David isn't using a computer, therefore David isn't using a pc.
741
+ 739 David is using a pc, therefore David is using a computer.
742
+ 740 David is using a pc, therefore David is using a phone.
743
+ 741 David is using a pc, therefore David isn't using a phone.
744
+ 742 The boy bought a computer, therefore the boy bought a laptop.
745
+ 743 If the boy didn't buy a laptop, that means the boy didn't buy a computer.
746
+ 744 The boy didn't buy a computer, therefore the boy didn't buy a laptop.
747
+ 745 The boy bought a laptop, therefore the boy bought a computer.
748
+ 746 The boy bought a laptop, therefore the boy bought a phone.
749
+ 747 If the boy bought a laptop, it must be the case that the boy didn't buy a phone.
750
+ 748 If Sarah bought a computer, that means Sarah bought a pc.
751
+ 749 Sarah didn't buy a computer, therefore Sarah didn't buy a pc.
752
+ 750 Sarah didn't buy a computer, so Sarah didn't buy a pc.
753
+ 751 Sarah bought a computer, so Sarah bought a pc.
754
+ 752 If Sarah bought a pc, it must be the case that Sarah bought a phone.
755
+ 753 Sarah bought a pc, so Sarah didn't buy a phone.
756
+ 754 If he bought a computer, it must be the case that he bought a pc.
757
+ 755 He didn't buy a computer, so he didn't buy a pc.
758
+ 756 If he didn't buy a computer, then he didn't buy a pc.
759
+ 757 If he bought a pc, then he bought a computer.
760
+ 758 If he bought a pc, that means he bought a phone.
761
+ 759 If he bought a pc, that means he didn't buy a phone.
762
+ 760 If the boy broke a computer, that means the boy broke a pc.
763
+ 761 The boy isn't using a pc, so the boy isn't using a computer.
764
+ 762 If the boy isn't using a computer, that means the boy isn't using a pc.
765
+ 763 If the boy broke a pc, then the boy broke a computer.
766
+ 764 The boy broke a pc, so the boy broke a phone.
767
+ 765 The boy broke a pc, so the boy isn't using a phone.
768
+ 766 If Sarah is playing a string instrument, that means Sarah is playing an instrument.
769
+ 767 If Sarah isn't learning to play a string instrument, it must be the case that Sarah isn't learning to play an instrument.
770
+ 768 If he is tuning a string instrument, then he is tuning the guitar.
771
+ 769 He isn't learning to play a string instrument, therefore he isn't learning to play the guitar.
772
+ 770 If he isn't learning to play a string instrument, that means he isn't learning to play the guitar.
773
+ 771 If he is tuning the guitar, it must be the case that he is tuning a string instrument.
774
+ 772 He is tuning the guitar, so he is tuning a wind instrument.
775
+ 773 If he is tuning the guitar, it must be the case that he isn't learning to play a wind instrument.
776
+ 774 If the boy is playing a string instrument, that means the boy is playing the violin.
777
+ 775 If the boy isn't tuning the violin, then the boy isn't tuning a string instrument.
778
+ 776 The boy isn't tuning a string instrument, so the boy isn't tuning the violin.
779
+ 777 The boy is playing the violin, so the boy is playing a string instrument.
780
+ 778 If the boy is playing the violin, that means the boy is playing a wind instrument.
781
+ 779 The boy is playing the violin, therefore the boy isn't tuning a wind instrument.
782
+ 780 The girl is tuning a string instrument, so the girl is tuning an instrument.
783
+ 781 The girl isn't playing a string instrument, therefore the girl isn't playing an instrument.
784
+ 782 If she is tuning a string instrument, it must be the case that she is tuning the guitar.
785
+ 783 If she isn't learning to play a string instrument, it must be the case that she isn't learning to play the guitar.
786
+ 784 If she isn't learning to play a string instrument, then she isn't learning to play the guitar.
787
+ 785 If she is tuning a string instrument, that means she is tuning the guitar.
788
+ 786 If she is tuning the guitar, then she is tuning a wind instrument.
789
+ 787 If she is tuning the guitar, then she isn't learning to play a wind instrument.
790
+ 788 If he is playing a string instrument, that means he is playing an instrument.
791
+ 789 If he isn't playing a string instrument, it must be the case that he isn't playing an instrument.
792
+ 790 If David is playing a string instrument, then David is playing the guitar.
793
+ 791 David isn't playing a string instrument, so David isn't playing the guitar.
794
+ 792 If David isn't playing a string instrument, that means David isn't playing the guitar.
795
+ 793 If David is playing a string instrument, that means David is playing the guitar.
796
+ 794 If David is playing the guitar, that means David is playing a wind instrument.
797
+ 795 David is playing the guitar, therefore David isn't playing a wind instrument.
798
+ 796 David is playing a string instrument, so David is playing the banjo.
799
+ 797 David isn't tuning a string instrument, so David isn't tuning an instrument.
800
+ 798 If David is learning to play a string instrument, that means David is learning to play the guitar.
801
+ 799 If David isn't playing a string instrument, then David isn't playing the guitar.
802
+ 800 David isn't playing a string instrument, therefore David isn't playing the guitar.
803
+ 801 If David is learning to play the guitar, that means David is learning to play a string instrument.
804
+ 802 David is learning to play the guitar, therefore David is learning to play a wind instrument.
805
+ 803 If David is learning to play the guitar, then David isn't playing a wind instrument.
806
+ 804 If Sarah is learning to play a string instrument, it must be the case that Sarah is learning to play the violin.
807
+ 805 Sarah isn't learning to play the violin, therefore Sarah isn't learning to play a string instrument.
808
+ 806 Sarah isn't learning to play a string instrument, so Sarah isn't learning to play an instrument.
809
+ 807 Sarah is learning to play a string instrument, so Sarah is learning to play the violin.
810
+ 808 If Sarah is learning to play the violin, that means Sarah is learning to play a wind instrument.
811
+ 809 If Sarah is learning to play the violin, then Sarah isn't learning to play a wind instrument.
812
+ 810 If Sarah is playing a string instrument, then Sarah is playing the banjo.
813
+ 811 If Sarah isn't playing a string instrument, then Sarah isn't playing an instrument.
814
+ 812 She is learning to play a string instrument, therefore she is learning to play the guitar.
815
+ 813 If she isn't learning to play a string instrument, it must be the case that she isn't learning to play the guitar.
816
+ 814 If she isn't learning to play a string instrument, then she isn't learning to play the guitar.
817
+ 815 If she is learning to play the guitar, then she is learning to play a string instrument.
818
+ 816 She is learning to play the guitar, so she is learning to play a wind instrument.
819
+ 817 She is learning to play the guitar, so she isn't learning to play a wind instrument.
820
+ 818 If the sofa is made of wood, then the sofa is made of oak.
821
+ 819 If the sofa isn't made of wood, it must be the case that the sofa isn't made of oak.
822
+ 820 The sofa isn't made of wood, therefore the sofa isn't made of oak.
823
+ 821 The sofa is made of wood, so the sofa is made of oak.
824
+ 822 If the sofa is made of oak, it must be the case that the sofa is made of wood.
825
+ 823 The sofa is made of oak, therefore the sofa isn't made of wood.
826
+ 824 The chair is made of wood, so the chair is made of oak.
827
+ 825 If the chair isn't made of oak, then the chair isn't made of wood.
828
+ 826 The chair isn't made of wood, so the chair isn't made of oak.
829
+ 827 If the chair is made of oak, that means the chair is made of wood.
830
+ 828 The chair is made of oak, so the chair is made of wood.
831
+ 829 The chair is made of oak, so the chair isn't made of wood.
832
+ 830 If the couch is made of wood, that means the couch is made of oak.
833
+ 831 The couch isn't made of wood, therefore the couch isn't made of oak.
834
+ 832 If the couch isn't made of wood, it must be the case that the couch isn't made of oak.
835
+ 833 The couch is made of wood, therefore the couch is made of oak.
836
+ 834 If the couch is made of oak, it must be the case that the couch is made of wood.
837
+ 835 If the couch is made of oak, that means the couch isn't made of wood.
838
+ 836 The sofa is made of maple, so the sofa is made of wood.
839
+ 837 If the sofa is made of maple, it must be the case that the sofa isn't made of wood.
840
+ 838 If the chair is made of maple, then the chair is made of wood.
841
+ 839 If the chair is made of maple, then the chair isn't made of wood.
842
+ 840 The couch is made of maple, therefore the couch is made of wood.
843
+ 841 If the couch is made of maple, that means the couch isn't made of wood.
844
+ 842 If the sofa is made of wood, that means the sofa is made of pine.
845
+ 843 The sofa isn't made of pine, therefore the sofa isn't made of wood.
846
+ 844 The sofa isn't made of wood, so the sofa isn't made of pine.
847
+ 845 If the sofa is made of wood, it must be the case that the sofa is made of pine.
848
+ 846 If the sofa is made of pine, then the sofa is made of wood.
849
+ 847 If the sofa is made of pine, that means the sofa isn't made of wood.
850
+ 848 The chair is made of wood, so the chair is made of pine.
851
+ 849 If the chair isn't made of wood, that means the chair isn't made of pine.
852
+ 850 The chair isn't made of wood, so the chair isn't made of pine.
853
+ 851 The chair is made of wood, therefore the chair is made of pine.
854
+ 852 If the chair is made of pine, it must be the case that the chair is made of wood.
855
+ 853 If the chair is made of pine, then the chair isn't made of wood.
856
+ 854 If the couch is made of wood, that means the couch is made of pine.
857
+ 855 The couch isn't made of wood, therefore the couch isn't made of pine.
858
+ 856 If the couch isn't made of wood, then the couch isn't made of pine.
859
+ 857 If the couch is made of pine, then the couch is made of wood.
860
+ 858 If the couch is made of pine, then the couch is made of wood.
861
+ 859 If the couch is made of pine, it must be the case that the couch isn't made of wood.
zeroshot/irregular_forms/eval_results.json ADDED
@@ -0,0 +1 @@
 
 
1
+ {"eval_accuracy": 0.5221374045801527}
zeroshot/irregular_forms/predictions.txt ADDED
@@ -0,0 +1,1966 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ index prediction
2
+ 0 The hid offspring aren't confident.
3
+ 1 The hidden bicycles weren't exposed.
4
+ 2 The hidden glass was big.
5
+ 3 The wore skirts aren't important.
6
+ 4 The wore hats aren't big.
7
+ 5 The broke mirrors were blue.
8
+ 6 The wore pants weren't big.
9
+ 7 The known children were nice.
10
+ 8 The forgot newspaper article was bad.
11
+ 9 The knew adult was exposed.
12
+ 10 The hid patients weren't busy.
13
+ 11 The wore scarf was popular.
14
+ 12 The took rabbit wasn't popular.
15
+ 13 The knew girl is important.
16
+ 14 The broke dishes weren't red.
17
+ 15 The wore sweaters weren't smooth.
18
+ 16 The forgotten children weren't hidden.
19
+ 17 The hidden plates aren't white.
20
+ 18 The forgotten doctors are young.
21
+ 19 The wore skirt was important.
22
+ 20 The taken cilantro wasn't yellow.
23
+ 21 The wore shawls aren't concealed.
24
+ 22 The hid fish wasn't important.
25
+ 23 The knew people aren't hidden.
26
+ 24 The worn glove is red.
27
+ 25 The known senators aren't serious.
28
+ 26 The broke couch isn't small.
29
+ 27 The hidden lady isn't popular.
30
+ 28 The worn scarf wasn't lost.
31
+ 29 The broke tooth wasn't whole.
32
+ 30 The broke forks are white.
33
+ 31 The hidden guest wasn't hidden.
34
+ 32 The hid cactus was out in the open.
35
+ 33 The broke skateboards are cheap.
36
+ 34 The broken computers weren't white.
37
+ 35 The worn shirt is gray.
38
+ 36 The knew waiter is scared.
39
+ 37 The worn shoe was exposed.
40
+ 38 The hid mouse wasn't brown.
41
+ 39 The wore glasses aren't small.
42
+ 40 The worn dress is red.
43
+ 41 The broke skateboards aren't bad.
44
+ 42 The hid fungus isn't black.
45
+ 43 The broken screen isn't small.
46
+ 44 The broke carriage is lost.
47
+ 45 The knew adults aren't lost.
48
+ 46 The worn jacket was smooth.
49
+ 47 The broke dishes weren't blue.
50
+ 48 The forgotten driver wasn't bad.
51
+ 49 The broke screen was new.
52
+ 50 The hid nuclei were purple.
53
+ 51 The knew man wasn't confident.
54
+ 52 The knew actress wasn't concealed.
55
+ 53 The knew student wasn't hidden.
56
+ 54 The broke computer was small.
57
+ 55 The knew guests are concealed.
58
+ 56 The took mountain was popular.
59
+ 57 The hidden screens were exposed.
60
+ 58 The knew customer wasn't hidden.
61
+ 59 The broke computers were black.
62
+ 60 The broke forks were old.
63
+ 61 The hidden drawings weren't popular.
64
+ 62 The broke bike wasn't lost.
65
+ 63 The broke cars aren't rough.
66
+ 64 The hidden hat wasn't cheap.
67
+ 65 The worn dresses aren't old.
68
+ 66 The hid mice were hidden.
69
+ 67 The worn glasses weren't dirty.
70
+ 68 The taken skateboards were small.
71
+ 69 The hid shirt wasn't hard.
72
+ 70 The broke glasses aren't whole.
73
+ 71 The broken bicycles are concealed.
74
+ 72 The knew teenagers weren't popular.
75
+ 73 The broke vase wasn't orange.
76
+ 74 The knew women are good.
77
+ 75 The broke foot is old.
78
+ 76 The took screen wasn't popular.
79
+ 77 The hid tomato was important.
80
+ 78 The known adults weren't uncertain.
81
+ 79 The forgot actresses were hopeful.
82
+ 80 The wore shirt was important.
83
+ 81 The worn coats weren't yellow.
84
+ 82 The took chair isn't dirty.
85
+ 83 The wore skirts weren't green.
86
+ 84 The broken bike is big.
87
+ 85 The broke couches weren't brown.
88
+ 86 The wore socks weren't small.
89
+ 87 The broke dishes aren't new.
90
+ 88 The broke vase is gray.
91
+ 89 The broke feet were red.
92
+ 90 The hidden movie theaters were white.
93
+ 91 The knew drivers weren't popular.
94
+ 92 The hid steak was bad.
95
+ 93 The took mountains weren't orange.
96
+ 94 The broke plate wasn't smooth.
97
+ 95 The hidden rivers aren't cheap.
98
+ 96 The hid customers aren't scared.
99
+ 97 The forgotten analysis wasn't good.
100
+ 98 The knew teenager was nice.
101
+ 99 The broken wheelbarrow is small.
102
+ 100 The knew adult was serious.
103
+ 101 The worn skirts weren't purple.
104
+ 102 The knew doctor isn't good.
105
+ 103 The wore sweaters are exposed.
106
+ 104 The knew guests are upset.
107
+ 105 The knew senator was fast.
108
+ 106 The broke windows aren't new.
109
+ 107 The broke car isn't gray.
110
+ 108 The forgotten lady is standing.
111
+ 109 The taken book is good.
112
+ 110 The forgot newspaper article isn't brown.
113
+ 111 The hidden ice cream was white.
114
+ 112 The hidden louse wasn't hidden.
115
+ 113 The forgotten pamphlets weren't concealed.
116
+ 114 The taken photograph wasn't gray.
117
+ 115 The hidden closet is new.
118
+ 116 The broke foot was big.
119
+ 117 The broke window is hidden.
120
+ 118 The hid children were happy.
121
+ 119 The forgotten customer is lost.
122
+ 120 The worn dress isn't popular.
123
+ 121 The worn coat isn't new.
124
+ 122 The wore scarves aren't concealed.
125
+ 123 The broke mirrors are purple.
126
+ 124 The knew pedestrians were unemployed.
127
+ 125 The hidden brochures were yellow.
128
+ 126 The hid teacher was scared.
129
+ 127 The wore blouses aren't big.
130
+ 128 The broke dish was good.
131
+ 129 The broke plane is good.
132
+ 130 The broke vases weren't concealed.
133
+ 131 The broke chair isn't red.
134
+ 132 The broke teeth aren't lost.
135
+ 133 The known patients are confident.
136
+ 134 The broke vase wasn't yellow.
137
+ 135 The forgotten senator isn't confident.
138
+ 136 The broke vases weren't brown.
139
+ 137 The wore shawls weren't important.
140
+ 138 The forgotten man wasn't serious.
141
+ 139 The worn shawl is lost.
142
+ 140 The took shirt was bad.
143
+ 141 The hid closets weren't hard.
144
+ 142 The hidden cafes are messy.
145
+ 143 The worn shirt was lost.
146
+ 144 The broken forks aren't gray.
147
+ 145 The worn coats aren't hard.
148
+ 146 The wore pants are lost.
149
+ 147 The worn skirt isn't white.
150
+ 148 The broke screens are exposed.
151
+ 149 The broken bicycle is whole.
152
+ 150 The wore scarves weren't white.
153
+ 151 The broke carriages were new.
154
+ 152 The knew cashiers weren't important.
155
+ 153 The broke window is cheap.
156
+ 154 The broke skateboard is lost.
157
+ 155 The wore shirt wasn't clean.
158
+ 156 The forgotten children weren't troubled.
159
+ 157 The known cashier isn't fast.
160
+ 158 The broke couch was black.
161
+ 159 The hid trucks weren't popular.
162
+ 160 The forgotten man is big.
163
+ 161 The worn skirts were big.
164
+ 162 The hid slopes are important.
165
+ 163 The worn dress was clean.
166
+ 164 The broke plane was yellow.
167
+ 165 The taken hair was purple.
168
+ 166 The broke carriages were important.
169
+ 167 The worn hat was yellow.
170
+ 168 The broke cup was new.
171
+ 169 The hidden mushroom isn't under ripe.
172
+ 170 The hidden drawing wasn't smooth.
173
+ 171 The knew people weren't bad.
174
+ 172 The worn hat wasn't big.
175
+ 173 The forgotten actresses were nice.
176
+ 174 The wore skirts were old.
177
+ 175 The wore dresses aren't cheap.
178
+ 176 The broke screen was yellow.
179
+ 177 The broken dish isn't small.
180
+ 178 The knew child wasn't serious.
181
+ 179 The hidden cart wasn't small.
182
+ 180 The taken glass was orange.
183
+ 181 The knew actresses aren't smart.
184
+ 182 The forgotten actors were upset.
185
+ 183 The hidden reports aren't yellow.
186
+ 184 The broke foot isn't concealed.
187
+ 185 The knew cashiers are out in the open.
188
+ 186 The broke feet weren't hidden.
189
+ 187 The broken bicycles were smooth.
190
+ 188 The worn shoe wasn't yellow.
191
+ 189 The worn dress isn't orange.
192
+ 190 The forgotten waiters were happy.
193
+ 191 The broke planes are white.
194
+ 192 The hid bird is standing.
195
+ 193 The known lady isn't smart.
196
+ 194 The broken screens aren't green.
197
+ 195 The broke couches weren't hard.
198
+ 196 The known pedestrian was busy.
199
+ 197 The hid theses weren't brown.
200
+ 198 The broke vase was broken.
201
+ 199 The known guest was concealed.
202
+ 200 The took grocery store wasn't concealed.
203
+ 201 The taken computers were old.
204
+ 202 The hid girl is hidden.
205
+ 203 The hidden public parks weren't rough.
206
+ 204 The wore gloves were new.
207
+ 205 The taken cactus was white.
208
+ 206 The broke fork is messy.
209
+ 207 The forgotten student is confident.
210
+ 208 The forgotten children weren't upset.
211
+ 209 The broken wheelbarrows are new.
212
+ 210 The broken couches aren't good.
213
+ 211 The hid pepper wasn't fresh.
214
+ 212 The took goose isn't purple.
215
+ 213 The taken planes were bad.
216
+ 214 The hid stimulus wasn't out in the open.
217
+ 215 The broke carriages are out in the open.
218
+ 216 The hidden glacier isn't blue.
219
+ 217 The knew adult isn't unlucky.
220
+ 218 The hidden dresses aren't bad.
221
+ 219 The broke couches were concealed.
222
+ 220 The broke planes aren't exposed.
223
+ 221 The broke bicycle isn't exposed.
224
+ 222 The wore sweaters are green.
225
+ 223 The broke cups were hard.
226
+ 224 The hid cup was cheap.
227
+ 225 The wore sock isn't big.
228
+ 226 The forgotten documentary is important.
229
+ 227 The hidden theses are lost.
230
+ 228 The broke cart is bad.
231
+ 229 The taken light is exposed.
232
+ 230 The broke window was important.
233
+ 231 The forgot women were small.
234
+ 232 The taken axes were exposed.
235
+ 233 The hidden peppers weren't important.
236
+ 234 The hid pasta isn't concealed.
237
+ 235 The taken wheelbarrows aren't yellow.
238
+ 236 The hid bike isn't good.
239
+ 237 The taken tooth is gray.
240
+ 238 The hid man isn't young.
241
+ 239 The wore sock wasn't black.
242
+ 240 The knew waiters aren't unsure.
243
+ 241 The broken computer was smooth.
244
+ 242 The known men aren't hidden.
245
+ 243 The hid ladder isn't white.
246
+ 244 The took bikes are orange.
247
+ 245 The hidden stimulus wasn't orange.
248
+ 246 The broke unicycle was important.
249
+ 247 The took icicle was hard.
250
+ 248 The took bread isn't black.
251
+ 249 The hid picture wasn't black.
252
+ 250 The forgotten boys aren't busy.
253
+ 251 The hid movie theaters are popular.
254
+ 252 The broke chairs aren't whole.
255
+ 253 The worn coat isn't hard.
256
+ 254 The broke couch wasn't smooth.
257
+ 255 The broke plates weren't new.
258
+ 256 The broke truck wasn't purple.
259
+ 257 The taken broccoli was bad.
260
+ 258 The worn shoes aren't purple.
261
+ 259 The broke window was big.
262
+ 260 The worn hat is smooth.
263
+ 261 The forgotten waiters are concealed.
264
+ 262 The broke cups aren't clean.
265
+ 263 The broken vase wasn't black.
266
+ 264 The taken sketch is green.
267
+ 265 The forgot books are hard.
268
+ 266 The hid pasta isn't black.
269
+ 267 The hidden pamphlet wasn't good.
270
+ 268 The knew drivers aren't young.
271
+ 269 The broke carts aren't good.
272
+ 270 The known teenager isn't excited.
273
+ 271 The took projector isn't brown.
274
+ 272 The hidden dogs aren't orange.
275
+ 273 The forgotten movies were long.
276
+ 274 The taken fish was red.
277
+ 275 The wore scarf wasn't white.
278
+ 276 The forgotten students are young.
279
+ 277 The forgotten doctor wasn't unemployed.
280
+ 278 The hid face was important.
281
+ 279 The broke carriages were brown.
282
+ 280 The forgotten men were unconvinced.
283
+ 281 The broken plate isn't small.
284
+ 282 The wore pants weren't cheap.
285
+ 283 The broke couches were brown.
286
+ 284 The broke couch was smooth.
287
+ 285 The hid teeth weren't green.
288
+ 286 The taken public parks were clean.
289
+ 287 The taken rabbits weren't lost.
290
+ 288 The took computers weren't popular.
291
+ 289 The wore sweater is big.
292
+ 290 The known boys weren't exposed.
293
+ 291 The broke cart is new.
294
+ 292 The broke plate is gray.
295
+ 293 The hid report wasn't long.
296
+ 294 The hid waiter was lucky.
297
+ 295 The broken chair isn't white.
298
+ 296 The broke windows are out in the open.
299
+ 297 The broken bicycle wasn't small.
300
+ 298 The forgot commentaries are important.
301
+ 299 The hidden dress was smooth.
302
+ 300 The broke computers are hidden.
303
+ 301 The hidden glass was broken.
304
+ 302 The knew cashiers are unconvinced.
305
+ 303 The worn jackets weren't out in the open.
306
+ 304 The known dancers are content.
307
+ 305 The known doctors weren't small.
308
+ 306 The wore gloves aren't messy.
309
+ 307 The broke trucks aren't bad.
310
+ 308 The hid ice is gray.
311
+ 309 The forgotten commentaries aren't bad.
312
+ 310 The forgotten teenager was unlucky.
313
+ 311 The taken carts aren't gray.
314
+ 312 The worn dress wasn't rough.
315
+ 313 The forgotten documentaries are long.
316
+ 314 The broke screen was broken.
317
+ 315 The hid men are scared.
318
+ 316 The wore sweater is rough.
319
+ 317 The worn coat wasn't red.
320
+ 318 The taken box was hidden.
321
+ 319 The forgotten commentaries aren't good.
322
+ 320 The forgotten drivers were hidden.
323
+ 321 The hid socks were big.
324
+ 322 The forgotten stories are bad.
325
+ 323 The forgotten pamphlets aren't black.
326
+ 324 The knew boys were hopeful.
327
+ 325 The broke windows weren't concealed.
328
+ 326 The forgot person isn't exposed.
329
+ 327 The hid jacket wasn't gray.
330
+ 328 The hid blouses weren't black.
331
+ 329 The forgot ladies were delighted.
332
+ 330 The hidden turtles were lost.
333
+ 331 The hid oasis is concealed.
334
+ 332 The taken cats aren't small.
335
+ 333 The broke dish was popular.
336
+ 334 The taken shoes aren't hidden.
337
+ 335 The broke cup is red.
338
+ 336 The broke plate is white.
339
+ 337 The forgotten man was hopeful.
340
+ 338 The broke screens were black.
341
+ 339 The broken cup isn't bad.
342
+ 340 The worn dresses were old.
343
+ 341 The hid fish isn't big.
344
+ 342 The took candles aren't big.
345
+ 343 The wore scarf isn't yellow.
346
+ 344 The knew doctor wasn't old.
347
+ 345 The broke glasses were purple.
348
+ 346 The knew men were exposed.
349
+ 347 The broke plate is rough.
350
+ 348 The broke computers were blue.
351
+ 349 The broken teeth are big.
352
+ 350 The broke feet aren't clean.
353
+ 351 The broke planes aren't hidden.
354
+ 352 The broke glass was broken.
355
+ 353 The broke glass was green.
356
+ 354 The worn blouse wasn't brown.
357
+ 355 The worn hat is hidden.
358
+ 356 The broke unicycle was good.
359
+ 357 The broke bikes were orange.
360
+ 358 The broken cars aren't small.
361
+ 359 The broke glass was small.
362
+ 360 The forgotten waiters weren't confident.
363
+ 361 The worn shirt isn't brown.
364
+ 362 The forgotten offspring wasn't unlucky.
365
+ 363 The wore sock wasn't cheap.
366
+ 364 The broke planes aren't brown.
367
+ 365 The worn shawls weren't hard.
368
+ 366 The took paintings aren't gray.
369
+ 367 The hid school was concealed.
370
+ 368 The forgot boys are exposed.
371
+ 369 The forgotten actor wasn't busy.
372
+ 370 The hid pies aren't blue.
373
+ 371 The wore blouses weren't rough.
374
+ 372 The forgotten girl wasn't happy.
375
+ 373 The broken cart wasn't lost.
376
+ 374 The taken steps were good.
377
+ 375 The broke carriages weren't yellow.
378
+ 376 The hidden school isn't bad.
379
+ 377 The hid library wasn't green.
380
+ 378 The broke carriages were bad.
381
+ 379 The wore hats weren't good.
382
+ 380 The worn shirt isn't concealed.
383
+ 381 The broke bike was whole.
384
+ 382 The hidden window is red.
385
+ 383 The broke plane isn't small.
386
+ 384 The worn jacket wasn't concealed.
387
+ 385 The hidden report isn't popular.
388
+ 386 The hid patient was scared.
389
+ 387 The worn hat isn't hidden.
390
+ 388 The wore sweaters aren't green.
391
+ 389 The broke plane is black.
392
+ 390 The broke foot isn't cheap.
393
+ 391 The forgotten commentaries were long.
394
+ 392 The forgotten customer isn't young.
395
+ 393 The forgotten offspring wasn't lost.
396
+ 394 The hid theses aren't gray.
397
+ 395 The wore shoes are clean.
398
+ 396 The broken bicycle isn't red.
399
+ 397 The broken couches are white.
400
+ 398 The knew students aren't good.
401
+ 399 The took bread isn't orange.
402
+ 400 The broke carriages are green.
403
+ 401 The knew cashiers are excited.
404
+ 402 The taken lights weren't orange.
405
+ 403 The forgotten analyses are bad.
406
+ 404 The broke chairs weren't important.
407
+ 405 The broke carriage isn't yellow.
408
+ 406 The known waitresses weren't clever.
409
+ 407 The broken vase was green.
410
+ 408 The broke dish was purple.
411
+ 409 The hidden candles are white.
412
+ 410 The worn scarves were rough.
413
+ 411 The worn glove is popular.
414
+ 412 The worn pants weren't messy.
415
+ 413 The taken movie theater is small.
416
+ 414 The hid wheelbarrow is out in the open.
417
+ 415 The worn shoe wasn't popular.
418
+ 416 The forgotten guys were employed.
419
+ 417 The wore socks are blue.
420
+ 418 The hid ladies were exposed.
421
+ 419 The worn glasses were small.
422
+ 420 The took sheep wasn't smooth.
423
+ 421 The wore shirt was yellow.
424
+ 422 The hidden rug was hidden.
425
+ 423 The broke computer was hard.
426
+ 424 The worn sweaters were important.
427
+ 425 The known actresses were employed.
428
+ 426 The worn skirt isn't cheap.
429
+ 427 The took forks weren't out in the open.
430
+ 428 The hid dress was bad.
431
+ 429 The knew senators were important.
432
+ 430 The wore sweater wasn't brown.
433
+ 431 The wore shoes are small.
434
+ 432 The taken carriage is white.
435
+ 433 The taken computers are good.
436
+ 434 The hidden candles are big.
437
+ 435 The broke chairs were popular.
438
+ 436 The hidden casserole isn't brown.
439
+ 437 The wore socks were smooth.
440
+ 438 The taken wheelbarrows are important.
441
+ 439 The taken lamps weren't red.
442
+ 440 The broke chair is new.
443
+ 441 The broken unicycle was brown.
444
+ 442 The hid college campus isn't hard.
445
+ 443 The hid sweater is small.
446
+ 444 The knew actress isn't exposed.
447
+ 445 The forgotten guests aren't serious.
448
+ 446 The taken pepper is big.
449
+ 447 The wore sweaters are black.
450
+ 448 The broke bike is important.
451
+ 449 The known children are determined.
452
+ 450 The forgotten synopsis was good.
453
+ 451 The broke glasses aren't hidden.
454
+ 452 The wore scarves were green.
455
+ 453 The broke bike was out in the open.
456
+ 454 The wore scarf isn't lost.
457
+ 455 The broken carts weren't lost.
458
+ 456 The forgotten dancers were bad.
459
+ 457 The broke window was small.
460
+ 458 The broke computers weren't important.
461
+ 459 The wore blouses are exposed.
462
+ 460 The known ladies weren't scared.
463
+ 461 The broke bicycles were cheap.
464
+ 462 The broke bicycle is good.
465
+ 463 The knew guests were employed.
466
+ 464 The hid women were serious.
467
+ 465 The broke fork was messy.
468
+ 466 The forgotten people aren't unemployed.
469
+ 467 The taken bike is black.
470
+ 468 The took pamphlet was small.
471
+ 469 The hid socks are old.
472
+ 470 The broken convertible isn't green.
473
+ 471 The worn shoe isn't white.
474
+ 472 The broke unicycle was red.
475
+ 473 The wore blouse was out in the open.
476
+ 474 The hid slope is hard.
477
+ 475 The broken couches were bad.
478
+ 476 The wore blouses were popular.
479
+ 477 The forgotten pamphlets are big.
480
+ 478 The broken wheelbarrow is out in the open.
481
+ 479 The worn skirts weren't important.
482
+ 480 The hid drivers were excited.
483
+ 481 The known people aren't determined.
484
+ 482 The broke skateboard was green.
485
+ 483 The broke foot wasn't rough.
486
+ 484 The forgotten men are upset.
487
+ 485 The broke screen was black.
488
+ 486 The hidden mirrors weren't out in the open.
489
+ 487 The broke carriage is new.
490
+ 488 The broken dish wasn't big.
491
+ 489 The broke couch is clean.
492
+ 490 The wore scarf was out in the open.
493
+ 491 The hid fork was blue.
494
+ 492 The wore shoes are new.
495
+ 493 The hidden cart is popular.
496
+ 494 The broke mirror is good.
497
+ 495 The forgot plays weren't bad.
498
+ 496 The hidden couches were rough.
499
+ 497 The broke couch wasn't lost.
500
+ 498 The took chair isn't green.
501
+ 499 The hidden sketches weren't blue.
502
+ 500 The broke bikes are good.
503
+ 501 The knew dancer is big.
504
+ 502 The broken wheelbarrows were rough.
505
+ 503 The broken wheelbarrow isn't black.
506
+ 504 The broke carts aren't gray.
507
+ 505 The hid bread is purple.
508
+ 506 The broken unicycle was orange.
509
+ 507 The known boys weren't ill.
510
+ 508 The took apple was fresh.
511
+ 509 The wore blouses aren't lost.
512
+ 510 The known lady isn't small.
513
+ 511 The wore skirt isn't new.
514
+ 512 The wore socks were gray.
515
+ 513 The broke carts are whole.
516
+ 514 The wore sock isn't smooth.
517
+ 515 The forgotten alumni aren't confident.
518
+ 516 The forgot alumni are unconvinced.
519
+ 517 The hid plane is cheap.
520
+ 518 The knew girls weren't delighted.
521
+ 519 The forgot teenager wasn't uncertain.
522
+ 520 The knew drivers aren't unemployed.
523
+ 521 The broke truck isn't small.
524
+ 522 The forgotten waitress isn't concealed.
525
+ 523 The hid scarf wasn't brown.
526
+ 524 The knew patients were hopeful.
527
+ 525 The hid photographs are blue.
528
+ 526 The broke chairs are gray.
529
+ 527 The broken bicycle is black.
530
+ 528 The hidden slope was yellow.
531
+ 529 The forgotten plays aren't popular.
532
+ 530 The knew boy is content.
533
+ 531 The broke bicycles are cheap.
534
+ 532 The took gloves weren't important.
535
+ 533 The wore skirt was bad.
536
+ 534 The hidden college campus isn't yellow.
537
+ 535 The knew customer isn't hopeful.
538
+ 536 The hid actor isn't smart.
539
+ 537 The hidden carriages were gray.
540
+ 538 The broke bicycles are broken.
541
+ 539 The knew girls are busy.
542
+ 540 The broke wheelbarrow isn't hard.
543
+ 541 The knew teenager isn't busy.
544
+ 542 The taken axes are brown.
545
+ 543 The broken computer isn't blue.
546
+ 544 The wore socks aren't important.
547
+ 545 The worn glove is rough.
548
+ 546 The forgotten teachers are small.
549
+ 547 The broke bike is brown.
550
+ 548 The hidden closet isn't hard.
551
+ 549 The known offspring aren't standing.
552
+ 550 The broke convertible is orange.
553
+ 551 The broke cups are new.
554
+ 552 The wore blouses were rough.
555
+ 553 The wore sweater was good.
556
+ 554 The forgot driver was displeased.
557
+ 555 The hidden rug was yellow.
558
+ 556 The broke bike wasn't new.
559
+ 557 The hid doctors were unsure.
560
+ 558 The forgotten movie was good.
561
+ 559 The knew men were troubled.
562
+ 560 The worn skirts are brown.
563
+ 561 The broke carriage is popular.
564
+ 562 The broke planes are blue.
565
+ 563 The forgot drivers weren't unconvinced.
566
+ 564 The wore shirt isn't new.
567
+ 565 The broken cart isn't green.
568
+ 566 The taken sweaters aren't important.
569
+ 567 The broke dishes were red.
570
+ 568 The wore scarves aren't bad.
571
+ 569 The known adult isn't small.
572
+ 570 The forgotten actresses are unconvinced.
573
+ 571 The known actress isn't standing.
574
+ 572 The hid senators aren't standing.
575
+ 573 The broke convertible wasn't red.
576
+ 574 The broke window is new.
577
+ 575 The worn shoe is important.
578
+ 576 The worn scarves were black.
579
+ 577 The taken axes were big.
580
+ 578 The knew man isn't happy.
581
+ 579 The known alumnus isn't lucky.
582
+ 580 The forgotten doctor wasn't smart.
583
+ 581 The knew waitresses were big.
584
+ 582 The forgotten analysis is good.
585
+ 583 The forgotten children are clever.
586
+ 584 The broke tooth was gray.
587
+ 585 The known actor isn't employed.
588
+ 586 The broke screens are black.
589
+ 587 The broke chairs aren't cheap.
590
+ 588 The broke trucks were brown.
591
+ 589 The knew alumni aren't uncertain.
592
+ 590 The worn hats are yellow.
593
+ 591 The took lamps aren't hard.
594
+ 592 The knew student is unconvinced.
595
+ 593 The taken chair is big.
596
+ 594 The known ladies were employed.
597
+ 595 The forgotten patients aren't good.
598
+ 596 The knew customer isn't exposed.
599
+ 597 The hidden deer wasn't yellow.
600
+ 598 The hidden mouths are yellow.
601
+ 599 The forgotten book wasn't gray.
602
+ 600 The broke glass wasn't whole.
603
+ 601 The worn glove was new.
604
+ 602 The wore sweaters were orange.
605
+ 603 The hid actor is troubled.
606
+ 604 The worn shawl wasn't gray.
607
+ 605 The broke windows were orange.
608
+ 606 The broken computer isn't cheap.
609
+ 607 The hid eye wasn't brown.
610
+ 608 The hid bike is broken.
611
+ 609 The broke mirrors are new.
612
+ 610 The broke cups were lost.
613
+ 611 The hidden men weren't exposed.
614
+ 612 The wore pants weren't important.
615
+ 613 The hid oxen weren't concealed.
616
+ 614 The broken cup wasn't important.
617
+ 615 The taken lakes are white.
618
+ 616 The broke tooth was rough.
619
+ 617 The hidden car wasn't orange.
620
+ 618 The broke carriages are black.
621
+ 619 The broke mirrors were purple.
622
+ 620 The forgotten thesis is black.
623
+ 621 The taken horses were brown.
624
+ 622 The broke fork is out in the open.
625
+ 623 The broke car isn't broken.
626
+ 624 The hid rice was white.
627
+ 625 The broke cart is gray.
628
+ 626 The forgot commentaries were popular.
629
+ 627 The took oasis is purple.
630
+ 628 The knew offspring isn't unsure.
631
+ 629 The forgotten documentaries are bad.
632
+ 630 The forgotten documentaries were good.
633
+ 631 The hid teenager is content.
634
+ 632 The broke carts are bad.
635
+ 633 The worn blouse isn't concealed.
636
+ 634 The forgotten woman is standing.
637
+ 635 The hid men weren't determined.
638
+ 636 The broke couch isn't messy.
639
+ 637 The hid pamphlet wasn't big.
640
+ 638 The forgotten waitresses are lost.
641
+ 639 The forgotten dancers aren't nice.
642
+ 640 The hidden actor isn't lost.
643
+ 641 The forgotten adult wasn't bad.
644
+ 642 The knew adults aren't unlucky.
645
+ 643 The forgotten story wasn't long.
646
+ 644 The forgotten actress is unconvinced.
647
+ 645 The hidden women weren't determined.
648
+ 646 The knew doctors are hidden.
649
+ 647 The hid hill is red.
650
+ 648 The broke plane was old.
651
+ 649 The knew cashier is uncertain.
652
+ 650 The broke couches are out in the open.
653
+ 651 The worn skirt wasn't gray.
654
+ 652 The took glaciers aren't rough.
655
+ 653 The known lady wasn't scared.
656
+ 654 The known adult was clever.
657
+ 655 The wore jackets were blue.
658
+ 656 The knew cashier is delighted.
659
+ 657 The broke mirror is small.
660
+ 658 The hid face isn't big.
661
+ 659 The knew patient wasn't young.
662
+ 660 The broke cup is hard.
663
+ 661 The hidden girls aren't fast.
664
+ 662 The broke dish was bad.
665
+ 663 The broken bicycle wasn't concealed.
666
+ 664 The broke plates weren't black.
667
+ 665 The broke couches weren't cheap.
668
+ 666 The hid offspring are out in the open.
669
+ 667 The wore shawls are green.
670
+ 668 The broken unicycle wasn't lost.
671
+ 669 The knew woman is serious.
672
+ 670 The forgot senator isn't out in the open.
673
+ 671 The forgotten women aren't nice.
674
+ 672 The hidden window wasn't rough.
675
+ 673 The forgotten doctor isn't employed.
676
+ 674 The knew actor wasn't employed.
677
+ 675 The broke skateboards are hidden.
678
+ 676 The broke window isn't out in the open.
679
+ 677 The took casserole wasn't popular.
680
+ 678 The hid cars are important.
681
+ 679 The wore gloves were green.
682
+ 680 The worn scarf isn't hard.
683
+ 681 The forgotten brochures were big.
684
+ 682 The worn shirt wasn't purple.
685
+ 683 The forgotten offspring weren't upset.
686
+ 684 The broken bicycle wasn't big.
687
+ 685 The taken vases aren't rough.
688
+ 686 The took plate wasn't black.
689
+ 687 The wore pants weren't new.
690
+ 688 The forgotten book is purple.
691
+ 689 The wore glasses weren't small.
692
+ 690 The took louse wasn't standing.
693
+ 691 The hid girl isn't smart.
694
+ 692 The knew child was exposed.
695
+ 693 The worn gloves are gray.
696
+ 694 The broke bicycle is green.
697
+ 695 The broken carriage is big.
698
+ 696 The taken rice is big.
699
+ 697 The broke plates weren't whole.
700
+ 698 The broke mirrors are smooth.
701
+ 699 The broke skateboards are out in the open.
702
+ 700 The broken planes are concealed.
703
+ 701 The hid river was new.
704
+ 702 The forgotten child is important.
705
+ 703 The broken forks aren't red.
706
+ 704 The forgotten guys weren't good.
707
+ 705 The forgotten story was long.
708
+ 706 The wore shirt wasn't out in the open.
709
+ 707 The broken forks weren't new.
710
+ 708 The known boys aren't old.
711
+ 709 The hid public parks were blue.
712
+ 710 The knew girls are concealed.
713
+ 711 The broken plate isn't lost.
714
+ 712 The wore pants aren't good.
715
+ 713 The forgotten movie is bad.
716
+ 714 The knew men are scared.
717
+ 715 The hidden couches were hard.
718
+ 716 The took ladders aren't popular.
719
+ 717 The hid slopes were orange.
720
+ 718 The known waiters aren't unconvinced.
721
+ 719 The broken couches are broken.
722
+ 720 The wore glasses are new.
723
+ 721 The took dresses weren't black.
724
+ 722 The wore scarf was green.
725
+ 723 The hid plates weren't brown.
726
+ 724 The knew people aren't uncertain.
727
+ 725 The hid jacket was soft.
728
+ 726 The hidden student isn't employed.
729
+ 727 The forgotten commentary isn't good.
730
+ 728 The forgotten movies were important.
731
+ 729 The wore jacket isn't old.
732
+ 730 The forgot doctors were smart.
733
+ 731 The known dancers weren't unemployed.
734
+ 732 The known patient isn't determined.
735
+ 733 The broke carriages were small.
736
+ 734 The worn glasses aren't messy.
737
+ 735 The hidden gates were purple.
738
+ 736 The taken lake was popular.
739
+ 737 The worn hats weren't soft.
740
+ 738 The hidden adults aren't upset.
741
+ 739 The knew teenager was small.
742
+ 740 The worn skirts are smooth.
743
+ 741 The broke planes weren't rough.
744
+ 742 The knew customers aren't troubled.
745
+ 743 The took closet isn't new.
746
+ 744 The broke windows were broken.
747
+ 745 The hid shirts weren't brown.
748
+ 746 The hid movie theaters weren't old.
749
+ 747 The forgot newspaper article was important.
750
+ 748 The known woman wasn't content.
751
+ 749 The broken wheelbarrows were out in the open.
752
+ 750 The broke cups were whole.
753
+ 751 The wore hats weren't green.
754
+ 752 The forgotten waitresses weren't lost.
755
+ 753 The broken forks aren't smooth.
756
+ 754 The hid snakes aren't black.
757
+ 755 The broke wheelbarrow is red.
758
+ 756 The wore shawls are brown.
759
+ 757 The hid cat wasn't big.
760
+ 758 The broke vases are bad.
761
+ 759 The took gate was brown.
762
+ 760 The wore blouse is hard.
763
+ 761 The forgot senator was out in the open.
764
+ 762 The broken dish wasn't red.
765
+ 763 The hid popsicle isn't gray.
766
+ 764 The worn gloves were rough.
767
+ 765 The broken glass was concealed.
768
+ 766 The broke screen was green.
769
+ 767 The broken cart wasn't bad.
770
+ 768 The took theses weren't big.
771
+ 769 The took snakes aren't ill.
772
+ 770 The wore gloves are out in the open.
773
+ 771 The broke convertible is concealed.
774
+ 772 The broke computer was orange.
775
+ 773 The hid screen isn't cheap.
776
+ 774 The hidden child wasn't clever.
777
+ 775 The hid teacher is important.
778
+ 776 The taken cats are hidden.
779
+ 777 The wore blouses aren't hard.
780
+ 778 The known dancers are bad.
781
+ 779 The forgotten actor wasn't concealed.
782
+ 780 The taken cakes aren't big.
783
+ 781 The took ladder isn't hard.
784
+ 782 The hid spotlight was bad.
785
+ 783 The known waitresses were clever.
786
+ 784 The worn hat wasn't good.
787
+ 785 The forgot analysis isn't long.
788
+ 786 The broke plate is purple.
789
+ 787 The took mountains weren't important.
790
+ 788 The hidden oases are white.
791
+ 789 The taken plate wasn't green.
792
+ 790 The broke feet were clean.
793
+ 791 The broke dish was important.
794
+ 792 The hidden lice weren't big.
795
+ 793 The forgot pedestrians are lucky.
796
+ 794 The broke glasses were yellow.
797
+ 795 The forgot doctors weren't sick.
798
+ 796 The took louse isn't standing.
799
+ 797 The taken car isn't cheap.
800
+ 798 The hid tomatoes were orange.
801
+ 799 The knew cashier is ill.
802
+ 800 The broke glasses are blue.
803
+ 801 The broke fork isn't important.
804
+ 802 The broke glasses were white.
805
+ 803 The forgot reports weren't black.
806
+ 804 The wore sweater was hidden.
807
+ 805 The hidden person isn't upset.
808
+ 806 The broke bike is old.
809
+ 807 The known children aren't fast.
810
+ 808 The hid people are unsure.
811
+ 809 The broke bicycles aren't cheap.
812
+ 810 The hidden slope is out in the open.
813
+ 811 The broke vases aren't broken.
814
+ 812 The taken banks aren't hidden.
815
+ 813 The worn gloves were cheap.
816
+ 814 The taken shirt was new.
817
+ 815 The forgotten actress was exposed.
818
+ 816 The hidden cactus wasn't lost.
819
+ 817 The hidden horses are white.
820
+ 818 The knew ladies aren't important.
821
+ 819 The wore blouse was soft.
822
+ 820 The worn coat isn't yellow.
823
+ 821 The broke skateboards weren't smooth.
824
+ 822 The taken pie is bad.
825
+ 823 The wore blouses are white.
826
+ 824 The broke skateboards aren't blue.
827
+ 825 The worn blouses were out in the open.
828
+ 826 The taken high schools were messy.
829
+ 827 The broke couches are important.
830
+ 828 The broke cups were good.
831
+ 829 The hid lady was determined.
832
+ 830 The broke teeth were new.
833
+ 831 The wore scarf is exposed.
834
+ 832 The worn skirt isn't clean.
835
+ 833 The forgotten brochures aren't orange.
836
+ 834 The known child isn't content.
837
+ 835 The hidden mouth is bad.
838
+ 836 The forgotten analyses were long.
839
+ 837 The took steps are black.
840
+ 838 The took muffins weren't important.
841
+ 839 The hidden snake is white.
842
+ 840 The taken fungi were lost.
843
+ 841 The hid ice is yellow.
844
+ 842 The worn shoe is purple.
845
+ 843 The knew cashier wasn't clever.
846
+ 844 The wore hats are blue.
847
+ 845 The known cashier isn't good.
848
+ 846 The hidden steak is concealed.
849
+ 847 The knew girl wasn't lost.
850
+ 848 The hidden cakes weren't rough.
851
+ 849 The known adult isn't nice.
852
+ 850 The broke glasses aren't lost.
853
+ 851 The worn skirts are hard.
854
+ 852 The knew actor wasn't confident.
855
+ 853 The knew drivers were excited.
856
+ 854 The broken cart isn't red.
857
+ 855 The wore skirts weren't black.
858
+ 856 The took eggplant isn't fresh.
859
+ 857 The broke plane was popular.
860
+ 858 The known waiter was concealed.
861
+ 859 The forgotten dancer is troubled.
862
+ 860 The forgotten children weren't old.
863
+ 861 The broke foot isn't rough.
864
+ 862 The hid mountain wasn't small.
865
+ 863 The hid plate wasn't green.
866
+ 864 The broke chairs are yellow.
867
+ 865 The broke couches were important.
868
+ 866 The broke chairs are big.
869
+ 867 The known waitresses aren't hidden.
870
+ 868 The broke dishes aren't old.
871
+ 869 The worn shirt was gray.
872
+ 870 The knew guys aren't happy.
873
+ 871 The knew women are content.
874
+ 872 The knew children aren't displeased.
875
+ 873 The wore jacket isn't blue.
876
+ 874 The broke fork was hidden.
877
+ 875 The forgotten movie wasn't bad.
878
+ 876 The hid deer is rough.
879
+ 877 The broken unicycle is whole.
880
+ 878 The hid rug wasn't important.
881
+ 879 The broke cart is small.
882
+ 880 The worn hats were orange.
883
+ 881 The knew offspring are troubled.
884
+ 882 The knew guests were busy.
885
+ 883 The broken bike is bad.
886
+ 884 The broken cars weren't big.
887
+ 885 The broke carts weren't bad.
888
+ 886 The took dresses are red.
889
+ 887 The forgotten doctors were displeased.
890
+ 888 The broke plane wasn't yellow.
891
+ 889 The known person is concealed.
892
+ 890 The knew patient isn't lost.
893
+ 891 The broke glasses weren't new.
894
+ 892 The knew teenagers aren't confident.
895
+ 893 The knew students were excited.
896
+ 894 The hidden dishes were rough.
897
+ 895 The knew teenagers aren't small.
898
+ 896 The hid cucumber was exposed.
899
+ 897 The broke plates are brown.
900
+ 898 The forgotten theses are orange.
901
+ 899 The broken bicycle isn't gray.
902
+ 900 The worn dress isn't old.
903
+ 901 The wore blouse is bad.
904
+ 902 The broke convertible wasn't blue.
905
+ 903 The known lady wasn't old.
906
+ 904 The broken couches aren't clean.
907
+ 905 The hid alumni were concealed.
908
+ 906 The took doors were red.
909
+ 907 The hid plates weren't broken.
910
+ 908 The took oases weren't blue.
911
+ 909 The forgotten teenagers are important.
912
+ 910 The forgotten teacher isn't unconvinced.
913
+ 911 The known offspring wasn't concealed.
914
+ 912 The hidden apple wasn't white.
915
+ 913 The worn jackets aren't big.
916
+ 914 The forgotten waiter wasn't unemployed.
917
+ 915 The wore socks are hidden.
918
+ 916 The worn shawls aren't exposed.
919
+ 917 The broken vase is concealed.
920
+ 918 The hidden mirror was white.
921
+ 919 The hidden species was small.
922
+ 920 The broke screen was out in the open.
923
+ 921 The broke carriages are lost.
924
+ 922 The hid children are lucky.
925
+ 923 The taken carts weren't blue.
926
+ 924 The broke computers are new.
927
+ 925 The took teeth weren't cheap.
928
+ 926 The hidden men are exposed.
929
+ 927 The broke cup is brown.
930
+ 928 The hid offspring are fast.
931
+ 929 The hid casseroles aren't out in the open.
932
+ 930 The broke couches weren't hidden.
933
+ 931 The known person is sick.
934
+ 932 The broke glasses aren't clean.
935
+ 933 The known boys weren't concealed.
936
+ 934 The broke screen wasn't rough.
937
+ 935 The hid convertible is small.
938
+ 936 The forgot senator wasn't upset.
939
+ 937 The knew patients weren't unlucky.
940
+ 938 The hidden waiters weren't sick.
941
+ 939 The broke glass wasn't messy.
942
+ 940 The hid oxen aren't standing.
943
+ 941 The hid picture wasn't important.
944
+ 942 The knew boys were nice.
945
+ 943 The broke window was good.
946
+ 944 The hid patients are popular.
947
+ 945 The wore sweaters weren't lost.
948
+ 946 The forgotten actor was serious.
949
+ 947 The forgotten woman is young.
950
+ 948 The knew man wasn't important.
951
+ 949 The worn dress was big.
952
+ 950 The wore dresses are white.
953
+ 951 The worn blouse wasn't good.
954
+ 952 The forgotten thesis isn't lost.
955
+ 953 The broke carriage is purple.
956
+ 954 The forgotten pamphlets were black.
957
+ 955 The broke carts were good.
958
+ 956 The hid cucumber was popular.
959
+ 957 The broke bicycle is hard.
960
+ 958 The hid sketches aren't important.
961
+ 959 The forgotten movies aren't important.
962
+ 960 The worn jackets weren't cheap.
963
+ 961 The known actor isn't content.
964
+ 962 The hid pork is exposed.
965
+ 963 The broke plate isn't bad.
966
+ 964 The taken report is long.
967
+ 965 The knew senators were small.
968
+ 966 The broke feet weren't concealed.
969
+ 967 The taken glass wasn't dirty.
970
+ 968 The knew dancer isn't popular.
971
+ 969 The forgotten teacher wasn't young.
972
+ 970 The hid drawings aren't popular.
973
+ 971 The knew patient is big.
974
+ 972 The taken spinach was under ripe.
975
+ 973 The known teacher isn't troubled.
976
+ 974 The hidden women aren't bad.
977
+ 975 The hid carriage isn't broken.
978
+ 976 The worn glasses aren't exposed.
979
+ 977 The forgotten offspring were scared.
980
+ 978 The broke mirror is orange.
981
+ 979 The knew student isn't big.
982
+ 980 The broke dish was white.
983
+ 981 The taken wheelbarrows were brown.
984
+ 982 The broke chairs weren't purple.
985
+ 983 The broke mirror wasn't old.
986
+ 984 The Borgias wore a lot of scarves.
987
+ 985 Teresa hidden every senator.
988
+ 986 The mushroom gone bad.
989
+ 987 Cheryl come here.
990
+ 988 Christopher hid a spotlight.
991
+ 989 Edward hid the cats.
992
+ 990 Erin went to some schools.
993
+ 991 Joel come here.
994
+ 992 Paula broke some plates.
995
+ 993 Raymond woke up.
996
+ 994 Laura broken this cart.
997
+ 995 Victoria worn that hat.
998
+ 996 Carrie took most bikes.
999
+ 997 Nancy sung.
1000
+ 998 The guy sung.
1001
+ 999 Lucille gone to some cafe.
1002
+ 1000 Sandra knew Becca.
1003
+ 1001 Susan knew Florence.
1004
+ 1002 Many girls taken that banana.
1005
+ 1003 Melissa ate.
1006
+ 1004 Andrew written.
1007
+ 1005 Kendra known Florence.
1008
+ 1006 Guests woken up.
1009
+ 1007 Suzanne sang.
1010
+ 1008 Catherine knew Amanda.
1011
+ 1009 Frank hid away.
1012
+ 1010 Libraries forgotten Douglas.
1013
+ 1011 Every waiter hidden Julia.
1014
+ 1012 This person spoken up.
1015
+ 1013 Caroline hidden.
1016
+ 1014 That coat shrank.
1017
+ 1015 James ate.
1018
+ 1016 Michael drove to all hospitals.
1019
+ 1017 Todd took every car.
1020
+ 1018 Most ladies hidden away.
1021
+ 1019 Aaron broken the unicycle.
1022
+ 1020 Stacey taken chicken.
1023
+ 1021 Charles forgot Sarah.
1024
+ 1022 Every teenager went to the hospitals.
1025
+ 1023 These guests got fired.
1026
+ 1024 Elizabeth broke the carriages.
1027
+ 1025 Claire woke up.
1028
+ 1026 Alice woken up.
1029
+ 1027 Victoria written.
1030
+ 1028 Allison got a job.
1031
+ 1029 This dancer broke many glasses.
1032
+ 1030 Banks knew Elaine.
1033
+ 1031 The Lutherans hidden.
1034
+ 1032 Kimberley drove to this high school.
1035
+ 1033 Some boy spoke up.
1036
+ 1034 Tiffany sung.
1037
+ 1035 Mitchell broke a lot of forks.
1038
+ 1036 Jessica drove to all museums.
1039
+ 1037 Valerie hid away.
1040
+ 1038 Jesus ate.
1041
+ 1039 Some customer hidden.
1042
+ 1040 All actresses hidden away.
1043
+ 1041 Marcus wore this sock.
1044
+ 1042 Bradley knew Stacy.
1045
+ 1043 Helen took a lot of lamps.
1046
+ 1044 These drivers came here.
1047
+ 1045 Veronica drove to the hospitals.
1048
+ 1046 Lori hid away.
1049
+ 1047 A lot of teenagers spoken up.
1050
+ 1048 Danielle known George.
1051
+ 1049 Suzanne broke those trucks.
1052
+ 1050 A lot of actresses taken some river.
1053
+ 1051 Marla drunk.
1054
+ 1052 Edward broke some chair.
1055
+ 1053 Sharon spoke up.
1056
+ 1054 Many boys woke up.
1057
+ 1055 Sally gone fishing.
1058
+ 1056 Tammy woken up.
1059
+ 1057 Monica ate.
1060
+ 1058 Adam ate.
1061
+ 1059 Patrick broken a lot of wheelbarrows.
1062
+ 1060 Lisa ate.
1063
+ 1061 Those students drove to Spain.
1064
+ 1062 Carla went to schools.
1065
+ 1063 Some people broke that chair.
1066
+ 1064 A lot of dancers broke the vases.
1067
+ 1065 Some children come here.
1068
+ 1066 Raymond drove to Harvard University.
1069
+ 1067 Keith took these birds.
1070
+ 1068 Carrie went to some malls.
1071
+ 1069 Tamara went to a cafe.
1072
+ 1070 Michelle gone to the closet.
1073
+ 1071 Janet broken the plane.
1074
+ 1072 Gerald hidden Ann.
1075
+ 1073 Vincent drove to those restaurants.
1076
+ 1074 Kirsten broke a dish.
1077
+ 1075 Patrick forgot Victoria.
1078
+ 1076 Maria worn jackets.
1079
+ 1077 This guy come here.
1080
+ 1078 Tamara hidden.
1081
+ 1079 Bethany broke a lot of cups.
1082
+ 1080 Those dancers woke up.
1083
+ 1081 The blouses shrank.
1084
+ 1082 Many pedestrians broke some cars.
1085
+ 1083 Wendy drove to most college campuses.
1086
+ 1084 Every teenager sung.
1087
+ 1085 A lot of doctors drove to this library.
1088
+ 1086 Every library taken some painting.
1089
+ 1087 Andrea broke these vases.
1090
+ 1088 Paula wore these sweaters.
1091
+ 1089 Aaron drove to some mountain.
1092
+ 1090 Deborah wore the jacket.
1093
+ 1091 Jennifer broke a carriage.
1094
+ 1092 Dawn hid many shawls.
1095
+ 1093 Diane went fishing.
1096
+ 1094 Rhonda worn a shoe.
1097
+ 1095 Carla broke some plates.
1098
+ 1096 These actors got a job.
1099
+ 1097 A lot of women hid away.
1100
+ 1098 The patients worn every shoe.
1101
+ 1099 Theresa drove to the public park.
1102
+ 1100 Naomi sang.
1103
+ 1101 Those adults wore most shoes.
1104
+ 1102 The waiters spoken up.
1105
+ 1103 Katherine ate.
1106
+ 1104 Rose went to every art gallery.
1107
+ 1105 Denise got a job.
1108
+ 1106 Anne knew Todd.
1109
+ 1107 Helen got fired.
1110
+ 1108 Those waiters spoke up.
1111
+ 1109 That actor hid away.
1112
+ 1110 Laurie come here.
1113
+ 1111 Tamara came here.
1114
+ 1112 Those drivers got a job.
1115
+ 1113 Stephen forgotten Nancy.
1116
+ 1114 Peter forgotten Tammy.
1117
+ 1115 Rhonda gone to the river.
1118
+ 1116 Those doctors wore that coat.
1119
+ 1117 Colleen got a job.
1120
+ 1118 A man written.
1121
+ 1119 Linda got fired.
1122
+ 1120 The Lutherans woken up.
1123
+ 1121 The peppers went bad.
1124
+ 1122 Keith written.
1125
+ 1123 Some girl hid that screen.
1126
+ 1124 This popsicle frozen.
1127
+ 1125 Leslie ate.
1128
+ 1126 Florence woken up.
1129
+ 1127 Vanessa woke up.
1130
+ 1128 Monet got fired.
1131
+ 1129 Sharon went fishing.
1132
+ 1130 Renee drove to the art gallery.
1133
+ 1131 Many ladies hidden the girl.
1134
+ 1132 Valerie written.
1135
+ 1133 Melinda got a job.
1136
+ 1134 Nancy spoken up.
1137
+ 1135 Many boys wore every dress.
1138
+ 1136 Florence got fired.
1139
+ 1137 Sabrina worn a lot of hats.
1140
+ 1138 Jeffrey hidden away.
1141
+ 1139 Kendra broke the mirrors.
1142
+ 1140 Debra wrote.
1143
+ 1141 Those glaciers froze.
1144
+ 1142 Larry worn the coat.
1145
+ 1143 Tonya got fired.
1146
+ 1144 Candice hidden away.
1147
+ 1145 Omar went to high schools.
1148
+ 1146 Caroline broken couches.
1149
+ 1147 Men broke those bicycles.
1150
+ 1148 Stephen gone to most libraries.
1151
+ 1149 These dancers written.
1152
+ 1150 Steve hidden.
1153
+ 1151 Kendra came here.
1154
+ 1152 Carlos broke that wheelbarrow.
1155
+ 1153 Katherine forgot Frank.
1156
+ 1154 The glacier frozen.
1157
+ 1155 Those shawls shrank.
1158
+ 1156 All doctors drove to this hill.
1159
+ 1157 The adult broken a lot of dishes.
1160
+ 1158 All guys forgotten Kenneth.
1161
+ 1159 Craig went to a lot of malls.
1162
+ 1160 Diana broken the car.
1163
+ 1161 Travis got fired.
1164
+ 1162 Rodney broke some couch.
1165
+ 1163 Kristen broke that mirror.
1166
+ 1164 The hats shrank.
1167
+ 1165 Adam took that horse.
1168
+ 1166 Patients broke all mirrors.
1169
+ 1167 All girls broken every car.
1170
+ 1168 Those pedestrians drunk.
1171
+ 1169 Every patient broke the vases.
1172
+ 1170 Melinda woken up.
1173
+ 1171 All mushrooms went bad.
1174
+ 1172 Elaine spoke up.
1175
+ 1173 These guys taken a lot of newspaper articles.
1176
+ 1174 Marcus hid.
1177
+ 1175 Jacqueline worn many jackets.
1178
+ 1176 Samuel drunk.
1179
+ 1177 Bradley broken this plate.
1180
+ 1178 Walter hidden.
1181
+ 1179 Many universities knew Dawn.
1182
+ 1180 Natalie drove to many museums.
1183
+ 1181 Eric taken computers.
1184
+ 1182 Allison broke these cups.
1185
+ 1183 Carrie ate.
1186
+ 1184 Meredith written.
1187
+ 1185 Some adults broken a lot of wheelbarrows.
1188
+ 1186 Margaret ate.
1189
+ 1187 Sara went fishing.
1190
+ 1188 Martin went fishing.
1191
+ 1189 Steve sung.
1192
+ 1190 Carrie spoken up.
1193
+ 1191 Becca wore the shoes.
1194
+ 1192 Most mushrooms went bad.
1195
+ 1193 Many skirts shrank.
1196
+ 1194 Alexander written.
1197
+ 1195 All hats shrank.
1198
+ 1196 That lake froze.
1199
+ 1197 The dancers hid.
1200
+ 1198 Some waiter known Kirsten.
1201
+ 1199 Claire ate.
1202
+ 1200 Some dancers drunk.
1203
+ 1201 Mary hid a lot of glasses.
1204
+ 1202 Tammy wore some sock.
1205
+ 1203 Kevin woken up.
1206
+ 1204 Daniel broke some chair.
1207
+ 1205 Brenda come here.
1208
+ 1206 Most girls wrote.
1209
+ 1207 Danielle got fired.
1210
+ 1208 Theodore broke most bikes.
1211
+ 1209 Most cashiers went fishing.
1212
+ 1210 Theresa broke all bicycles.
1213
+ 1211 Those people hidden away.
1214
+ 1212 These shoes shrank.
1215
+ 1213 This actress hidden.
1216
+ 1214 The popsicle frozen.
1217
+ 1215 Many people hid away.
1218
+ 1216 Gregory hid those bicycles.
1219
+ 1217 Amy sang.
1220
+ 1218 A sock shrank.
1221
+ 1219 Tiffany hidden the lady.
1222
+ 1220 Carmen took this box.
1223
+ 1221 Eva drove to this library.
1224
+ 1222 Monet hidden.
1225
+ 1223 Donna gone to this art gallery.
1226
+ 1224 Brenda hid the bicycles.
1227
+ 1225 Most actresses worn a lot of jackets.
1228
+ 1226 This lake frozen.
1229
+ 1227 The waiters hidden that actress.
1230
+ 1228 Diana worn a lot of hats.
1231
+ 1229 Matt known Kathleen.
1232
+ 1230 Jacqueline worn most shirts.
1233
+ 1231 Tammy broke those forks.
1234
+ 1232 Those girls got a job.
1235
+ 1233 Kenneth spoken up.
1236
+ 1234 Clyde took this eggplant.
1237
+ 1235 Stacy drunk.
1238
+ 1236 Alice came here.
1239
+ 1237 Tara hidden away.
1240
+ 1238 All boys hid this face.
1241
+ 1239 Jodi went to a lot of mountains.
1242
+ 1240 Bruce gone to banks.
1243
+ 1241 Martha known Keith.
1244
+ 1242 This pedestrian hid Alexander.
1245
+ 1243 Gina drove to most closets.
1246
+ 1244 Kayla gone to the restaurants.
1247
+ 1245 Dawn broke that plane.
1248
+ 1246 Caroline hidden all gates.
1249
+ 1247 The Impressionists gone fishing.
1250
+ 1248 Mushrooms gone bad.
1251
+ 1249 That driver knew Anne.
1252
+ 1250 Nina drove to the high schools.
1253
+ 1251 Kenneth sang.
1254
+ 1252 A lot of adults woken up.
1255
+ 1253 Many patients hid away.
1256
+ 1254 A lot of actors drunk.
1257
+ 1255 Sara drove to all cafes.
1258
+ 1256 Some waitresses hid some painting.
1259
+ 1257 Sara got a job.
1260
+ 1258 Janet went to the school.
1261
+ 1259 Eric broke most glasses.
1262
+ 1260 The pedestrians came here.
1263
+ 1261 That adult sung.
1264
+ 1262 Many pedestrians spoken up.
1265
+ 1263 The glasses shrank.
1266
+ 1264 Michelle taken those cars.
1267
+ 1265 Irene drunk.
1268
+ 1266 Winston Churchill written.
1269
+ 1267 Caroline went fishing.
1270
+ 1268 Rose drove to a glacier.
1271
+ 1269 Adam knew Karla.
1272
+ 1270 Those teenagers went fishing.
1273
+ 1271 All cucumbers gone bad.
1274
+ 1272 Carmen sang.
1275
+ 1273 Some guys woke up.
1276
+ 1274 Wendy broke this convertible.
1277
+ 1275 The women drunk.
1278
+ 1276 Those actors drove to Harvard University.
1279
+ 1277 Glaciers froze.
1280
+ 1278 Michael broke that mirror.
1281
+ 1279 Some eggplant went bad.
1282
+ 1280 Kristen gone to every college campus.
1283
+ 1281 David hidden Denise.
1284
+ 1282 Sherry written.
1285
+ 1283 The adults broke those computers.
1286
+ 1284 Those cashiers broke a lot of carriages.
1287
+ 1285 Samantha wore those shawls.
1288
+ 1286 Brian worn jackets.
1289
+ 1287 Noah knew Maria.
1290
+ 1288 A lady worn that jacket.
1291
+ 1289 The children broke a carriage.
1292
+ 1290 Margaret got a job.
1293
+ 1291 Victoria took this bike.
1294
+ 1292 Julia worn every glove.
1295
+ 1293 Grace got fired.
1296
+ 1294 Kayla drunk.
1297
+ 1295 Mary came here.
1298
+ 1296 Samuel worn many pants.
1299
+ 1297 Tara hidden those rabbits.
1300
+ 1298 Lawrence drove to every bank.
1301
+ 1299 Nancy knew James.
1302
+ 1300 This student got a job.
1303
+ 1301 Amy came here.
1304
+ 1302 Many drivers sung.
1305
+ 1303 Amelia got fired.
1306
+ 1304 The ice cream frozen.
1307
+ 1305 Wayne drove to some library.
1308
+ 1306 Some glasses shrank.
1309
+ 1307 Samantha woken up.
1310
+ 1308 Carl broke every wheelbarrow.
1311
+ 1309 Many sweaters shrank.
1312
+ 1310 Sarah went fishing.
1313
+ 1311 Most fish broke a lot of mirrors.
1314
+ 1312 Carla come here.
1315
+ 1313 Julie spoken up.
1316
+ 1314 Some river frozen.
1317
+ 1315 Phillip woken up.
1318
+ 1316 Diane got a job.
1319
+ 1317 Aaron hid.
1320
+ 1318 Eva got fired.
1321
+ 1319 The customer went fishing.
1322
+ 1320 Amy hidden the scarf.
1323
+ 1321 Gerald wore some shawl.
1324
+ 1322 The universities knew this cashier.
1325
+ 1323 A lot of boys broke this truck.
1326
+ 1324 April got fired.
1327
+ 1325 These blouses shrank.
1328
+ 1326 The dress shrank.
1329
+ 1327 Carol drove to museums.
1330
+ 1328 Leslie drove to every library.
1331
+ 1329 An apple went bad.
1332
+ 1330 An actor worn many skirts.
1333
+ 1331 This waitress wore some shirt.
1334
+ 1332 Tammy taken some muffins.
1335
+ 1333 Patrick took a spotlight.
1336
+ 1334 Customers knew Tracy.
1337
+ 1335 Heather drove to this high school.
1338
+ 1336 Phillip broke windows.
1339
+ 1337 Shirts shrank.
1340
+ 1338 Winston Churchill woke up.
1341
+ 1339 Connie broken some computer.
1342
+ 1340 Alice drove to a high school.
1343
+ 1341 Catherine wore every sweater.
1344
+ 1342 Omar forgot the men.
1345
+ 1343 The Impressionists forgotten Tanya.
1346
+ 1344 Joel drove to every hill.
1347
+ 1345 This doctor went fishing.
1348
+ 1346 Brett hid away.
1349
+ 1347 Rachel hidden.
1350
+ 1348 That actor known a lot of dancers.
1351
+ 1349 Ice froze.
1352
+ 1350 Robert went to those banks.
1353
+ 1351 The guest drunk.
1354
+ 1352 Sara drove to every cafe.
1355
+ 1353 Ruth hid these skateboards.
1356
+ 1354 Tamara forgotten Kathleen.
1357
+ 1355 Most cashiers hidden many customers.
1358
+ 1356 Debra broke many cups.
1359
+ 1357 These cashiers sung.
1360
+ 1358 Every hamster hid.
1361
+ 1359 Karen broke all bicycles.
1362
+ 1360 Danielle drove to Spain.
1363
+ 1361 Rodney worn this shoe.
1364
+ 1362 Larry got fired.
1365
+ 1363 Derek drunk.
1366
+ 1364 Kimberley spoken up.
1367
+ 1365 Lisa got a job.
1368
+ 1366 Heather drove to that lake.
1369
+ 1367 Many guys forgot Anna.
1370
+ 1368 A lot of cashiers sung.
1371
+ 1369 Women got a job.
1372
+ 1370 Some actress broke that dish.
1373
+ 1371 Every shirt shrank.
1374
+ 1372 Some icicles frozen.
1375
+ 1373 Kathleen sang.
1376
+ 1374 Wendy worn this blouse.
1377
+ 1375 Catherine forgot Bill.
1378
+ 1376 Some girl broke a fork.
1379
+ 1377 Wayne broken most bicycles.
1380
+ 1378 Jackets shrank.
1381
+ 1379 Ann known Helen.
1382
+ 1380 Debra broke the bicycle.
1383
+ 1381 Many gloves shrank.
1384
+ 1382 Steve broke that couch.
1385
+ 1383 Dana got fired.
1386
+ 1384 Most fish broke this dish.
1387
+ 1385 Carlos drunk.
1388
+ 1386 Ruth known Alexander.
1389
+ 1387 Grace hid.
1390
+ 1388 Elaine came here.
1391
+ 1389 Colleen hidden away.
1392
+ 1390 Some mushroom gone bad.
1393
+ 1391 Amanda drove to this college campus.
1394
+ 1392 Sherry hidden the art gallery.
1395
+ 1393 Omar hidden away.
1396
+ 1394 A lot of fish broken some wheelbarrows.
1397
+ 1395 Actresses written.
1398
+ 1396 Benjamin wore some shawls.
1399
+ 1397 Teresa known Guy.
1400
+ 1398 Women spoke up.
1401
+ 1399 Katherine knew Roger.
1402
+ 1400 Women gone to this museum.
1403
+ 1401 Jane went fishing.
1404
+ 1402 Naomi drove to most art galleries.
1405
+ 1403 Brett written.
1406
+ 1404 Samuel drove to some cafe.
1407
+ 1405 Cilantro gone bad.
1408
+ 1406 Marla forgot Donna.
1409
+ 1407 Christina worn some blouse.
1410
+ 1408 Marcus went fishing.
1411
+ 1409 Heather written.
1412
+ 1410 Joseph went fishing.
1413
+ 1411 Jodi hid.
1414
+ 1412 Many actresses got fired.
1415
+ 1413 Cheryl hid many lights.
1416
+ 1414 Most students broke most dishes.
1417
+ 1415 Chad went to all rivers.
1418
+ 1416 Samantha went to many closets.
1419
+ 1417 Samuel came here.
1420
+ 1418 These patients drove to every cafe.
1421
+ 1419 Julie drove to some schools.
1422
+ 1420 Walter worn many blouses.
1423
+ 1421 Most teenagers written.
1424
+ 1422 Christina drove to banks.
1425
+ 1423 Kathleen woken up.
1426
+ 1424 Every sock shrank.
1427
+ 1425 Cheryl forgot a boy.
1428
+ 1426 Waitresses knew Vincent.
1429
+ 1427 Mark wore every skirt.
1430
+ 1428 Steven wore all shirts.
1431
+ 1429 Richard wore every coat.
1432
+ 1430 Joel hid away.
1433
+ 1431 Sara hid away.
1434
+ 1432 Diana drunk.
1435
+ 1433 All pedestrians hidden Omar.
1436
+ 1434 Rose forgot Vanessa.
1437
+ 1435 John known Stephen.
1438
+ 1436 Katherine hidden.
1439
+ 1437 A waiter hidden that cucumber.
1440
+ 1438 Emily hidden many windows.
1441
+ 1439 Hamsters come here.
1442
+ 1440 Sally worn that sock.
1443
+ 1441 Nina drunk.
1444
+ 1442 This lady went fishing.
1445
+ 1443 William got fired.
1446
+ 1444 Marie forgot Eric.
1447
+ 1445 Dan went fishing.
1448
+ 1446 Keith got a job.
1449
+ 1447 Scott forgotten Jodi.
1450
+ 1448 Judy forgotten Anna.
1451
+ 1449 Allison knew Walter.
1452
+ 1450 Some cashiers written.
1453
+ 1451 Ice cream froze.
1454
+ 1452 Katherine spoken up.
1455
+ 1453 Dana broke this plane.
1456
+ 1454 Many ladies drove to some closet.
1457
+ 1455 Some doctors sang.
1458
+ 1456 Irene went to that public park.
1459
+ 1457 Many senators went to all closets.
1460
+ 1458 That customer woken up.
1461
+ 1459 Christine drunk.
1462
+ 1460 Every scarf shrank.
1463
+ 1461 Emily drunk.
1464
+ 1462 Maria written.
1465
+ 1463 Holly hid Tiffany.
1466
+ 1464 These women taken the sketches.
1467
+ 1465 Raymond went to that school.
1468
+ 1466 Gregory spoke up.
1469
+ 1467 Many governments knew a lot of guests.
1470
+ 1468 Sabrina got a job.
1471
+ 1469 The Borgias broke a screen.
1472
+ 1470 Michelle forgot Linda.
1473
+ 1471 Stacy broke some plates.
1474
+ 1472 Samuel gone to the art galleries.
1475
+ 1473 Holly broken the computer.
1476
+ 1474 Michael broke some plate.
1477
+ 1475 Connie broken the cart.
1478
+ 1476 Those students knew Rachel.
1479
+ 1477 Lisa forgotten Brian.
1480
+ 1478 Some actor went to some library.
1481
+ 1479 Marie got a job.
1482
+ 1480 Carolyn broke many cups.
1483
+ 1481 The Impressionists sung.
1484
+ 1482 Some actor spoke up.
1485
+ 1483 Tonya hid Derek.
1486
+ 1484 All women hidden away.
1487
+ 1485 Every museum taken a lot of turtles.
1488
+ 1486 Regina hid.
1489
+ 1487 Linda worn the shirts.
1490
+ 1488 Eric got a job.
1491
+ 1489 Claire wore these socks.
1492
+ 1490 These girls hid Karen.
1493
+ 1491 Every senator came here.
1494
+ 1492 Some fish hid.
1495
+ 1493 Many lakes froze.
1496
+ 1494 Peter got a job.
1497
+ 1495 Most icicles frozen.
1498
+ 1496 Rodney ate.
1499
+ 1497 Kirsten wore shawls.
1500
+ 1498 Regina woken up.
1501
+ 1499 A cashier took these boxes.
1502
+ 1500 Maria got a job.
1503
+ 1501 Michelle wore many skirts.
1504
+ 1502 Janice wore that blouse.
1505
+ 1503 Mark got a job.
1506
+ 1504 Heather took the turtle.
1507
+ 1505 Debra drove to most hospitals.
1508
+ 1506 Catherine wore this shawl.
1509
+ 1507 Heather drunk.
1510
+ 1508 Edward forgotten Patricia.
1511
+ 1509 A lot of peppers went bad.
1512
+ 1510 Patricia drove to a restaurant.
1513
+ 1511 Guests ate.
1514
+ 1512 Brenda got fired.
1515
+ 1513 Kendra knew this customer.
1516
+ 1514 An actress went to these malls.
1517
+ 1515 Catherine took a popsicle.
1518
+ 1516 A lot of customers ate.
1519
+ 1517 The drivers hid.
1520
+ 1518 The Borgias hidden this snake.
1521
+ 1519 Rhonda ate.
1522
+ 1520 Adam knew Rodney.
1523
+ 1521 A lot of ladies hid Todd.
1524
+ 1522 Frank broke those planes.
1525
+ 1523 The guests ate.
1526
+ 1524 These patients wore socks.
1527
+ 1525 Most hats shrank.
1528
+ 1526 Douglas sang.
1529
+ 1527 All horses came here.
1530
+ 1528 Gerald gone to all libraries.
1531
+ 1529 Tiffany went fishing.
1532
+ 1530 Tina went to that hill.
1533
+ 1531 The actor sang.
1534
+ 1532 Nina knew Winston Churchill.
1535
+ 1533 The drivers broke this unicycle.
1536
+ 1534 Derek gone to those libraries.
1537
+ 1535 Many teachers spoken up.
1538
+ 1536 That cilantro went bad.
1539
+ 1537 Nancy taken that skateboard.
1540
+ 1538 Steven broke this mirror.
1541
+ 1539 Barbara woken up.
1542
+ 1540 The Lutherans wore many pants.
1543
+ 1541 Adults broken this computer.
1544
+ 1542 The Borgias got fired.
1545
+ 1543 These socks shrank.
1546
+ 1544 Noah drunk.
1547
+ 1545 Julia forgot Raymond.
1548
+ 1546 This ice cream frozen.
1549
+ 1547 A lot of senators drunk.
1550
+ 1548 Dennis knew Tracy.
1551
+ 1549 Carla hid the book.
1552
+ 1550 Brenda gone to every college campus.
1553
+ 1551 Michael drunk.
1554
+ 1552 Michael ate.
1555
+ 1553 The Borgias broke the computers.
1556
+ 1554 Janet broke those trucks.
1557
+ 1555 Marcus broke some screens.
1558
+ 1556 Teresa broke the trucks.
1559
+ 1557 Daniel took that ladder.
1560
+ 1558 Many blouses shrank.
1561
+ 1559 Rachel went to a lot of hospitals.
1562
+ 1560 Some cats broke many carriages.
1563
+ 1561 Travis got a job.
1564
+ 1562 Paula come here.
1565
+ 1563 Roger forgot Christine.
1566
+ 1564 Nina spoken up.
1567
+ 1565 Patricia knew most students.
1568
+ 1566 These pedestrians drove to a lot of libraries.
1569
+ 1567 The water frozen.
1570
+ 1568 Regina got a job.
1571
+ 1569 Debra hid.
1572
+ 1570 Beverly drove to every closet.
1573
+ 1571 Jennifer written.
1574
+ 1572 Those people written.
1575
+ 1573 Sharon broke that glass.
1576
+ 1574 Maria gone to this mountain.
1577
+ 1575 Donald broke these cups.
1578
+ 1576 A lot of pedestrians went to art galleries.
1579
+ 1577 Many rabbits broke couches.
1580
+ 1578 This dancer gone to the cafe.
1581
+ 1579 Sally drove to every mountain.
1582
+ 1580 Some girls forgotten Kristin.
1583
+ 1581 The jackets shrank.
1584
+ 1582 Erin came here.
1585
+ 1583 Candice hidden.
1586
+ 1584 The ladies drunk.
1587
+ 1585 A lot of rivers frozen.
1588
+ 1586 Monet known Stacy.
1589
+ 1587 Cindy got fired.
1590
+ 1588 Benjamin taken this dog.
1591
+ 1589 Denise broke every skateboard.
1592
+ 1590 Many icicles frozen.
1593
+ 1591 Diane gone to every closet.
1594
+ 1592 Derek broke every plane.
1595
+ 1593 Catherine come here.
1596
+ 1594 A child gone to those hills.
1597
+ 1595 Some schools taken those scarves.
1598
+ 1596 Some actors hid.
1599
+ 1597 Matt ate.
1600
+ 1598 Amanda sang.
1601
+ 1599 That guy hid.
1602
+ 1600 Cynthia come here.
1603
+ 1601 Karla ate.
1604
+ 1602 Karen went to a lot of grocery stores.
1605
+ 1603 That actor drove to that closet.
1606
+ 1604 Some shawls shrank.
1607
+ 1605 Deborah broke these plates.
1608
+ 1606 Catherine spoken up.
1609
+ 1607 Doctors drove to a high school.
1610
+ 1608 Some patients sang.
1611
+ 1609 Those dancers took every nose.
1612
+ 1610 Every student broke screens.
1613
+ 1611 Michelle written.
1614
+ 1612 Bradley hid.
1615
+ 1613 Becca knew Steve.
1616
+ 1614 Elaine got fired.
1617
+ 1615 Chad woke up.
1618
+ 1616 Helen drove to all cafes.
1619
+ 1617 Theodore forgotten Bethany.
1620
+ 1618 Melanie known Amelia.
1621
+ 1619 A man hid away.
1622
+ 1620 The glaciers frozen.
1623
+ 1621 Russell drove to the college campuses.
1624
+ 1622 Omar drove to these schools.
1625
+ 1623 Some ladies drunk.
1626
+ 1624 These guests worn some coat.
1627
+ 1625 Tiffany forgotten Suzanne.
1628
+ 1626 Mark drove to that mall.
1629
+ 1627 Regina drove to all restaurants.
1630
+ 1628 Kristin hid.
1631
+ 1629 Karla drunk.
1632
+ 1630 Every driver went fishing.
1633
+ 1631 These customers hidden.
1634
+ 1632 Ella ate.
1635
+ 1633 Denise drove to some public park.
1636
+ 1634 Jesus went fishing.
1637
+ 1635 Most teachers broke that plate.
1638
+ 1636 Some pepper went bad.
1639
+ 1637 Every coat shrank.
1640
+ 1638 Susan forgot Tracy.
1641
+ 1639 Chad wore the sock.
1642
+ 1640 Some banks forgotten Kendra.
1643
+ 1641 Dan worn most glasses.
1644
+ 1642 Wendy knew Carrie.
1645
+ 1643 Clyde took most bananas.
1646
+ 1644 That guest hidden away.
1647
+ 1645 That senator got fired.
1648
+ 1646 Teresa gone to some high schools.
1649
+ 1647 Christopher broke the dishes.
1650
+ 1648 Those gloves shrank.
1651
+ 1649 Many adults went fishing.
1652
+ 1650 That mushroom went bad.
1653
+ 1651 Susan broke vases.
1654
+ 1652 Homer broken a lot of screens.
1655
+ 1653 Stacey forgotten all women.
1656
+ 1654 Most pedestrians hid away.
1657
+ 1655 Allison hidden away.
1658
+ 1656 Timothy got a job.
1659
+ 1657 Many shawls shrank.
1660
+ 1658 Christopher hidden every convertible.
1661
+ 1659 Alexander broke those bikes.
1662
+ 1660 Carol hidden.
1663
+ 1661 Many waiters got fired.
1664
+ 1662 Edward come here.
1665
+ 1663 The waitresses forgotten Michael.
1666
+ 1664 Brett known Paula.
1667
+ 1665 Sabrina taken some dog.
1668
+ 1666 These doctors gone to glaciers.
1669
+ 1667 Every driver broke a plate.
1670
+ 1668 A lot of children hidden Cynthia.
1671
+ 1669 Theodore wore every scarf.
1672
+ 1670 Florence hid Noah.
1673
+ 1671 Those patients broken this computer.
1674
+ 1672 Carol took these sketches.
1675
+ 1673 Those mushrooms went bad.
1676
+ 1674 Vanessa taken all art galleries.
1677
+ 1675 Patrick went fishing.
1678
+ 1676 Tara hidden.
1679
+ 1677 This eggplant went bad.
1680
+ 1678 Wendy drunk.
1681
+ 1679 Alexander woken up.
1682
+ 1680 Carol come here.
1683
+ 1681 Jeffrey took every candle.
1684
+ 1682 Brad got fired.
1685
+ 1683 Many associations forgotten Suzanne.
1686
+ 1684 Laurie gone to some bank.
1687
+ 1685 A skirt shrank.
1688
+ 1686 Becky drove to that art gallery.
1689
+ 1687 Girls went to the Great Lakes.
1690
+ 1688 That jacket shrank.
1691
+ 1689 Carlos forgot Steve.
1692
+ 1690 Every driver worn these hats.
1693
+ 1691 Tara got a job.
1694
+ 1692 Naomi forgotten Gary.
1695
+ 1693 Winston Churchill hid.
1696
+ 1694 Michael hidden.
1697
+ 1695 Some hat shrank.
1698
+ 1696 Jesus hid.
1699
+ 1697 Martha took a lot of bicycles.
1700
+ 1698 Melissa came here.
1701
+ 1699 Brenda hid away.
1702
+ 1700 George went to all movie theaters.
1703
+ 1701 Some doctors worn those scarves.
1704
+ 1702 A teenager broke that bike.
1705
+ 1703 Nicole forgotten Meredith.
1706
+ 1704 Some bird woke up.
1707
+ 1705 Andrew broken this fork.
1708
+ 1706 Men spoken up.
1709
+ 1707 Regina taken some bread.
1710
+ 1708 These girls hidden Paul.
1711
+ 1709 Gerald broke those carriages.
1712
+ 1710 Thomas woken up.
1713
+ 1711 Cheryl broke every bike.
1714
+ 1712 Melanie went to every high school.
1715
+ 1713 The shoe shrank.
1716
+ 1714 Holly got fired.
1717
+ 1715 Edward gone to that college campus.
1718
+ 1716 Douglas woken up.
1719
+ 1717 Jane woken up.
1720
+ 1718 Alexander broke these cups.
1721
+ 1719 Judy got fired.
1722
+ 1720 Elaine sung.
1723
+ 1721 Julia known Peter.
1724
+ 1722 Jessica hidden a newspaper article.
1725
+ 1723 Melanie written.
1726
+ 1724 The waiters hid away.
1727
+ 1725 Thomas hidden.
1728
+ 1726 Every adult come here.
1729
+ 1727 Erin ate.
1730
+ 1728 Sabrina sang.
1731
+ 1729 Stacey hidden Sabrina.
1732
+ 1730 Christina went to every closet.
1733
+ 1731 That actress spoke up.
1734
+ 1732 Bruce hidden Sarah.
1735
+ 1733 Most waiters broke a screen.
1736
+ 1734 Christopher spoken up.
1737
+ 1735 A woman broke a glass.
1738
+ 1736 Alicia ate.
1739
+ 1737 Aaron hidden away.
1740
+ 1738 Those guys got a job.
1741
+ 1739 Most waiters wore some shawls.
1742
+ 1740 Most skirts shrank.
1743
+ 1741 That teenager hid away.
1744
+ 1742 Alice got fired.
1745
+ 1743 Stephen got fired.
1746
+ 1744 Every glacier frozen.
1747
+ 1745 Monica known dancers.
1748
+ 1746 Tamara worn blouses.
1749
+ 1747 Karen hid that hamster.
1750
+ 1748 Carrie sang.
1751
+ 1749 Bill drunk.
1752
+ 1750 These waitresses went to Spain.
1753
+ 1751 Edward written.
1754
+ 1752 Carlos came here.
1755
+ 1753 These children drove to Spain.
1756
+ 1754 Ronald got a job.
1757
+ 1755 Peter went to most high schools.
1758
+ 1756 All guys hidden Angela.
1759
+ 1757 Sherry drove to the hospital.
1760
+ 1758 The Impressionists woke up.
1761
+ 1759 These cashiers hid Margaret.
1762
+ 1760 Those children went to that movie theater.
1763
+ 1761 Amelia gone fishing.
1764
+ 1762 Jesus forgotten Denise.
1765
+ 1763 This water froze.
1766
+ 1764 Wendy went to a lot of public parks.
1767
+ 1765 Most museums known Benjamin.
1768
+ 1766 Tanya come here.
1769
+ 1767 Rodney broke some plates.
1770
+ 1768 Alexander drove to restaurants.
1771
+ 1769 Every woman drove to college campuses.
1772
+ 1770 Charles wore that coat.
1773
+ 1771 This pedestrian ate.
1774
+ 1772 These dancers sung.
1775
+ 1773 Elizabeth got fired.
1776
+ 1774 Thomas sang.
1777
+ 1775 Some shoes shrank.
1778
+ 1776 The Lutherans got a job.
1779
+ 1777 Brian forgotten Sherry.
1780
+ 1778 Jane wore the shirt.
1781
+ 1779 This teacher broke a skateboard.
1782
+ 1780 Jason took many boxes.
1783
+ 1781 Rose drunk.
1784
+ 1782 Lori broken glasses.
1785
+ 1783 Theresa worn a lot of coats.
1786
+ 1784 This patient went fishing.
1787
+ 1785 Most students forgotten Jesus.
1788
+ 1786 A mushroom went bad.
1789
+ 1787 Libraries forgotten Wayne.
1790
+ 1788 Aaron wore that shoe.
1791
+ 1789 Girls sang.
1792
+ 1790 Diana got a job.
1793
+ 1791 Edward hid away.
1794
+ 1792 Regina got fired.
1795
+ 1793 Ella took rice.
1796
+ 1794 Heidi wore some glove.
1797
+ 1795 Frank broke a couch.
1798
+ 1796 Dana hidden away.
1799
+ 1797 Monet known Mary.
1800
+ 1798 This senator broke these plates.
1801
+ 1799 These students drove to a restaurant.
1802
+ 1800 Walter went fishing.
1803
+ 1801 Ann known Florence.
1804
+ 1802 Broccoli went bad.
1805
+ 1803 The association taken those bikes.
1806
+ 1804 Aaron went to every art gallery.
1807
+ 1805 The Impressionists drove to the mall.
1808
+ 1806 Every icicle frozen.
1809
+ 1807 Gerald hidden these apples.
1810
+ 1808 Colleen went fishing.
1811
+ 1809 All governments forgotten Kenneth.
1812
+ 1810 Kristin hid away.
1813
+ 1811 Some patients drunk.
1814
+ 1812 The Lutherans drunk.
1815
+ 1813 Stacy broken a lot of cars.
1816
+ 1814 These senators drunk.
1817
+ 1815 Ronald went fishing.
1818
+ 1816 Denise knew Stacy.
1819
+ 1817 Walter went to that school.
1820
+ 1818 Most rivers froze.
1821
+ 1819 Adults hid away.
1822
+ 1820 The senators drunk.
1823
+ 1821 Eva spoken up.
1824
+ 1822 Martin wore some blouses.
1825
+ 1823 Patricia drunk.
1826
+ 1824 All senators gone to this hill.
1827
+ 1825 The shawls shrank.
1828
+ 1826 Angela written.
1829
+ 1827 Carmen went fishing.
1830
+ 1828 Stephanie came here.
1831
+ 1829 Those waitresses written.
1832
+ 1830 Teresa broke some mirror.
1833
+ 1831 Clyde hid.
1834
+ 1832 Connie ate.
1835
+ 1833 Ronald broke that wheelbarrow.
1836
+ 1834 Robert hidden.
1837
+ 1835 Elizabeth wore all sweaters.
1838
+ 1836 Daniel ate.
1839
+ 1837 Many children drunk.
1840
+ 1838 Winston Churchill broke most forks.
1841
+ 1839 Snakes woke up.
1842
+ 1840 Craig got a job.
1843
+ 1841 These patients broken this cart.
1844
+ 1842 Martha hidden away.
1845
+ 1843 Ann written.
1846
+ 1844 Tammy sang.
1847
+ 1845 Jacqueline written.
1848
+ 1846 The senator knew Carl.
1849
+ 1847 Mary broke this unicycle.
1850
+ 1848 Karen hid away.
1851
+ 1849 Marla got a job.
1852
+ 1850 Donald spoken up.
1853
+ 1851 Clyde hidden those drawings.
1854
+ 1852 Derek taken most mushrooms.
1855
+ 1853 Claire wore most skirts.
1856
+ 1854 Carol hid this scarf.
1857
+ 1855 A jacket shrank.
1858
+ 1856 Travis went fishing.
1859
+ 1857 Hospitals forgot most actors.
1860
+ 1858 A lot of jackets shrank.
1861
+ 1859 Many patients come here.
1862
+ 1860 Every adult got a job.
1863
+ 1861 The bird broke some trucks.
1864
+ 1862 Those children forgot Andrew.
1865
+ 1863 Mark woken up.
1866
+ 1864 The Borgias wrote.
1867
+ 1865 Alexander hid away.
1868
+ 1866 A lot of doctors broke a lot of couches.
1869
+ 1867 Clyde sang.
1870
+ 1868 These associations taken all skateboards.
1871
+ 1869 A child known some driver.
1872
+ 1870 Nancy drove to restaurants.
1873
+ 1871 Adam got a job.
1874
+ 1872 Steven worn this coat.
1875
+ 1873 Gregory got a job.
1876
+ 1874 Senators went to some closet.
1877
+ 1875 Grace broke the carts.
1878
+ 1876 A lot of teachers wore the gloves.
1879
+ 1877 These glaciers froze.
1880
+ 1878 Nancy went to these closets.
1881
+ 1879 Most banks known Julie.
1882
+ 1880 Christina hidden.
1883
+ 1881 Eric forgotten Vanessa.
1884
+ 1882 Those students came here.
1885
+ 1883 Laura drove to some mountain.
1886
+ 1884 Jodi drove to some hills.
1887
+ 1885 Donald ate.
1888
+ 1886 Margaret came here.
1889
+ 1887 This woman got a job.
1890
+ 1888 Every teenager forgot Sharon.
1891
+ 1889 Vincent hid a dog.
1892
+ 1890 Ruth went fishing.
1893
+ 1891 Curtis worn these dresses.
1894
+ 1892 A lake froze.
1895
+ 1893 Karla come here.
1896
+ 1894 Tracy drove to many restaurants.
1897
+ 1895 Nina drove to some hill.
1898
+ 1896 Lucille broke this unicycle.
1899
+ 1897 Some dancers hidden dancers.
1900
+ 1898 Carla wrote.
1901
+ 1899 Carlos took a bird.
1902
+ 1900 Kayla taken some window.
1903
+ 1901 Some socks shrank.
1904
+ 1902 Tracy known Kathleen.
1905
+ 1903 Gary knew many women.
1906
+ 1904 Patrick drove to a bank.
1907
+ 1905 All students broke a lot of glasses.
1908
+ 1906 Charles wrote.
1909
+ 1907 Many patients hid Omar.
1910
+ 1908 Clyde took all shirts.
1911
+ 1909 The Impressionists drove to this high school.
1912
+ 1910 Many students wore most shawls.
1913
+ 1911 Florence worn most gloves.
1914
+ 1912 Tamara got fired.
1915
+ 1913 Jeffrey gone to libraries.
1916
+ 1914 These dancers taken the art galleries.
1917
+ 1915 Dawn written.
1918
+ 1916 James written.
1919
+ 1917 Maria worn some shirt.
1920
+ 1918 This child knew a lot of men.
1921
+ 1919 Jerry broke some carriage.
1922
+ 1920 All snakes broke all bicycles.
1923
+ 1921 The students knew Jason.
1924
+ 1922 Those girls broke that wheelbarrow.
1925
+ 1923 Timothy hidden Danielle.
1926
+ 1924 Christopher hidden away.
1927
+ 1925 Deborah got fired.
1928
+ 1926 Anna hid away.
1929
+ 1927 Richard got a job.
1930
+ 1928 Theodore forgotten Janice.
1931
+ 1929 The children got fired.
1932
+ 1930 Every doctor drove to the college campuses.
1933
+ 1931 Kirsten hidden the college campus.
1934
+ 1932 The actresses known Scott.
1935
+ 1933 Amelia forgotten George.
1936
+ 1934 Paula went fishing.
1937
+ 1935 Sally gone to every hill.
1938
+ 1936 Gary taken photographs.
1939
+ 1937 That girl hid away.
1940
+ 1938 Tiffany ate.
1941
+ 1939 Aaron broke these computers.
1942
+ 1940 A pedestrian written.
1943
+ 1941 Steven drunk.
1944
+ 1942 Galileo known Richard.
1945
+ 1943 Mary knew Bruce.
1946
+ 1944 Winston Churchill forgotten Charles.
1947
+ 1945 The girls went to all cafes.
1948
+ 1946 Mitchell drunk.
1949
+ 1947 Richard got fired.
1950
+ 1948 Colleen broken this car.
1951
+ 1949 Gerald wore this glove.
1952
+ 1950 Guy drove to art galleries.
1953
+ 1951 Karen hid.
1954
+ 1952 Jason ate.
1955
+ 1953 Alan took this bicycle.
1956
+ 1954 Sonia took these newspaper articles.
1957
+ 1955 Veronica hidden away.
1958
+ 1956 The man broke some skateboard.
1959
+ 1957 Charles went fishing.
1960
+ 1958 Cynthia woken up.
1961
+ 1959 Vanessa ate.
1962
+ 1960 All teachers drunk.
1963
+ 1961 Every cat broke that skateboard.
1964
+ 1962 Every dancer worn that sweater.
1965
+ 1963 Ann went to some river.
1966
+ 1964 Deanna broke the cart.
zeroshot/island_effects/eval_results.json ADDED
@@ -0,0 +1 @@
 
 
1
+ {"eval_accuracy": 0.5041106128550075}
zeroshot/island_effects/predictions.txt ADDED
The diff for this file is too large to render. See raw diff
 
zeroshot/npi_licensing/eval_results.json ADDED
@@ -0,0 +1 @@
 
 
1
+ {"eval_accuracy": 0.3272092317036137}
zeroshot/npi_licensing/predictions.txt ADDED
The diff for this file is too large to render. See raw diff
 
zeroshot/qa_congruence_easy/eval_results.json ADDED
@@ -0,0 +1 @@
 
 
1
+ {"eval_accuracy": 0.4375}
zeroshot/qa_congruence_easy/predictions.txt ADDED
@@ -0,0 +1,65 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ index prediction
2
+ 0 What did you get?\nI got a teacher.
3
+ 1 A: What did you sell?\nB: A chair.
4
+ 2 David: What did you sell?\nSarah: I sold a chair.
5
+ 3 A: What did you get?\nB: I got a doctor.
6
+ 4 David: What did you get?\nSarah: I got eggs.
7
+ 5 A: What did you break?\nB: I broke a doctor.
8
+ 6 What did you make?\nA teacher.
9
+ 7 What did you make?\nA lamp.
10
+ 8 David: What did you make?\nSarah: A computer.
11
+ 9 David: What did you cook?\nSarah: A teacher.
12
+ 10 David: What did you eat?\nSarah: Sarah.
13
+ 11 A: What did you cook?\nB: I cooked chicken.
14
+ 12 What did you cook?\nSarah.
15
+ 13 What did you close?\nI closed the gate.
16
+ 14 What did you open?\nI opened the box.
17
+ 15 What did you lock?\nI locked the window.
18
+ 16 A: What did you close?\nB: David.
19
+ 17 A: What did you lock?\nB: David.
20
+ 18 David: What did you close?\nSarah: I closed the window.
21
+ 19 David: What did you close?\nSarah: David.
22
+ 20 A: Who did you see?\nB: A car.
23
+ 21 David: Who did you see?\nSarah: I saw a teacher.
24
+ 22 A: Who helped you?\nB: Milk.
25
+ 23 David: Who did you see?\nSarah: David.
26
+ 24 A: Who did you see?\nB: I saw eggs.
27
+ 25 Who is here?\nA car.
28
+ 26 Who did you see?\nI saw a doctor.
29
+ 27 Who did you meet?\nA doctor.
30
+ 28 David: Who did you meet?\nSarah: A teacher.
31
+ 29 David: Who kissed you?\nSarah: A chair kissed you.
32
+ 30 Who is talking to you?\nA lamp.
33
+ 31 Who kissed you?\nA teacher.
34
+ 32 David: Who shook your hand?\nSarah: A teacher.
35
+ 33 Who shook your hand?\nA doctor.
36
+ 34 A: Who kissed you?\nB: Sarah.
37
+ 35 David: Who kissed you?\nSarah: David.
38
+ 36 David: Who is sleeping?\nSarah: David is sleeping.
39
+ 37 Who is sleeping?\nEggs.
40
+ 38 David: Who is sleeping?\nSarah: A chair.
41
+ 39 A: Who is sleeping?\nB: A teacher.
42
+ 40 A: Who is playing the guitar?\nB: A doctor is playing the guitar.
43
+ 41 A: Who painted that picture?\nB: David.
44
+ 42 David: Who is playing the guitar?\nSarah: Sarah.
45
+ 43 Who is drawing?\nEggs.
46
+ 44 David: Who is drawing?\nSarah: A car is drawing.
47
+ 45 A: Where did you send the package?\nB: I sent the package a computer.
48
+ 46 Where did you send the package?\nI sent the package eggs.
49
+ 47 A: Where did you go?\nB: I went a book.
50
+ 48 David: Where did you go?\nSarah: Milk.
51
+ 49 A: Where did you travel to?\nB: A car.
52
+ 50 David: Where did you send the package?\nSarah: I sent the package across the country.
53
+ 51 Where did you send the package?\nTo california.
54
+ 52 A: Where are you headed?\nB: Eggs.
55
+ 53 A: Where did you drive to?\nB: A chair.
56
+ 54 Where are you headed?\nA computer.
57
+ 55 A: Where did you travel to?\nB: I traveled eggs.
58
+ 56 Where did you find it?\nI found it a car.
59
+ 57 A: Where did you put it?\nB: I put it on the table.
60
+ 58 David: Where did you put it?\nSarah: Eggs.
61
+ 59 A: Where did you leave it?\nB: A book.
62
+ 60 David: Where did you leave it?\nSarah: I left it a book.
63
+ 61 Where did you put it?\nI put it a piano.
64
+ 62 A: Where did you leave it?\nB: A table.
65
+ 63 Where did you find it?\nI found it eggs.
zeroshot/qa_congruence_tricky/eval_results.json ADDED
@@ -0,0 +1 @@
 
 
1
+ {"eval_accuracy": 0.37575757575757573}
zeroshot/qa_congruence_tricky/predictions.txt ADDED
@@ -0,0 +1,166 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ index prediction
2
+ 0 Who cleaned?\nDavid cleaned.
3
+ 1 A: Who cleaned?\nB: Sarah.
4
+ 2 A: Who cleaned?\nB: Sarah cleaned.
5
+ 3 David: Who wrote?\nSarah: A book wrote.
6
+ 4 A: Who wrote?\nB: Sarah.
7
+ 5 David: Who read?\nSarah: A book.
8
+ 6 David: Who wrote?\nSarah: David.
9
+ 7 A: Who wrote?\nB: A teacher wrote.
10
+ 8 A: Who read?\nB: A letter.
11
+ 9 Who read?\nA book read.
12
+ 10 A: Who read?\nB: A letter.
13
+ 11 David: Who wrote?\nSarah: David wrote.
14
+ 12 A: Who read?\nB: A teacher read.
15
+ 13 Who ate?\nA doctor.
16
+ 14 Who ate?\nDinner ate.
17
+ 15 Who ate?\nA teacher ate.
18
+ 16 A: Who cooked?\nB: David cooked.
19
+ 17 David: Who ate?\nSarah: Sarah.
20
+ 18 A: Who cooked?\nB: Sarah cooked.
21
+ 19 David: Who cooked?\nSarah: David.
22
+ 20 Who cooked?\nSarah.
23
+ 21 David: Who ate?\nSarah: Sarah ate.
24
+ 22 Who studies?\nScience studies.
25
+ 23 Who studies?\nA doctor studies.
26
+ 24 David: Who studies?\nSarah: History studies.
27
+ 25 A: Who studies?\nB: David.
28
+ 26 David: Who studies?\nSarah: David studies.
29
+ 27 Where were you reading?\nA book read.
30
+ 28 A: Where were you writing?\nB: A book.
31
+ 29 David: Where were you writing?\nSarah: A book wrote.
32
+ 30 David: Where were you writing?\nSarah: An essay.
33
+ 31 A: Where were you reading?\nB: An essay.
34
+ 32 David: Where were you writing?\nSarah: A book.
35
+ 33 A: Where were you reading?\nB: A letter read.
36
+ 34 A: Where were you writing?\nB: A letter wrote.
37
+ 35 David: Where were you reading?\nSarah: A letter.
38
+ 36 David: Where were you writing?\nSarah: An essay wrote.
39
+ 37 Where did you eat?\nPasta ate.
40
+ 38 David: Where did you eat?\nSarah: Dinner.
41
+ 39 David: Where did you cook?\nSarah: At home.
42
+ 40 Where did you cook?\nIn the kitchen cooked.
43
+ 41 Where did you cook?\nAt home cooked.
44
+ 42 A: Where did you cook?\nB: At home cooked.
45
+ 43 A: Where did you cook?\nB: At home.
46
+ 44 Where did you eat?\nIn the kitchen.
47
+ 45 Where did you eat?\nLunch.
48
+ 46 David: Where do you teach?\nSarah: Math teaches.
49
+ 47 A: Where do you teach?\nB: History.
50
+ 48 David: Where do you teach?\nSarah: History.
51
+ 49 Where do you study?\nScience studies.
52
+ 50 David: Where do you study?\nSarah: History.
53
+ 51 David: Where do you study?\nSarah: Math studies.
54
+ 52 A: Where do you teach?\nB: Science teaches.
55
+ 53 David: When did you clean?\nSarah: I cleaned yesterday.
56
+ 54 A: When did you clean?\nB: I cleaned yesterday.
57
+ 55 When were you writing?\nA letter wrote.
58
+ 56 David: When were you reading?\nSarah: A letter.
59
+ 57 When were you writing?\nA book wrote.
60
+ 58 David: When were you reading?\nSarah: A book read.
61
+ 59 When were you reading?\nA book read.
62
+ 60 When were you reading?\nA letter.
63
+ 61 When were you writing?\nA letter wrote.
64
+ 62 David: When were you reading?\nSarah: An essay.
65
+ 63 David: When were you reading?\nSarah: Last week.
66
+ 64 David: When were you writing?\nSarah: An hour ago wrote.
67
+ 65 When were you writing?\nYesterday wrote.
68
+ 66 When were you reading?\nA book.
69
+ 67 A: When did you cook?\nB: Yesterday.
70
+ 68 David: When did you eat?\nSarah: A sandwich.
71
+ 69 When did you eat?\nYesterday ate.
72
+ 70 When did you eat?\nThis morning.
73
+ 71 When did you eat?\nLunch.
74
+ 72 When did you eat?\nLunch ate.
75
+ 73 A: When did you cook?\nB: Dinner.
76
+ 74 When did you cook?\nThis morning.
77
+ 75 A: When did you eat?\nB: Dinner ate.
78
+ 76 When do you teach?\nMath.
79
+ 77 When do you study?\nMath studies.
80
+ 78 When do you teach?\nMath teaches.
81
+ 79 When do you study?\nMath.
82
+ 80 David: When do you study?\nSarah: History.
83
+ 81 A: When do you teach?\nB: History teaches.
84
+ 82 David: When do you study?\nSarah: Math studies.
85
+ 83 When do you study?\nScience.
86
+ 84 David: When do you study?\nSarah: Science studies.
87
+ 85 David: When do you teach?\nSarah: Science teaches.
88
+ 86 David: Why did you clean?\nSarah: I cleaned for fun.
89
+ 87 Why did you clean?\nI cleaned it was dirty.
90
+ 88 David: Why did you clean?\nSarah: The rug.
91
+ 89 David: Why were you reading?\nSarah: A book.
92
+ 90 A: Why were you reading?\nB: A letter.
93
+ 91 Why were you reading?\nA letter read.
94
+ 92 David: Why were you reading?\nSarah: A book.
95
+ 93 A: Why were you reading?\nB: A book read.
96
+ 94 David: Why were you writing?\nSarah: For work wrote.
97
+ 95 A: Why were you reading?\nB: A letter read.
98
+ 96 David: Why were you writing?\nSarah: A book.
99
+ 97 David: Why did you cook?\nSarah: Dinner cooked.
100
+ 98 David: Why did you eat?\nSarah: Lunch ate.
101
+ 99 A: Why did you eat?\nB: Just because ate.
102
+ 100 David: Why did you eat?\nSarah: Lunch ate.
103
+ 101 David: Why did you cook?\nSarah: Just because.
104
+ 102 Why did you eat?\nDinner.
105
+ 103 A: Why did you cook?\nB: Lunch cooked.
106
+ 104 David: Why did you cook?\nSarah: Dinner cooked.
107
+ 105 Why did you cook?\nA sandwich cooked.
108
+ 106 A: Why did you cook?\nB: A sandwich cooked.
109
+ 107 Why did you eat?\nDinner.
110
+ 108 A: Why do you study?\nB: Science studies.
111
+ 109 Why do you teach?\nJust because teaches.
112
+ 110 Why do you teach?\nJust because.
113
+ 111 A: Why do you study?\nB: Just because.
114
+ 112 Why do you teach?\nHistory teaches.
115
+ 113 A: Why do you teach?\nB: History.
116
+ 114 Why do you study?\nScience studies.
117
+ 115 A: Why do you study?\nB: Science studies.
118
+ 116 David: Why do you study?\nSarah: History studies.
119
+ 117 David: Why do you study?\nSarah: History.
120
+ 118 A: Why do you teach?\nB: For fun teaches.
121
+ 119 How many were you reading?\nA book.
122
+ 120 A: How many were you writing?\nB: Two.
123
+ 121 David: How many were you writing?\nSarah: A book wrote.
124
+ 122 How many were you writing?\nA lot wrote.
125
+ 123 How many were you reading?\nA couple read.
126
+ 124 A: How many did you cook?\nB: Two cooked.
127
+ 125 David: How many did you eat?\nSarah: Three ate.
128
+ 126 How many did you eat?\nOne.
129
+ 127 How many did you eat?\nA few.
130
+ 128 How many did you eat?\nOne.
131
+ 129 A: How many do you study?\nB: One studies.
132
+ 130 How many do you teach?\nA lot.
133
+ 131 David: How many do you study?\nSarah: A few.
134
+ 132 A: How many do you study?\nB: History.
135
+ 133 A: How many do you study?\nB: Science.
136
+ 134 David: How many do you teach?\nSarah: Science teaches.
137
+ 135 David: How many do you study?\nSarah: A couple.
138
+ 136 David: How many do you study?\nSarah: History studies.
139
+ 137 A: How many do you teach?\nB: History.
140
+ 138 How many did you clean?\nA lot.
141
+ 139 A: How many did you clean?\nB: Ten.
142
+ 140 How many did you clean?\nTen.
143
+ 141 A: How many did you clean?\nB: A lot.
144
+ 142 A: How were you writing?\nB: A letter.
145
+ 143 David: How were you reading?\nSarah: A book.
146
+ 144 How were you writing?\nAn essay.
147
+ 145 How were you writing?\nA letter wrote.
148
+ 146 How were you writing?\nAn essay wrote.
149
+ 147 How were you writing?\nCarefully wrote.
150
+ 148 A: How were you reading?\nB: A letter.
151
+ 149 A: How were you reading?\nB: A book read.
152
+ 150 David: How did you eat?\nSarah: Lunch.
153
+ 151 A: How did you cook?\nB: Lunch cooked.
154
+ 152 How did you eat?\nLunch.
155
+ 153 David: How did you cook?\nSarah: Lunch.
156
+ 154 David: How did you cook?\nSarah: With tongs cooked.
157
+ 155 How did you cook?\nPasta.
158
+ 156 How do you study?\nHistory.
159
+ 157 David: How do you study?\nSarah: History.
160
+ 158 A: How do you teach?\nB: Science.
161
+ 159 How do you teach?\nScience teaches.
162
+ 160 How do you teach?\nHistory.
163
+ 161 How do you teach?\nHistory.
164
+ 162 David: How do you teach?\nSarah: Science.
165
+ 163 A: How do you study?\nB: Math.
166
+ 164 A: How did you clean?\nB: I cleaned slowly.
zeroshot/quantifiers/eval_results.json ADDED
@@ -0,0 +1 @@
 
 
1
+ {"eval_accuracy": 0.43225141679546625}
zeroshot/quantifiers/predictions.txt ADDED
The diff for this file is too large to render. See raw diff
 
zeroshot/subject_aux_inversion/eval_results.json ADDED
@@ -0,0 +1 @@
 
 
1
+ {"eval_accuracy": 0.628445962429861}
zeroshot/subject_aux_inversion/predictions.txt ADDED
The diff for this file is too large to render. See raw diff
 
zeroshot/subject_verb_agreement/eval_results.json ADDED
@@ -0,0 +1 @@
 
 
1
+ {"eval_accuracy": 0.4977416440831075}
zeroshot/subject_verb_agreement/predictions.txt ADDED
The diff for this file is too large to render. See raw diff
 
zeroshot/turn_taking/eval_results.json ADDED
@@ -0,0 +1 @@
 
 
1
+ {"eval_accuracy": 0.5178571428571429}
zeroshot/turn_taking/predictions.txt ADDED
@@ -0,0 +1,281 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ index prediction
2
+ 0 David: Should she quit?\nSarah: No, I shouldn't.
3
+ 1 David: Should she meet him?\nSarah: Yes, I should.
4
+ 2 A: Did you think it was going to work?\nB: No, I didn't.
5
+ 3 A: Did you go somewhere after the movie was over?\nB: Yes, I did.
6
+ 4 A: Did you quit?\nB: Yes, I did.
7
+ 5 A: Did you meet him?\nB: Yes, I did.
8
+ 6 A: Should you consider asking for another option?\nB: No, I shouldn't.
9
+ 7 Should you meet him?\nNo, I shouldn't.
10
+ 8 Did you try to finish it on time or not?\nNo, you didn't.
11
+ 9 Did you arrive?\nNo, we didn't.
12
+ 10 David: Did you meet him?\nSarah: Yes, you did.
13
+ 11 David: Should you consider asking for another option?\nSarah: Yes, you should.
14
+ 12 David: Did you finish?\nSarah: No, you didn't.
15
+ 13 David: Did you go somewhere after the movie was over?\nSarah: Yes, you did.
16
+ 14 Should you quit?\nYes, you should.
17
+ 15 Should you meet him?\nNo, you shouldn't.
18
+ 16 A: Did you think it was going to work?\nB: Yes, you did.
19
+ 17 "Should they meet him?" he asked. "Yes, they should," she said.
20
+ 18 Did they try to finish it on time or not?\nNo, they didn't.
21
+ 19 David: Did they leave?\nSarah: No, they didn't.
22
+ 20 A: Did they try to finish it on time or not?\nB: Yes, they did.
23
+ 21 David: Did we finish?\nSarah: No, they didn't.
24
+ 22 A: Should they consider asking for another option?\nB: Yes, they should.
25
+ 23 "Did we meet him?" he asked. "Yes, they did," she said.
26
+ 24 David: Did I try to finish it on time or not?\nSarah: No, you didn't.
27
+ 25 A: Did I finish?\nB: Yes, you did.
28
+ 26 David: Should I meet him?\nSarah: No, I shouldn't.
29
+ 27 Should I finish?\nNo, you shouldn't.
30
+ 28 David: Should I consider asking for another option?\nSarah: Yes, you should.
31
+ 29 Did I try to finish it on time or not?\nYes, you did.
32
+ 30 David: Did I leave?\nSarah: Yes, I did.
33
+ 31 A: Did I find something to do later?\nB: Yes, you did.
34
+ 32 Should I quit?\nYes, you should.
35
+ 33 Did I meet him?\nNo, I didn't.
36
+ 34 "Did we think it was going to work?" he asked. "Yes, we did," she said.
37
+ 35 David: Did they finish?\nSarah: Yes, we did.
38
+ 36 David: Did we try to finish it on time or not?\nSarah: Yes, we did.
39
+ 37 A: Did they meet him?\nB: Yes, we did.
40
+ 38 David: Did we go somewhere after the movie was over?\nSarah: No, we didn't.
41
+ 39 "Did they figure it out?" he asked. "No, we didn't," she said.
42
+ 40 David: Did they figure it out?\nSarah: Yes, we did.
43
+ 41 A: Should they meet him?\nB: No, we shouldn't.
44
+ 42 A: Did they leave?\nB: No, they didn't.
45
+ 43 Should they figure it out?\nNo, they shouldn't.
46
+ 44 Should they quit?\nNo, they shouldn't.
47
+ 45 David: Did they think it was going to work?\nSarah: No, we didn't.
48
+ 46 A: Should they quit?\nB: Yes, they should.
49
+ 47 Did they find something to do later?\nNo, they didn't.
50
+ 48 Did they meet him?\nYes, they did.
51
+ 49 David: Should they consider asking for another option?\nSarah: Yes, they should.
52
+ 50 A: Should she finish?\nB: Yes, I should.
53
+ 51 A: Did she go somewhere after the movie was over?\nB: Yes, I did.
54
+ 52 Did she quit?\nYes, I did.
55
+ 53 Did she figure it out?\nNo, she didn't.
56
+ 54 A: Should she finish?\nB: No, I shouldn't.
57
+ 55 Did she arrive?\nYes, I did.
58
+ 56 David: Did she try to finish it on time or not?\nSarah: Yes, she did.
59
+ 57 David: Did she leave?\nSarah: Yes, she did.
60
+ 58 Did she finish?\nNo, she didn't.
61
+ 59 David: Should she figure it out?\nSarah: Yes, she should.
62
+ 60 Should she consider asking for another option?\nNo, she shouldn't.
63
+ 61 David: Did you try to finish it on time or not?\nSarah: No, you didn't.
64
+ 62 Did you quit?\nNo, you didn't.
65
+ 63 Did you finish?\nNo, you didn't.
66
+ 64 A: Should you figure it out?\nB: Yes, you should.
67
+ 65 Should you quit?\nYes, you should.
68
+ 66 David: Should you leave?\nSarah: No, I shouldn't.
69
+ 67 "Did you meet him?" he asked. "No, you didn't," she said.
70
+ 68 Did we go somewhere after the movie was over?\nNo, you didn't.
71
+ 69 David: Should you quit?\nSarah: Yes, you should.
72
+ 70 David: Did you finish?\nSarah: No, you didn't.
73
+ 71 A: Should you consider asking for another option?\nB: No, you shouldn't.
74
+ 72 A: Should you leave?\nB: Yes, you should.
75
+ 73 A: Did you figure it out?\nB: Yes, you did.
76
+ 74 David: Did you figure it out?\nSarah: No, you didn't.
77
+ 75 A: Should you meet him?\nB: Yes, you should.
78
+ 76 David: Should you figure it out?\nSarah: No, you shouldn't.
79
+ 77 Did you meet him?\nYes, you did.
80
+ 78 David: Should they consider asking for another option?\nSarah: Yes, we should.
81
+ 79 David: Should they quit?\nSarah: No, we shouldn't.
82
+ 80 Did you arrive?\nNo, we didn't.
83
+ 81 Did you figure it out?\nYes, we did.
84
+ 82 A: Did they go somewhere after the movie was over?\nB: No, we didn't.
85
+ 83 A: Should they leave?\nB: Yes, we should.
86
+ 84 "Did you meet him?" he asked. "Yes, we did," she said.
87
+ 85 David: Should they meet him?\nSarah: Yes, we should.
88
+ 86 A: Did I figure it out?\nB: Yes, you did.
89
+ 87 Should I quit?\nYes, you should.
90
+ 88 "Did I meet him?" he asked. "No, you didn't," she said.
91
+ 89 "Should I figure it out?" he asked. "Yes, you should," she said.
92
+ 90 Did I leave?\nNo, you didn't.
93
+ 91 David: Did I arrive?\nSarah: Yes, she did.
94
+ 92 A: Did I think it was going to work?\nB: No, you didn't.
95
+ 93 A: Did I finish?\nB: Yes, you did.
96
+ 94 Did I try to finish it on time or not?\nYes, you did.
97
+ 95 Should I finish?\nYes, you should.
98
+ 96 A: Should you quit?\nB: No, I shouldn't.
99
+ 97 David: Did you think it was going to work?\nSarah: Yes, I did.
100
+ 98 David: Should I meet him?\nSarah: No, I shouldn't.
101
+ 99 Did you figure it out?\nYes, I did.
102
+ 100 "Did you meet him?" he asked. "Yes, I did," she said.
103
+ 101 David: Should I figure it out?\nSarah: No, I shouldn't.
104
+ 102 Did I go somewhere after the movie was over?\nNo, I didn't.
105
+ 103 "Did you try to finish it on time or not?" he asked. "No, I didn't," she said.
106
+ 104 David: Did we meet him?\nSarah: Yes, they did.
107
+ 105 A: Should we consider asking for another option?\nB: Yes, they should.
108
+ 106 Did we arrive?\nYes, we did.
109
+ 107 Did we quit?\nYes, they did.
110
+ 108 Did we quit?\nNo, they didn't.
111
+ 109 David: Did we think it was going to work?\nSarah: Yes, they did.
112
+ 110 "Did we try to finish it on time or not?" he asked. "No, they didn't," she said.
113
+ 111 Did she arrive?\nNo, she didn't.
114
+ 112 David: Did she finish?\nSarah: No, she didn't.
115
+ 113 A: Should she meet him?\nB: Yes, she should.
116
+ 114 Did I go somewhere after the movie was over?\nYes, she did.
117
+ 115 Did she try to finish it on time or not?\nNo, she didn't.
118
+ 116 Did I leave?\nYes, she did.
119
+ 117 Did I quit?\nYes, she did.
120
+ 118 "Did I meet him?" he asked. "Yes, she did," she said.
121
+ 119 "Did I figure it out?" he asked. "Yes, she did," she said.
122
+ 120 David: Should I finish?\nSarah: Yes, you should.
123
+ 121 A: Should I meet him?\nB: No, you shouldn't.
124
+ 122 Did you go somewhere after the movie was over?\nYes, you did.
125
+ 123 David: Did you figure it out?\nSarah: Yes, you did.
126
+ 124 David: Did you quit?\nSarah: No, you didn't.
127
+ 125 David: Did you arrive?\nSarah: No, you didn't.
128
+ 126 A: Should I consider asking for another option?\nB: No, you shouldn't.
129
+ 127 Should you figure it out?\nNo, you shouldn't.
130
+ 128 David: Did you think it was going to work?\nSarah: No, you didn't.
131
+ 129 Did we figure it out?\nNo, they didn't.
132
+ 130 A: Did we quit?\nB: Yes, you did.
133
+ 131 David: Did we quit?\nSarah: No, you didn't.
134
+ 132 David: Should we leave?\nSarah: Yes, they should.
135
+ 133 "Did we try to finish it on time or not?" he asked. "No, they didn't," she said.
136
+ 134 A: Did we go somewhere after the movie was over?\nB: Yes, they did.
137
+ 135 David: Did we arrive?\nSarah: Yes, they did.
138
+ 136 Should we quit?\nNo, you shouldn't.
139
+ 137 A: Should you say that we will figure it out?\nB: Yes, I should.
140
+ 138 A: Did you say that they figured it out?\nB: No, I didn't say that.
141
+ 139 David: Should she say that we will meet him?\nSarah: No, I shouldn't.
142
+ 140 Should you say that they will consider asking for another option?\nYes, I should.
143
+ 141 "Did you say that we figured it out?" he asked. "Yes, I did," she said.
144
+ 142 "Did you say that I left?" he asked. "No, I didn't say that," she said.
145
+ 143 David: Did she say that they will try to finish it on time or not?\nSarah: No, I didn't say that.
146
+ 144 Did you say that I finished?\nYes, you did.
147
+ 145 "Should you say that we will meet him?" he asked. "Yes, you should say that," she said.
148
+ 146 "Did you say that she figured it out?" he asked. "No, you didn't," she said.
149
+ 147 A: Did you say that I will try to finish it on time or not?\nB: Yes, you said that.
150
+ 148 A: Did you say that you will find something to do later?\nB: No, you didn't say that.
151
+ 149 A: Did you say that I left?\nB: No, you didn't.
152
+ 150 "Did you say that I met him?" he asked. "Yes, you said that," she said.
153
+ 151 David: Should you say that they will meet him?\nSarah: No, we shouldn't.
154
+ 152 Did you say that she will think it was going to work?\nYes, you said that.
155
+ 153 A: Did you say that they figured it out?\nB: No, you didn't.
156
+ 154 Did they say that you met him?\nNo, they didn't.
157
+ 155 A: Should they say that they will figure it out?\nB: No, they shouldn't say that.
158
+ 156 David: Did they say that they will go somewhere after the movie is over?\nSarah: Yes, they did.
159
+ 157 Did they say that she finished?\nYes, they did.
160
+ 158 David: Did we say that she will try to finish it on time or not?\nSarah: No, they didn't.
161
+ 159 David: Should they say that they will leave?\nSarah: Yes, they should say that.
162
+ 160 David: Should I say that we will finish?\nSarah: Yes, you should say that.
163
+ 161 A: Should I say that I will consider asking for another option?\nB: Yes, you should.
164
+ 162 David: Should I say that I will finish?\nSarah: Yes, you should say that.
165
+ 163 Should I say that I will figure it out?\nNo, you shouldn't.
166
+ 164 A: Did I say that we quit?\nB: No, you didn't say that.
167
+ 165 David: Did I say that we quit?\nSarah: Yes, you did.
168
+ 166 A: Did I say that I will try to finish it on time or not?\nB: Yes, you did.
169
+ 167 Did I say that she will try to finish it on time or not?\nYes, you said that.
170
+ 168 A: Did I say that I will find something to do later?\nB: No, I didn't.
171
+ 169 Did I say that you finished?\nYes, you did.
172
+ 170 Should I say that you will meet him?\nYes, you should.
173
+ 171 Did they say that I will try to finish it on time or not?\nYes, we said that.
174
+ 172 Did they say that I will think it was going to work?\nYes, we said that.
175
+ 173 David: Did they say that you figured it out?\nSarah: Yes, we did.
176
+ 174 David: Did we say that we finished?\nSarah: No, we didn't.
177
+ 175 A: Did they say that you will go somewhere after the movie is over?\nB: No, we didn't.
178
+ 176 A: Should they say that you will leave?\nB: No, we shouldn't say that.
179
+ 177 David: Should they say that she will finish?\nSarah: Yes, we should.
180
+ 178 "Should they say that I will meet him?" he asked. "Yes, we should," she said.
181
+ 179 David: Should they say that you will leave?\nSarah: Yes, we should.
182
+ 180 A: Should they say that they will meet him?\nB: No, they shouldn't say that.
183
+ 181 A: Did they say that they left?\nB: No, they didn't.
184
+ 182 Did they say that I met him?\nYes, they said that.
185
+ 183 "Should they say that we will figure it out?" he asked. "Yes, they should say that," she said.
186
+ 184 "Did they say that I will try to finish it on time or not?" he asked. "Yes, we said that," she said.
187
+ 185 Should they say that we will finish?\nYes, they should.
188
+ 186 A: Should they say that you will leave?\nB: No, they shouldn't say that.
189
+ 187 A: Did they say that you will go somewhere after the movie is over?\nB: Yes, they did.
190
+ 188 Did she say that we will think it was going to work?\nNo, she didn't say that.
191
+ 189 A: Should she say that I will leave?\nB: Yes, she should.
192
+ 190 David: Did she say that you will find something to do later?\nSarah: Yes, she said that.
193
+ 191 David: Should she say that we will figure it out?\nSarah: Yes, she should say that.
194
+ 192 Should she say that she will meet him?\nNo, she shouldn't say that.
195
+ 193 David: Should she say that they will finish?\nSarah: Yes, she should.
196
+ 194 David: Did she say that we quit?\nSarah: Yes, I did.
197
+ 195 Did she say that she met him?\nNo, she didn't.
198
+ 196 David: Should you say that you will figure it out?\nSarah: Yes, I should.
199
+ 197 David: Should you say that you will leave?\nSarah: No, I shouldn't.
200
+ 198 David: Did you say that you finished?\nSarah: No, you didn't say that.
201
+ 199 David: Did you say that I will find something to do later?\nSarah: No, you didn't.
202
+ 200 Did you say that I quit?\nNo, you didn't.
203
+ 201 A: Did you say that we left?\nB: No, you didn't say that.
204
+ 202 Should you say that I will consider asking for another option?\nNo, you shouldn't.
205
+ 203 A: Did you say that she quit?\nB: Yes, you did.
206
+ 204 A: Did you say that you finished?\nB: Yes, you did.
207
+ 205 David: Did you say that they finished?\nSarah: Yes, you did.
208
+ 206 "Should you say that they will figure it out?" he asked. "Yes, you should say that," she said.
209
+ 207 Should you say that you will quit?\nYes, you should.
210
+ 208 Did you say that she will find something to do later?\nYes, you said that.
211
+ 209 "Did we say that we left?" he asked. "No, you didn't," she said.
212
+ 210 A: Should you say that she will figure it out?\nB: No, you shouldn't say that.
213
+ 211 Did you say that she will find something to do later?\nYes, you did.
214
+ 212 "Did you say that she will try to finish it on time or not?" he asked. "Yes, you did," she said.
215
+ 213 A: Did you say that we figured it out?\nB: Yes, we did.
216
+ 214 Should you say that you will figure it out?\nYes, we should.
217
+ 215 "Did you say that they will think it was going to work?" he asked. "Yes, we said that," she said.
218
+ 216 David: Should you say that you will figure it out?\nSarah: No, we shouldn't.
219
+ 217 David: Should they say that you will finish?\nSarah: No, we shouldn't.
220
+ 218 David: Did you say that she left?\nSarah: No, we didn't.
221
+ 219 David: Did you say that you will try to finish it on time or not?\nSarah: No, we didn't.
222
+ 220 David: Did you say that you figured it out?\nSarah: Yes, we did.
223
+ 221 Did you say that she will find something to do later?\nNo, we didn't.
224
+ 222 Should you say that you will meet him?\nNo, we shouldn't say that.
225
+ 223 A: Did I say that they left?\nB: Yes, you did.
226
+ 224 David: Should I say that they will finish?\nSarah: Yes, she should say that.
227
+ 225 David: Should I say that you will quit?\nSarah: Yes, she should.
228
+ 226 "Did I say that they will try to finish it on time or not?" he asked. "Yes, you said that," she said.
229
+ 227 Did I say that they quit?\nNo, you didn't.
230
+ 228 Should I say that we will quit?\nYes, you should.
231
+ 229 David: Did I say that she will think it was going to work?\nSarah: Yes, you did.
232
+ 230 "Did I say that you met him?" he asked. "No, you didn't," she said.
233
+ 231 A: Should you say that you will consider asking for another option?\nB: Yes, I should say that.
234
+ 232 "Did you say that you left?" he asked. "Yes, I did," she said.
235
+ 233 Should you say that I will consider asking for another option?\nNo, I shouldn't.
236
+ 234 Should you say that she will finish?\nNo, I shouldn't say that.
237
+ 235 Should you say that I will quit?\nYes, I should.
238
+ 236 Should you say that you will finish?\nNo, I shouldn't.
239
+ 237 David: Did you say that they will think it was going to work?\nSarah: Yes, I did.
240
+ 238 "Did you say that she will try to finish it on time or not?" he asked. "No, I didn't," she said.
241
+ 239 David: Did I say that they left?\nSarah: Yes, I said that.
242
+ 240 A: Did we say that I met him?\nB: No, they didn't.
243
+ 241 "Did we say that she will think it was going to work?" he asked. "Yes, they said that," she said.
244
+ 242 A: Did we say that she met him?\nB: No, they didn't.
245
+ 243 Should we say that you will leave?\nYes, they should.
246
+ 244 A: Did we say that you quit?\nB: No, they didn't say that.
247
+ 245 "Did we say that you will try to finish it on time or not?" he asked. "Yes, we said that," she said.
248
+ 246 Did we say that they will think it was going to work?\nYes, we said that.
249
+ 247 A: Did we say that I will go somewhere after the movie is over?\nB: Yes, they did.
250
+ 248 A: Did we say that you will go somewhere after the movie is over?\nB: No, they didn't.
251
+ 249 Should we say that you will finish?\nNo, they shouldn't say that.
252
+ 250 A: Did she say that she will try to finish it on time or not?\nB: No, she didn't say that.
253
+ 251 A: Did she say that I will find something to do later?\nB: Yes, she did.
254
+ 252 Did I say that I quit?\nYes, she did.
255
+ 253 Did she say that she finished?\nNo, she didn't.
256
+ 254 "Did I say that she left?" he asked. "No, she didn't," she said.
257
+ 255 David: Should she say that I will consider asking for another option?\nSarah: Yes, she should say that.
258
+ 256 Should she say that you will quit?\nNo, she shouldn't say that.
259
+ 257 A: Should I say that you will meet him?\nB: No, she shouldn't.
260
+ 258 A: Should I say that I will quit?\nB: Yes, she should.
261
+ 259 Should she say that they will meet him?\nNo, she shouldn't.
262
+ 260 David: Should I say that she will consider asking for another option?\nSarah: No, you shouldn't.
263
+ 261 David: Did you say that she met him?\nSarah: No, you didn't say that.
264
+ 262 Did I say that she quit?\nYes, you said that.
265
+ 263 A: Should you say that we will meet him?\nB: No, you shouldn't say that.
266
+ 264 Should you say that I will finish?\nNo, you shouldn't say that.
267
+ 265 David: Did you say that she finished?\nSarah: No, you didn't.
268
+ 266 A: Did you say that we left?\nB: No, you didn't.
269
+ 267 Did you say that she will try to finish it on time or not?\nYes, you said that.
270
+ 268 Did you say that we finished?\nNo, you didn't.
271
+ 269 "Did you say that we will think it was going to work?" he asked. "Yes, you said that," she said.
272
+ 270 "Should I say that we will meet him?" he asked. "Yes, you should," she said.
273
+ 271 Did we say that we quit?\nYes, you said that.
274
+ 272 "Should we say that we will meet him?" he asked. "Yes, they should," she said.
275
+ 273 A: Did we say that I quit?\nB: No, they didn't.
276
+ 274 David: Did we say that you met him?\nSarah: No, you didn't.
277
+ 275 David: Did we say that you left?\nSarah: No, you didn't say that.
278
+ 276 A: Did we say that you finished?\nB: No, you didn't.
279
+ 277 A: Did we say that we will find something to do later?\nB: No, you didn't.
280
+ 278 A: Should we say that she will consider asking for another option?\nB: Yes, you should.
281
+ 279 Should we say that you will quit?\nNo, you shouldn't.