Models + tokenizer
Browse files- model.py +271 -0
- models/300-1/ckpt.pt +3 -0
- models/768-1/ckpt.pt +3 -0
- models/768-4/ckpt.pt +3 -0
- models/768-8/ckpt.pt +3 -0
- models/old/300-1/ckpt.pt +3 -0
- models/old/300-4/ckpt.pt +3 -0
- models/old/300-8/ckpt.pt +3 -0
- models/old/768-1/ckpt.pt +3 -0
- models/old/768-4/ckpt.pt +3 -0
- models/old/768-8/ckpt.pt +3 -0
- tok4096.model +3 -0
- tok4096.vocab +4096 -0
- tok4096_old.model +3 -0
- tok4096_old.vocab +4096 -0
- train_snakes.py +338 -0
model.py
ADDED
@@ -0,0 +1,271 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
# Copyright (c) 2023, Albert Gu, Tri Dao.
|
2 |
+
|
3 |
+
import math
|
4 |
+
from functools import partial
|
5 |
+
import json
|
6 |
+
import os
|
7 |
+
|
8 |
+
from collections import namedtuple
|
9 |
+
|
10 |
+
import torch
|
11 |
+
import torch.nn as nn
|
12 |
+
|
13 |
+
from mamba_ssm.models.config_mamba import MambaConfig
|
14 |
+
from mamba_ssm.modules.mamba_simple import Mamba, Block
|
15 |
+
from mamba_ssm.utils.generation import GenerationMixin
|
16 |
+
from mamba_ssm.utils.hf import load_config_hf, load_state_dict_hf
|
17 |
+
import torch.nn.functional as F
|
18 |
+
try:
|
19 |
+
from mamba_ssm.ops.triton.layernorm import RMSNorm, layer_norm_fn, rms_norm_fn
|
20 |
+
except ImportError:
|
21 |
+
RMSNorm, layer_norm_fn, rms_norm_fn = None, None, None
|
22 |
+
|
23 |
+
|
24 |
+
def create_block(
|
25 |
+
d_model,
|
26 |
+
ssm_cfg=None,
|
27 |
+
norm_epsilon=1e-5,
|
28 |
+
rms_norm=False,
|
29 |
+
residual_in_fp32=False,
|
30 |
+
fused_add_norm=False,
|
31 |
+
layer_idx=None,
|
32 |
+
device=None,
|
33 |
+
dtype=None,
|
34 |
+
):
|
35 |
+
if ssm_cfg is None:
|
36 |
+
ssm_cfg = {}
|
37 |
+
factory_kwargs = {"device": device, "dtype": dtype}
|
38 |
+
mixer_cls = partial(Mamba, layer_idx=layer_idx, **ssm_cfg, **factory_kwargs)
|
39 |
+
norm_cls = partial(
|
40 |
+
nn.LayerNorm if not rms_norm else RMSNorm, eps=norm_epsilon, **factory_kwargs
|
41 |
+
)
|
42 |
+
block = Block(
|
43 |
+
d_model,
|
44 |
+
mixer_cls,
|
45 |
+
norm_cls=norm_cls,
|
46 |
+
fused_add_norm=fused_add_norm,
|
47 |
+
residual_in_fp32=residual_in_fp32,
|
48 |
+
)
|
49 |
+
block.layer_idx = layer_idx
|
50 |
+
return block
|
51 |
+
|
52 |
+
|
53 |
+
# https://github.com/huggingface/transformers/blob/c28d04e9e252a1a099944e325685f14d242ecdcd/src/transformers/models/gpt2/modeling_gpt2.py#L454
|
54 |
+
def _init_weights(
|
55 |
+
module,
|
56 |
+
n_layer,
|
57 |
+
initializer_range=0.02, # Now only used for embedding layer.
|
58 |
+
rescale_prenorm_residual=True,
|
59 |
+
n_residuals_per_layer=1, # Change to 2 if we have MLP
|
60 |
+
):
|
61 |
+
if isinstance(module, nn.Linear):
|
62 |
+
if module.bias is not None:
|
63 |
+
if not getattr(module.bias, "_no_reinit", False):
|
64 |
+
nn.init.zeros_(module.bias)
|
65 |
+
elif isinstance(module, nn.Embedding):
|
66 |
+
nn.init.normal_(module.weight, std=initializer_range)
|
67 |
+
|
68 |
+
if rescale_prenorm_residual:
|
69 |
+
# Reinitialize selected weights subject to the OpenAI GPT-2 Paper Scheme:
|
70 |
+
# > A modified initialization which accounts for the accumulation on the residual path with model depth. Scale
|
71 |
+
# > the weights of residual layers at initialization by a factor of 1/√N where N is the # of residual layers.
|
72 |
+
# > -- GPT-2 :: https://openai.com/blog/better-language-models/
|
73 |
+
#
|
74 |
+
# Reference (Megatron-LM): https://github.com/NVIDIA/Megatron-LM/blob/main/megatron/model/gpt_model.py
|
75 |
+
for name, p in module.named_parameters():
|
76 |
+
if name in ["out_proj.weight", "fc2.weight"]:
|
77 |
+
# Special Scaled Initialization --> There are 2 Layer Norms per Transformer Block
|
78 |
+
# Following Pytorch init, except scale by 1/sqrt(2 * n_layer)
|
79 |
+
# We need to reinit p since this code could be called multiple times
|
80 |
+
# Having just p *= scale would repeatedly scale it down
|
81 |
+
nn.init.kaiming_uniform_(p, a=math.sqrt(5))
|
82 |
+
with torch.no_grad():
|
83 |
+
p /= math.sqrt(n_residuals_per_layer * n_layer)
|
84 |
+
|
85 |
+
|
86 |
+
class MixerModel(nn.Module):
|
87 |
+
def __init__(
|
88 |
+
self,
|
89 |
+
d_model: int,
|
90 |
+
n_layer: int,
|
91 |
+
vocab_size: int,
|
92 |
+
ssm_cfg=None,
|
93 |
+
norm_epsilon: float = 1e-5,
|
94 |
+
rms_norm: bool = False,
|
95 |
+
initializer_cfg=None,
|
96 |
+
fused_add_norm=False,
|
97 |
+
residual_in_fp32=False,
|
98 |
+
device=None,
|
99 |
+
dtype=None,
|
100 |
+
) -> None:
|
101 |
+
factory_kwargs = {"device": device, "dtype": dtype}
|
102 |
+
super().__init__()
|
103 |
+
self.residual_in_fp32 = residual_in_fp32
|
104 |
+
|
105 |
+
self.embedding = nn.Embedding(vocab_size, d_model, **factory_kwargs)
|
106 |
+
|
107 |
+
# We change the order of residual and layer norm:
|
108 |
+
# Instead of LN -> Attn / MLP -> Add, we do:
|
109 |
+
# Add -> LN -> Attn / MLP / Mixer, returning both the residual branch (output of Add) and
|
110 |
+
# the main branch (output of MLP / Mixer). The model definition is unchanged.
|
111 |
+
# This is for performance reason: we can fuse add + layer_norm.
|
112 |
+
self.fused_add_norm = fused_add_norm
|
113 |
+
if self.fused_add_norm:
|
114 |
+
if layer_norm_fn is None or rms_norm_fn is None:
|
115 |
+
raise ImportError("Failed to import Triton LayerNorm / RMSNorm kernels")
|
116 |
+
|
117 |
+
self.layers = nn.ModuleList(
|
118 |
+
[
|
119 |
+
create_block(
|
120 |
+
d_model,
|
121 |
+
ssm_cfg=ssm_cfg,
|
122 |
+
norm_epsilon=norm_epsilon,
|
123 |
+
rms_norm=rms_norm,
|
124 |
+
residual_in_fp32=residual_in_fp32,
|
125 |
+
fused_add_norm=fused_add_norm,
|
126 |
+
layer_idx=i,
|
127 |
+
**factory_kwargs,
|
128 |
+
)
|
129 |
+
for i in range(n_layer)
|
130 |
+
]
|
131 |
+
)
|
132 |
+
|
133 |
+
self.norm_f = (nn.LayerNorm if not rms_norm else RMSNorm)(
|
134 |
+
d_model, eps=norm_epsilon, **factory_kwargs
|
135 |
+
)
|
136 |
+
|
137 |
+
self.apply(
|
138 |
+
partial(
|
139 |
+
_init_weights,
|
140 |
+
n_layer=n_layer,
|
141 |
+
**(initializer_cfg if initializer_cfg is not None else {}),
|
142 |
+
)
|
143 |
+
)
|
144 |
+
|
145 |
+
def allocate_inference_cache(self, batch_size, max_seqlen, dtype=None, **kwargs):
|
146 |
+
return {
|
147 |
+
i: layer.allocate_inference_cache(batch_size, max_seqlen, dtype=dtype, **kwargs)
|
148 |
+
for i, layer in enumerate(self.layers)
|
149 |
+
}
|
150 |
+
|
151 |
+
def forward(self, input_ids, inference_params=None):
|
152 |
+
hidden_states = self.embedding(input_ids)
|
153 |
+
residual = None
|
154 |
+
for layer in self.layers:
|
155 |
+
hidden_states, residual = layer(
|
156 |
+
hidden_states, residual, inference_params=inference_params
|
157 |
+
)
|
158 |
+
if not self.fused_add_norm:
|
159 |
+
residual = (hidden_states + residual) if residual is not None else hidden_states
|
160 |
+
hidden_states = self.norm_f(residual.to(dtype=self.norm_f.weight.dtype))
|
161 |
+
else:
|
162 |
+
# Set prenorm=False here since we don't need the residual
|
163 |
+
fused_add_norm_fn = rms_norm_fn if isinstance(self.norm_f, RMSNorm) else layer_norm_fn
|
164 |
+
hidden_states = fused_add_norm_fn(
|
165 |
+
hidden_states,
|
166 |
+
self.norm_f.weight,
|
167 |
+
self.norm_f.bias,
|
168 |
+
eps=self.norm_f.eps,
|
169 |
+
residual=residual,
|
170 |
+
prenorm=False,
|
171 |
+
residual_in_fp32=self.residual_in_fp32,
|
172 |
+
)
|
173 |
+
return hidden_states
|
174 |
+
|
175 |
+
|
176 |
+
class MambaLMHeadModel(nn.Module, GenerationMixin):
|
177 |
+
|
178 |
+
def __init__(
|
179 |
+
self,
|
180 |
+
config: MambaConfig,
|
181 |
+
initializer_cfg=None,
|
182 |
+
device=None,
|
183 |
+
dtype=None,
|
184 |
+
) -> None:
|
185 |
+
self.config = config
|
186 |
+
d_model = config.d_model
|
187 |
+
n_layer = config.n_layer
|
188 |
+
vocab_size = config.vocab_size
|
189 |
+
ssm_cfg = config.ssm_cfg
|
190 |
+
rms_norm = config.rms_norm
|
191 |
+
residual_in_fp32 = config.residual_in_fp32
|
192 |
+
fused_add_norm = config.fused_add_norm
|
193 |
+
pad_vocab_size_multiple = config.pad_vocab_size_multiple
|
194 |
+
factory_kwargs = {"device": device, "dtype": dtype}
|
195 |
+
|
196 |
+
super().__init__()
|
197 |
+
if vocab_size % pad_vocab_size_multiple != 0:
|
198 |
+
vocab_size += pad_vocab_size_multiple - (vocab_size % pad_vocab_size_multiple)
|
199 |
+
self.backbone = MixerModel(
|
200 |
+
d_model=d_model,
|
201 |
+
n_layer=n_layer,
|
202 |
+
vocab_size=vocab_size,
|
203 |
+
ssm_cfg=ssm_cfg,
|
204 |
+
rms_norm=rms_norm,
|
205 |
+
initializer_cfg=initializer_cfg,
|
206 |
+
fused_add_norm=fused_add_norm,
|
207 |
+
residual_in_fp32=residual_in_fp32,
|
208 |
+
**factory_kwargs,
|
209 |
+
)
|
210 |
+
self.lm_head = nn.Linear(d_model, vocab_size, bias=False, **factory_kwargs)
|
211 |
+
|
212 |
+
# Initialize weights and apply final processing
|
213 |
+
self.apply(
|
214 |
+
partial(
|
215 |
+
_init_weights,
|
216 |
+
n_layer=n_layer,
|
217 |
+
**(initializer_cfg if initializer_cfg is not None else {}),
|
218 |
+
)
|
219 |
+
)
|
220 |
+
self.tie_weights()
|
221 |
+
|
222 |
+
def tie_weights(self):
|
223 |
+
self.lm_head.weight = self.backbone.embedding.weight
|
224 |
+
|
225 |
+
def allocate_inference_cache(self, batch_size, max_seqlen, dtype=None, **kwargs):
|
226 |
+
return self.backbone.allocate_inference_cache(batch_size, max_seqlen, dtype=dtype, **kwargs)
|
227 |
+
|
228 |
+
def forward(self, input_ids, target_ids=None, inference_params=None, num_last_tokens=0):
|
229 |
+
"""
|
230 |
+
"position_ids" is just to be compatible with Transformer generation. We don't use it.
|
231 |
+
num_last_tokens: if > 0, only return the logits for the last n tokens
|
232 |
+
"""
|
233 |
+
hidden_states = self.backbone(input_ids, inference_params=inference_params)
|
234 |
+
if num_last_tokens > 0:
|
235 |
+
hidden_states = hidden_states[:, -num_last_tokens:]
|
236 |
+
if target_ids is not None:
|
237 |
+
# if we are given some desired targets also calculate the loss
|
238 |
+
logits = self.lm_head(hidden_states)
|
239 |
+
self.last_loss = F.cross_entropy(logits.view(-1, logits.size(-1)), target_ids.view(-1), ignore_index=-1)
|
240 |
+
else:
|
241 |
+
# inference-time mini-optimization: only forward the output on the very last position
|
242 |
+
logits = self.output(hidden_states[:, [-1], :]) # note: using list [-1] to preserve the time dim
|
243 |
+
self.last_loss = None
|
244 |
+
|
245 |
+
return logits
|
246 |
+
|
247 |
+
@classmethod
|
248 |
+
def from_pretrained(cls, pretrained_model_name, device=None, dtype=None, **kwargs):
|
249 |
+
config_data = load_config_hf(pretrained_model_name)
|
250 |
+
config = MambaConfig(**config_data)
|
251 |
+
model = cls(config, device=device, dtype=dtype, **kwargs)
|
252 |
+
model.load_state_dict(load_state_dict_hf(pretrained_model_name, device=device, dtype=dtype))
|
253 |
+
return model
|
254 |
+
|
255 |
+
def save_pretrained(self, save_directory):
|
256 |
+
"""
|
257 |
+
Minimal implementation of save_pretrained for MambaLMHeadModel.
|
258 |
+
Save the model and its configuration file to a directory.
|
259 |
+
"""
|
260 |
+
# Ensure save_directory exists
|
261 |
+
if not os.path.exists(save_directory):
|
262 |
+
os.makedirs(save_directory)
|
263 |
+
|
264 |
+
# Save the model's state_dict
|
265 |
+
model_path = os.path.join(save_directory, 'pytorch_model.bin')
|
266 |
+
torch.save(self.state_dict(), model_path)
|
267 |
+
|
268 |
+
# Save the configuration of the model
|
269 |
+
config_path = os.path.join(save_directory, 'config.json')
|
270 |
+
with open(config_path, 'w') as f:
|
271 |
+
json.dump(self.config.__dict__, f)
|
models/300-1/ckpt.pt
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:34831c5385ec318b633e414cbbe7342e40a176df98154a9c0f56b8835fecbe72
|
3 |
+
size 21916793
|
models/768-1/ckpt.pt
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:03c67115a7aed5d9c1fd8e67964fbee043ea472325a5c0e7c5346e19aa04b2f0
|
3 |
+
size 83031545
|
models/768-4/ckpt.pt
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:30811216194eaf6988a82ebda2afacf2b7988fa0cf321f45d8e08cd27de126ae
|
3 |
+
size 218841966
|
models/768-8/ckpt.pt
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:df53b9d23de5b8c5c449eca1d0e1d25c25a821faac5d4b73561fa8f03dc9d20a
|
3 |
+
size 399922510
|
models/old/300-1/ckpt.pt
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:39c01fc3a84a96a4bae25513d53af1d993c94a714b4e21cea5af6d4e643333a0
|
3 |
+
size 21917305
|
models/old/300-4/ckpt.pt
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:8d6123424f549c33117a4fac104827e4cc982458897af8fc27703944e34248ad
|
3 |
+
size 43409070
|
models/old/300-8/ckpt.pt
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:d48b5540e827998659a4e307da65fe24280d82624d2725c99a8c2a9ea587db25
|
3 |
+
size 72065870
|
models/old/768-1/ckpt.pt
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:458672e4aeaa97e722f31c859112177e2c743c9cfc1da2586d70eae323d21efb
|
3 |
+
size 83032057
|
models/old/768-4/ckpt.pt
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:1ad8d5a0cdd518408e315c0f81a9393288e41aea407b8ac5dd26c90a7ccedab6
|
3 |
+
size 218841966
|
models/old/768-8/ckpt.pt
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:9c78796ba71ef0d019ccd844371b1f1fb9ca2e9a207297c0b9132ea74abcc38d
|
3 |
+
size 399922510
|
tok4096.model
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:098ed7e4f0f69d298f750c2f9d77c72cadafff57fbb3a58139b7a1a098a34ad6
|
3 |
+
size 64520
|
tok4096.vocab
ADDED
@@ -0,0 +1,4096 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
<unk> 0
|
2 |
+
<s> 0
|
3 |
+
</s> 0
|
4 |
+
<0x00> 0
|
5 |
+
<0x01> 0
|
6 |
+
<0x02> 0
|
7 |
+
<0x03> 0
|
8 |
+
<0x04> 0
|
9 |
+
<0x05> 0
|
10 |
+
<0x06> 0
|
11 |
+
<0x07> 0
|
12 |
+
<0x08> 0
|
13 |
+
<0x09> 0
|
14 |
+
<0x0A> 0
|
15 |
+
<0x0B> 0
|
16 |
+
<0x0C> 0
|
17 |
+
<0x0D> 0
|
18 |
+
<0x0E> 0
|
19 |
+
<0x0F> 0
|
20 |
+
<0x10> 0
|
21 |
+
<0x11> 0
|
22 |
+
<0x12> 0
|
23 |
+
<0x13> 0
|
24 |
+
<0x14> 0
|
25 |
+
<0x15> 0
|
26 |
+
<0x16> 0
|
27 |
+
<0x17> 0
|
28 |
+
<0x18> 0
|
29 |
+
<0x19> 0
|
30 |
+
<0x1A> 0
|
31 |
+
<0x1B> 0
|
32 |
+
<0x1C> 0
|
33 |
+
<0x1D> 0
|
34 |
+
<0x1E> 0
|
35 |
+
<0x1F> 0
|
36 |
+
<0x20> 0
|
37 |
+
<0x21> 0
|
38 |
+
<0x22> 0
|
39 |
+
<0x23> 0
|
40 |
+
<0x24> 0
|
41 |
+
<0x25> 0
|
42 |
+
<0x26> 0
|
43 |
+
<0x27> 0
|
44 |
+
<0x28> 0
|
45 |
+
<0x29> 0
|
46 |
+
<0x2A> 0
|
47 |
+
<0x2B> 0
|
48 |
+
<0x2C> 0
|
49 |
+
<0x2D> 0
|
50 |
+
<0x2E> 0
|
51 |
+
<0x2F> 0
|
52 |
+
<0x30> 0
|
53 |
+
<0x31> 0
|
54 |
+
<0x32> 0
|
55 |
+
<0x33> 0
|
56 |
+
<0x34> 0
|
57 |
+
<0x35> 0
|
58 |
+
<0x36> 0
|
59 |
+
<0x37> 0
|
60 |
+
<0x38> 0
|
61 |
+
<0x39> 0
|
62 |
+
<0x3A> 0
|
63 |
+
<0x3B> 0
|
64 |
+
<0x3C> 0
|
65 |
+
<0x3D> 0
|
66 |
+
<0x3E> 0
|
67 |
+
<0x3F> 0
|
68 |
+
<0x40> 0
|
69 |
+
<0x41> 0
|
70 |
+
<0x42> 0
|
71 |
+
<0x43> 0
|
72 |
+
<0x44> 0
|
73 |
+
<0x45> 0
|
74 |
+
<0x46> 0
|
75 |
+
<0x47> 0
|
76 |
+
<0x48> 0
|
77 |
+
<0x49> 0
|
78 |
+
<0x4A> 0
|
79 |
+
<0x4B> 0
|
80 |
+
<0x4C> 0
|
81 |
+
<0x4D> 0
|
82 |
+
<0x4E> 0
|
83 |
+
<0x4F> 0
|
84 |
+
<0x50> 0
|
85 |
+
<0x51> 0
|
86 |
+
<0x52> 0
|
87 |
+
<0x53> 0
|
88 |
+
<0x54> 0
|
89 |
+
<0x55> 0
|
90 |
+
<0x56> 0
|
91 |
+
<0x57> 0
|
92 |
+
<0x58> 0
|
93 |
+
<0x59> 0
|
94 |
+
<0x5A> 0
|
95 |
+
<0x5B> 0
|
96 |
+
<0x5C> 0
|
97 |
+
<0x5D> 0
|
98 |
+
<0x5E> 0
|
99 |
+
<0x5F> 0
|
100 |
+
<0x60> 0
|
101 |
+
<0x61> 0
|
102 |
+
<0x62> 0
|
103 |
+
<0x63> 0
|
104 |
+
<0x64> 0
|
105 |
+
<0x65> 0
|
106 |
+
<0x66> 0
|
107 |
+
<0x67> 0
|
108 |
+
<0x68> 0
|
109 |
+
<0x69> 0
|
110 |
+
<0x6A> 0
|
111 |
+
<0x6B> 0
|
112 |
+
<0x6C> 0
|
113 |
+
<0x6D> 0
|
114 |
+
<0x6E> 0
|
115 |
+
<0x6F> 0
|
116 |
+
<0x70> 0
|
117 |
+
<0x71> 0
|
118 |
+
<0x72> 0
|
119 |
+
<0x73> 0
|
120 |
+
<0x74> 0
|
121 |
+
<0x75> 0
|
122 |
+
<0x76> 0
|
123 |
+
<0x77> 0
|
124 |
+
<0x78> 0
|
125 |
+
<0x79> 0
|
126 |
+
<0x7A> 0
|
127 |
+
<0x7B> 0
|
128 |
+
<0x7C> 0
|
129 |
+
<0x7D> 0
|
130 |
+
<0x7E> 0
|
131 |
+
<0x7F> 0
|
132 |
+
<0x80> 0
|
133 |
+
<0x81> 0
|
134 |
+
<0x82> 0
|
135 |
+
<0x83> 0
|
136 |
+
<0x84> 0
|
137 |
+
<0x85> 0
|
138 |
+
<0x86> 0
|
139 |
+
<0x87> 0
|
140 |
+
<0x88> 0
|
141 |
+
<0x89> 0
|
142 |
+
<0x8A> 0
|
143 |
+
<0x8B> 0
|
144 |
+
<0x8C> 0
|
145 |
+
<0x8D> 0
|
146 |
+
<0x8E> 0
|
147 |
+
<0x8F> 0
|
148 |
+
<0x90> 0
|
149 |
+
<0x91> 0
|
150 |
+
<0x92> 0
|
151 |
+
<0x93> 0
|
152 |
+
<0x94> 0
|
153 |
+
<0x95> 0
|
154 |
+
<0x96> 0
|
155 |
+
<0x97> 0
|
156 |
+
<0x98> 0
|
157 |
+
<0x99> 0
|
158 |
+
<0x9A> 0
|
159 |
+
<0x9B> 0
|
160 |
+
<0x9C> 0
|
161 |
+
<0x9D> 0
|
162 |
+
<0x9E> 0
|
163 |
+
<0x9F> 0
|
164 |
+
<0xA0> 0
|
165 |
+
<0xA1> 0
|
166 |
+
<0xA2> 0
|
167 |
+
<0xA3> 0
|
168 |
+
<0xA4> 0
|
169 |
+
<0xA5> 0
|
170 |
+
<0xA6> 0
|
171 |
+
<0xA7> 0
|
172 |
+
<0xA8> 0
|
173 |
+
<0xA9> 0
|
174 |
+
<0xAA> 0
|
175 |
+
<0xAB> 0
|
176 |
+
<0xAC> 0
|
177 |
+
<0xAD> 0
|
178 |
+
<0xAE> 0
|
179 |
+
<0xAF> 0
|
180 |
+
<0xB0> 0
|
181 |
+
<0xB1> 0
|
182 |
+
<0xB2> 0
|
183 |
+
<0xB3> 0
|
184 |
+
<0xB4> 0
|
185 |
+
<0xB5> 0
|
186 |
+
<0xB6> 0
|
187 |
+
<0xB7> 0
|
188 |
+
<0xB8> 0
|
189 |
+
<0xB9> 0
|
190 |
+
<0xBA> 0
|
191 |
+
<0xBB> 0
|
192 |
+
<0xBC> 0
|
193 |
+
<0xBD> 0
|
194 |
+
<0xBE> 0
|
195 |
+
<0xBF> 0
|
196 |
+
<0xC0> 0
|
197 |
+
<0xC1> 0
|
198 |
+
<0xC2> 0
|
199 |
+
<0xC3> 0
|
200 |
+
<0xC4> 0
|
201 |
+
<0xC5> 0
|
202 |
+
<0xC6> 0
|
203 |
+
<0xC7> 0
|
204 |
+
<0xC8> 0
|
205 |
+
<0xC9> 0
|
206 |
+
<0xCA> 0
|
207 |
+
<0xCB> 0
|
208 |
+
<0xCC> 0
|
209 |
+
<0xCD> 0
|
210 |
+
<0xCE> 0
|
211 |
+
<0xCF> 0
|
212 |
+
<0xD0> 0
|
213 |
+
<0xD1> 0
|
214 |
+
<0xD2> 0
|
215 |
+
<0xD3> 0
|
216 |
+
<0xD4> 0
|
217 |
+
<0xD5> 0
|
218 |
+
<0xD6> 0
|
219 |
+
<0xD7> 0
|
220 |
+
<0xD8> 0
|
221 |
+
<0xD9> 0
|
222 |
+
<0xDA> 0
|
223 |
+
<0xDB> 0
|
224 |
+
<0xDC> 0
|
225 |
+
<0xDD> 0
|
226 |
+
<0xDE> 0
|
227 |
+
<0xDF> 0
|
228 |
+
<0xE0> 0
|
229 |
+
<0xE1> 0
|
230 |
+
<0xE2> 0
|
231 |
+
<0xE3> 0
|
232 |
+
<0xE4> 0
|
233 |
+
<0xE5> 0
|
234 |
+
<0xE6> 0
|
235 |
+
<0xE7> 0
|
236 |
+
<0xE8> 0
|
237 |
+
<0xE9> 0
|
238 |
+
<0xEA> 0
|
239 |
+
<0xEB> 0
|
240 |
+
<0xEC> 0
|
241 |
+
<0xED> 0
|
242 |
+
<0xEE> 0
|
243 |
+
<0xEF> 0
|
244 |
+
<0xF0> 0
|
245 |
+
<0xF1> 0
|
246 |
+
<0xF2> 0
|
247 |
+
<0xF3> 0
|
248 |
+
<0xF4> 0
|
249 |
+
<0xF5> 0
|
250 |
+
<0xF6> 0
|
251 |
+
<0xF7> 0
|
252 |
+
<0xF8> 0
|
253 |
+
<0xF9> 0
|
254 |
+
<0xFA> 0
|
255 |
+
<0xFB> 0
|
256 |
+
<0xFC> 0
|
257 |
+
<0xFD> 0
|
258 |
+
<0xFE> 0
|
259 |
+
<0xFF> 0
|
260 |
+
▁t -0
|
261 |
+
he -1
|
262 |
+
▁a -2
|
263 |
+
▁s -3
|
264 |
+
▁w -4
|
265 |
+
▁the -5
|
266 |
+
nd -6
|
267 |
+
ed -7
|
268 |
+
▁b -8
|
269 |
+
▁to -9
|
270 |
+
▁and -10
|
271 |
+
▁T -11
|
272 |
+
▁h -12
|
273 |
+
▁f -13
|
274 |
+
in -14
|
275 |
+
▁wa -15
|
276 |
+
re -16
|
277 |
+
it -17
|
278 |
+
ou -18
|
279 |
+
▁l -19
|
280 |
+
▁d -20
|
281 |
+
▁c -21
|
282 |
+
▁p -22
|
283 |
+
▁The -23
|
284 |
+
ay -24
|
285 |
+
▁m -25
|
286 |
+
er -26
|
287 |
+
▁was -27
|
288 |
+
om -28
|
289 |
+
▁he -29
|
290 |
+
is -30
|
291 |
+
▁n -31
|
292 |
+
ar -32
|
293 |
+
im -33
|
294 |
+
on -34
|
295 |
+
▁sa -35
|
296 |
+
id -36
|
297 |
+
ll -37
|
298 |
+
▁S -38
|
299 |
+
▁ha -39
|
300 |
+
▁g -40
|
301 |
+
at -41
|
302 |
+
ing -42
|
303 |
+
ot -43
|
304 |
+
en -44
|
305 |
+
an -45
|
306 |
+
le -46
|
307 |
+
or -47
|
308 |
+
▁" -48
|
309 |
+
ir -49
|
310 |
+
▁H -50
|
311 |
+
am -51
|
312 |
+
▁They -52
|
313 |
+
et -53
|
314 |
+
▁it -54
|
315 |
+
▁th -55
|
316 |
+
ig -56
|
317 |
+
▁He -57
|
318 |
+
▁in -58
|
319 |
+
il -59
|
320 |
+
▁pl -60
|
321 |
+
ow -61
|
322 |
+
ri -62
|
323 |
+
ver -63
|
324 |
+
ut -64
|
325 |
+
▁be -65
|
326 |
+
▁u -66
|
327 |
+
▁play -67
|
328 |
+
▁said -68
|
329 |
+
▁O -69
|
330 |
+
ith -70
|
331 |
+
▁Tim -71
|
332 |
+
▁day -72
|
333 |
+
▁with -73
|
334 |
+
pp -74
|
335 |
+
▁On -75
|
336 |
+
▁o -76
|
337 |
+
▁y -77
|
338 |
+
oo -78
|
339 |
+
ked -79
|
340 |
+
▁r -80
|
341 |
+
▁I -81
|
342 |
+
▁She -82
|
343 |
+
▁her -83
|
344 |
+
ce -84
|
345 |
+
ld -85
|
346 |
+
▁his -86
|
347 |
+
▁st -87
|
348 |
+
ke -88
|
349 |
+
▁e -89
|
350 |
+
▁L -90
|
351 |
+
▁big -91
|
352 |
+
nt -92
|
353 |
+
ck -93
|
354 |
+
very -94
|
355 |
+
▁you -95
|
356 |
+
st -96
|
357 |
+
ve -97
|
358 |
+
▁B -98
|
359 |
+
end -99
|
360 |
+
▁happ -100
|
361 |
+
▁on -101
|
362 |
+
un -102
|
363 |
+
riend -103
|
364 |
+
▁friend -104
|
365 |
+
all -105
|
366 |
+
ily -106
|
367 |
+
▁they -107
|
368 |
+
▁M -108
|
369 |
+
▁we -109
|
370 |
+
▁had -110
|
371 |
+
▁not -111
|
372 |
+
▁li -112
|
373 |
+
▁up -113
|
374 |
+
her -114
|
375 |
+
▁want -115
|
376 |
+
▁of -116
|
377 |
+
ad -117
|
378 |
+
itt -118
|
379 |
+
se -119
|
380 |
+
▁do -120
|
381 |
+
▁happy -121
|
382 |
+
▁very -122
|
383 |
+
ent -123
|
384 |
+
es -124
|
385 |
+
▁saw -125
|
386 |
+
▁Lily -126
|
387 |
+
▁that -127
|
388 |
+
▁One -128
|
389 |
+
▁A -129
|
390 |
+
ould -130
|
391 |
+
▁mom -131
|
392 |
+
▁for -132
|
393 |
+
▁sh -133
|
394 |
+
ittle -134
|
395 |
+
▁little -135
|
396 |
+
▁so -136
|
397 |
+
▁Tom -137
|
398 |
+
▁she -138
|
399 |
+
." -139
|
400 |
+
ime -140
|
401 |
+
ch -141
|
402 |
+
▁nam -142
|
403 |
+
▁ne -143
|
404 |
+
▁time -144
|
405 |
+
▁k -145
|
406 |
+
ound -146
|
407 |
+
▁there -147
|
408 |
+
▁named -148
|
409 |
+
▁bo -149
|
410 |
+
▁sm -150
|
411 |
+
▁were -151
|
412 |
+
!" -152
|
413 |
+
▁wanted -153
|
414 |
+
▁but -154
|
415 |
+
out -155
|
416 |
+
▁friends -156
|
417 |
+
ved -157
|
418 |
+
ht -158
|
419 |
+
ird -159
|
420 |
+
el -160
|
421 |
+
▁bird -161
|
422 |
+
al -162
|
423 |
+
▁an -163
|
424 |
+
ake -164
|
425 |
+
▁It -165
|
426 |
+
▁too -166
|
427 |
+
ome -167
|
428 |
+
ug -168
|
429 |
+
ide -169
|
430 |
+
▁went -170
|
431 |
+
▁hel -171
|
432 |
+
▁wh -172
|
433 |
+
▁Once -173
|
434 |
+
▁is -174
|
435 |
+
▁all -175
|
436 |
+
▁help -176
|
437 |
+
ue -177
|
438 |
+
▁lo -178
|
439 |
+
▁loo -179
|
440 |
+
ter -180
|
441 |
+
▁upon -181
|
442 |
+
ry -182
|
443 |
+
ore -183
|
444 |
+
▁fun -184
|
445 |
+
ind -185
|
446 |
+
▁toy -186
|
447 |
+
get -187
|
448 |
+
ill -188
|
449 |
+
ame -189
|
450 |
+
▁as -190
|
451 |
+
▁at -191
|
452 |
+
ra -192
|
453 |
+
▁j -193
|
454 |
+
▁did -194
|
455 |
+
gether -195
|
456 |
+
▁re -196
|
457 |
+
ur -197
|
458 |
+
▁together -198
|
459 |
+
▁se -199
|
460 |
+
ack -200
|
461 |
+
▁cat -201
|
462 |
+
▁tre -202
|
463 |
+
ly -203
|
464 |
+
ood -204
|
465 |
+
ic -205
|
466 |
+
ted -206
|
467 |
+
▁dog -207
|
468 |
+
▁could -208
|
469 |
+
▁can -209
|
470 |
+
▁their -210
|
471 |
+
ard -211
|
472 |
+
?" -212
|
473 |
+
ark -213
|
474 |
+
ec -214
|
475 |
+
▁played -215
|
476 |
+
▁gir -216
|
477 |
+
▁ball -217
|
478 |
+
▁him -218
|
479 |
+
▁girl -219
|
480 |
+
way -220
|
481 |
+
▁ro -221
|
482 |
+
hed -222
|
483 |
+
▁go -223
|
484 |
+
my -224
|
485 |
+
▁are -225
|
486 |
+
▁le -226
|
487 |
+
▁out -227
|
488 |
+
▁fr -228
|
489 |
+
ain -229
|
490 |
+
▁But -230
|
491 |
+
▁kn -231
|
492 |
+
hen -232
|
493 |
+
▁them -233
|
494 |
+
um -234
|
495 |
+
ax -235
|
496 |
+
▁sad -236
|
497 |
+
▁W -237
|
498 |
+
▁Sue -238
|
499 |
+
▁boy -239
|
500 |
+
ul -240
|
501 |
+
▁tree -241
|
502 |
+
other -242
|
503 |
+
▁have -243
|
504 |
+
▁man -244
|
505 |
+
▁Max -245
|
506 |
+
▁loved -246
|
507 |
+
▁cl -247
|
508 |
+
▁looked -248
|
509 |
+
oug -249
|
510 |
+
▁found -250
|
511 |
+
▁sp -251
|
512 |
+
▁star -252
|
513 |
+
one -253
|
514 |
+
▁sc -254
|
515 |
+
hing -255
|
516 |
+
▁back -256
|
517 |
+
own -257
|
518 |
+
▁Ben -258
|
519 |
+
are -259
|
520 |
+
▁like -260
|
521 |
+
ful -261
|
522 |
+
side -262
|
523 |
+
▁bec -263
|
524 |
+
▁Sam -264
|
525 |
+
▁me -265
|
526 |
+
▁park -266
|
527 |
+
ong -267
|
528 |
+
▁car -268
|
529 |
+
ight -269
|
530 |
+
op -270
|
531 |
+
elt -271
|
532 |
+
▁liked -272
|
533 |
+
▁J -273
|
534 |
+
▁would -274
|
535 |
+
▁make -275
|
536 |
+
▁la -276
|
537 |
+
▁fa -277
|
538 |
+
round -278
|
539 |
+
▁felt -279
|
540 |
+
You -280
|
541 |
+
ell -281
|
542 |
+
▁see -282
|
543 |
+
omet -283
|
544 |
+
▁asked -284
|
545 |
+
▁new -285
|
546 |
+
ag -286
|
547 |
+
ouse -287
|
548 |
+
▁no -288
|
549 |
+
ice -289
|
550 |
+
▁started -290
|
551 |
+
ared -291
|
552 |
+
▁came -292
|
553 |
+
▁other -293
|
554 |
+
ought -294
|
555 |
+
▁al -295
|
556 |
+
iled -296
|
557 |
+
▁F -297
|
558 |
+
▁ag -298
|
559 |
+
▁good -299
|
560 |
+
▁somet -300
|
561 |
+
▁small -301
|
562 |
+
ss -302
|
563 |
+
▁br -303
|
564 |
+
▁Sp -304
|
565 |
+
ried -305
|
566 |
+
ade -306
|
567 |
+
▁say -307
|
568 |
+
▁smiled -308
|
569 |
+
ings -309
|
570 |
+
ob -310
|
571 |
+
▁Spot -311
|
572 |
+
▁find -312
|
573 |
+
▁wor -313
|
574 |
+
ia -314
|
575 |
+
ty -315
|
576 |
+
▁away -316
|
577 |
+
▁ex -317
|
578 |
+
▁put -318
|
579 |
+
▁co -319
|
580 |
+
▁made -320
|
581 |
+
▁what -321
|
582 |
+
▁from -322
|
583 |
+
▁thought -323
|
584 |
+
▁something -324
|
585 |
+
ened -325
|
586 |
+
▁home -326
|
587 |
+
▁playing -327
|
588 |
+
▁every -328
|
589 |
+
ook -329
|
590 |
+
▁wal -330
|
591 |
+
▁mu -331
|
592 |
+
uc -332
|
593 |
+
ach -333
|
594 |
+
arn -334
|
595 |
+
▁ran -335
|
596 |
+
ile -336
|
597 |
+
▁Mia -337
|
598 |
+
ie -338
|
599 |
+
ave -339
|
600 |
+
▁again -340
|
601 |
+
▁laug -341
|
602 |
+
▁some -342
|
603 |
+
▁house -343
|
604 |
+
dd -344
|
605 |
+
▁down -345
|
606 |
+
▁fl -346
|
607 |
+
▁took -347
|
608 |
+
▁scared -348
|
609 |
+
king -349
|
610 |
+
ny -350
|
611 |
+
▁toys -351
|
612 |
+
▁pr -352
|
613 |
+
▁learn -353
|
614 |
+
ure -354
|
615 |
+
▁box -355
|
616 |
+
if -356
|
617 |
+
▁will -357
|
618 |
+
▁You -358
|
619 |
+
ret -359
|
620 |
+
ick -360
|
621 |
+
ab -361
|
622 |
+
ep -362
|
623 |
+
▁things -363
|
624 |
+
▁my -364
|
625 |
+
▁around -365
|
626 |
+
▁your -366
|
627 |
+
▁bl -367
|
628 |
+
oud -368
|
629 |
+
▁lived -369
|
630 |
+
uck -370
|
631 |
+
ish -371
|
632 |
+
▁when -372
|
633 |
+
," -373
|
634 |
+
▁sun -374
|
635 |
+
▁fe -375
|
636 |
+
▁then -376
|
637 |
+
▁So -377
|
638 |
+
▁sw -378
|
639 |
+
as -379
|
640 |
+
▁Mom -380
|
641 |
+
▁ch -381
|
642 |
+
us -382
|
643 |
+
pped -383
|
644 |
+
▁ab -384
|
645 |
+
ank -385
|
646 |
+
▁get -386
|
647 |
+
ucy -387
|
648 |
+
ump -388
|
649 |
+
▁lot -389
|
650 |
+
ist -390
|
651 |
+
▁Lucy -391
|
652 |
+
oth -392
|
653 |
+
▁D -393
|
654 |
+
▁tried -394
|
655 |
+
ap -395
|
656 |
+
▁says -396
|
657 |
+
▁know -397
|
658 |
+
▁got -398
|
659 |
+
▁kne -399
|
660 |
+
▁who -400
|
661 |
+
Th -401
|
662 |
+
ited -402
|
663 |
+
ust -403
|
664 |
+
▁many -404
|
665 |
+
▁Bob -405
|
666 |
+
nder -406
|
667 |
+
▁int -407
|
668 |
+
▁about -408
|
669 |
+
▁pret -409
|
670 |
+
▁red -410
|
671 |
+
▁any -411
|
672 |
+
▁dec -412
|
673 |
+
ive -413
|
674 |
+
▁knew -414
|
675 |
+
ace -415
|
676 |
+
▁more -416
|
677 |
+
ous -417
|
678 |
+
ise -418
|
679 |
+
▁pic -419
|
680 |
+
▁care -420
|
681 |
+
ally -421
|
682 |
+
au -422
|
683 |
+
▁learned -423
|
684 |
+
▁hug -424
|
685 |
+
qu -425
|
686 |
+
▁water -426
|
687 |
+
fter -427
|
688 |
+
▁became -428
|
689 |
+
▁po -429
|
690 |
+
▁best -430
|
691 |
+
▁v -431
|
692 |
+
ause -432
|
693 |
+
▁And -433
|
694 |
+
▁op -434
|
695 |
+
▁gre -435
|
696 |
+
ways -436
|
697 |
+
urp -437
|
698 |
+
▁laughed -438
|
699 |
+
▁outside -439
|
700 |
+
▁E -440
|
701 |
+
▁exc -441
|
702 |
+
▁look -442
|
703 |
+
▁always -443
|
704 |
+
▁un -444
|
705 |
+
▁show -445
|
706 |
+
▁decid -446
|
707 |
+
▁because -447
|
708 |
+
▁room -448
|
709 |
+
ant -449
|
710 |
+
fe -450
|
711 |
+
▁ho -451
|
712 |
+
▁decided -452
|
713 |
+
▁eat -453
|
714 |
+
▁into -454
|
715 |
+
ite -455
|
716 |
+
▁jump -456
|
717 |
+
▁both -457
|
718 |
+
▁pe -458
|
719 |
+
▁Then -459
|
720 |
+
ers -460
|
721 |
+
▁dad -461
|
722 |
+
▁ke -462
|
723 |
+
udd -463
|
724 |
+
▁one -464
|
725 |
+
▁When -465
|
726 |
+
▁fast -466
|
727 |
+
nn -467
|
728 |
+
▁nice -468
|
729 |
+
▁this -469
|
730 |
+
▁excited -470
|
731 |
+
▁run -471
|
732 |
+
▁feel -472
|
733 |
+
Yes -473
|
734 |
+
▁long -474
|
735 |
+
▁Ann -475
|
736 |
+
▁told -476
|
737 |
+
▁sk -477
|
738 |
+
▁am -478
|
739 |
+
urpr -479
|
740 |
+
▁inside -480
|
741 |
+
our -481
|
742 |
+
ull -482
|
743 |
+
▁tr -483
|
744 |
+
▁surpr -484
|
745 |
+
▁mo -485
|
746 |
+
▁pretty -486
|
747 |
+
▁His -487
|
748 |
+
iny -488
|
749 |
+
ink -489
|
750 |
+
▁sor -490
|
751 |
+
▁Fr -491
|
752 |
+
og -492
|
753 |
+
▁take -493
|
754 |
+
▁C -494
|
755 |
+
▁sl -495
|
756 |
+
▁gave -496
|
757 |
+
▁each -497
|
758 |
+
▁much -498
|
759 |
+
lew -499
|
760 |
+
▁rock -500
|
761 |
+
▁gra -501
|
762 |
+
hat -502
|
763 |
+
imal -503
|
764 |
+
▁str -504
|
765 |
+
▁how -505
|
766 |
+
▁animal -506
|
767 |
+
ara -507
|
768 |
+
ged -508
|
769 |
+
▁Amy -509
|
770 |
+
▁need -510
|
771 |
+
▁than -511
|
772 |
+
etter -512
|
773 |
+
▁tow -513
|
774 |
+
▁Anna -514
|
775 |
+
ven -515
|
776 |
+
▁As -516
|
777 |
+
▁or -517
|
778 |
+
▁under -518
|
779 |
+
ess -519
|
780 |
+
▁sorry -520
|
781 |
+
▁old -521
|
782 |
+
ge -522
|
783 |
+
ised -523
|
784 |
+
ro -524
|
785 |
+
urt -525
|
786 |
+
▁fish -526
|
787 |
+
▁cle -527
|
788 |
+
▁Sara -528
|
789 |
+
▁walked -529
|
790 |
+
▁clo -530
|
791 |
+
and -531
|
792 |
+
here -532
|
793 |
+
ft -533
|
794 |
+
▁bear -534
|
795 |
+
ase -535
|
796 |
+
ast -536
|
797 |
+
▁hand -537
|
798 |
+
urn -538
|
799 |
+
▁kind -539
|
800 |
+
▁We -540
|
801 |
+
▁te -541
|
802 |
+
▁happened -542
|
803 |
+
▁flow -543
|
804 |
+
▁food -544
|
805 |
+
▁list -545
|
806 |
+
▁just -546
|
807 |
+
▁Her -547
|
808 |
+
▁animals -548
|
809 |
+
▁hig -549
|
810 |
+
▁didn -550
|
811 |
+
▁In -551
|
812 |
+
▁near -552
|
813 |
+
▁ide -553
|
814 |
+
▁wat -554
|
815 |
+
▁sky -555
|
816 |
+
▁try -556
|
817 |
+
▁sn -557
|
818 |
+
ine -558
|
819 |
+
▁fi -559
|
820 |
+
ched -560
|
821 |
+
ving -561
|
822 |
+
▁From -562
|
823 |
+
▁us -563
|
824 |
+
▁idea -564
|
825 |
+
▁better -565
|
826 |
+
▁bug -566
|
827 |
+
pl -567
|
828 |
+
gry -568
|
829 |
+
▁its -569
|
830 |
+
▁heard -570
|
831 |
+
▁tw -571
|
832 |
+
pec -572
|
833 |
+
▁let -573
|
834 |
+
ff -574
|
835 |
+
ate -575
|
836 |
+
able -576
|
837 |
+
ex -577
|
838 |
+
▁careful -578
|
839 |
+
▁share -579
|
840 |
+
▁en -580
|
841 |
+
Thank -581
|
842 |
+
▁fly -582
|
843 |
+
▁if -583
|
844 |
+
more -584
|
845 |
+
▁stor -585
|
846 |
+
▁anymore -586
|
847 |
+
▁flew -587
|
848 |
+
ial -588
|
849 |
+
▁lots -589
|
850 |
+
▁spec -590
|
851 |
+
ion -591
|
852 |
+
▁special -592
|
853 |
+
▁com -593
|
854 |
+
▁never -594
|
855 |
+
▁by -595
|
856 |
+
▁dan -596
|
857 |
+
ream -597
|
858 |
+
lf -598
|
859 |
+
▁wind -599
|
860 |
+
▁bu -600
|
861 |
+
▁fo -601
|
862 |
+
▁don -602
|
863 |
+
▁clean -603
|
864 |
+
▁tal -604
|
865 |
+
▁Every -605
|
866 |
+
ort -606
|
867 |
+
▁gr -607
|
868 |
+
rm -608
|
869 |
+
▁love -609
|
870 |
+
▁end -610
|
871 |
+
ople -611
|
872 |
+
ber -612
|
873 |
+
▁even -613
|
874 |
+
▁K -614
|
875 |
+
▁mag -615
|
876 |
+
▁shiny -616
|
877 |
+
▁hard -617
|
878 |
+
▁cake -618
|
879 |
+
▁fore -619
|
880 |
+
▁over -620
|
881 |
+
udden -621
|
882 |
+
ak -622
|
883 |
+
▁book -623
|
884 |
+
▁col -624
|
885 |
+
▁turn -625
|
886 |
+
▁fam -626
|
887 |
+
▁safe -627
|
888 |
+
▁bad -628
|
889 |
+
▁after -629
|
890 |
+
▁people -630
|
891 |
+
ady -631
|
892 |
+
pected -632
|
893 |
+
▁proud -633
|
894 |
+
▁surprised -634
|
895 |
+
▁high -635
|
896 |
+
▁hurt -636
|
897 |
+
uddenly -637
|
898 |
+
Let -638
|
899 |
+
imb -639
|
900 |
+
▁cu -640
|
901 |
+
▁picked -641
|
902 |
+
▁ground -642
|
903 |
+
▁come -643
|
904 |
+
▁door -644
|
905 |
+
expected -645
|
906 |
+
▁unexpected -646
|
907 |
+
arden -647
|
908 |
+
▁garden -648
|
909 |
+
▁climb -649
|
910 |
+
▁opened -650
|
911 |
+
▁loud -651
|
912 |
+
bb -652
|
913 |
+
hy -653
|
914 |
+
▁che -654
|
915 |
+
▁gl -655
|
916 |
+
▁im -656
|
917 |
+
ild -657
|
918 |
+
▁give -658
|
919 |
+
ail -659
|
920 |
+
▁way -660
|
921 |
+
▁color -661
|
922 |
+
▁blue -662
|
923 |
+
▁thanked -663
|
924 |
+
▁still -664
|
925 |
+
▁ever -665
|
926 |
+
▁hugged -666
|
927 |
+
▁far -667
|
928 |
+
ip -668
|
929 |
+
▁P -669
|
930 |
+
▁call -670
|
931 |
+
No -671
|
932 |
+
▁magic -672
|
933 |
+
age -673
|
934 |
+
ummy -674
|
935 |
+
▁off -675
|
936 |
+
iz -676
|
937 |
+
ough -677
|
938 |
+
▁jumped -678
|
939 |
+
▁par -679
|
940 |
+
▁should -680
|
941 |
+
▁family -681
|
942 |
+
ool -682
|
943 |
+
▁kid -683
|
944 |
+
uff -684
|
945 |
+
▁smile -685
|
946 |
+
hes -686
|
947 |
+
▁place -687
|
948 |
+
kay -688
|
949 |
+
▁walk -689
|
950 |
+
▁great -690
|
951 |
+
ct -691
|
952 |
+
▁now -692
|
953 |
+
ture -693
|
954 |
+
▁Jo -694
|
955 |
+
em -695
|
956 |
+
▁strong -696
|
957 |
+
les -697
|
958 |
+
▁qu -698
|
959 |
+
▁stay -699
|
960 |
+
▁Suddenly -700
|
961 |
+
▁unt -701
|
962 |
+
▁sto -702
|
963 |
+
▁forest -703
|
964 |
+
aut -704
|
965 |
+
itty -705
|
966 |
+
ane -706
|
967 |
+
▁frog -707
|
968 |
+
▁bra -708
|
969 |
+
▁bro -709
|
970 |
+
▁until -710
|
971 |
+
▁squ -711
|
972 |
+
▁stick -712
|
973 |
+
▁beaut -713
|
974 |
+
▁boat -714
|
975 |
+
dy -715
|
976 |
+
xt -716
|
977 |
+
▁Sally -717
|
978 |
+
▁next -718
|
979 |
+
lease -719
|
980 |
+
▁After -720
|
981 |
+
ning -721
|
982 |
+
▁happily -722
|
983 |
+
▁N -723
|
984 |
+
▁Kitty -724
|
985 |
+
▁listen -725
|
986 |
+
▁kids -726
|
987 |
+
▁tra -727
|
988 |
+
aking -728
|
989 |
+
▁helped -729
|
990 |
+
ies -730
|
991 |
+
▁app -731
|
992 |
+
iful -732
|
993 |
+
▁beautiful -733
|
994 |
+
▁showed -734
|
995 |
+
▁dra -735
|
996 |
+
unny -736
|
997 |
+
▁story -737
|
998 |
+
▁imp -738
|
999 |
+
be -739
|
1000 |
+
▁clos -740
|
1001 |
+
▁town -741
|
1002 |
+
▁while -742
|
1003 |
+
rel -743
|
1004 |
+
▁rain -744
|
1005 |
+
▁At -745
|
1006 |
+
▁picture -746
|
1007 |
+
ress -747
|
1008 |
+
pt -748
|
1009 |
+
oy -749
|
1010 |
+
▁being -750
|
1011 |
+
▁everyone -751
|
1012 |
+
▁rem -752
|
1013 |
+
ary -753
|
1014 |
+
▁hat -754
|
1015 |
+
▁mor -755
|
1016 |
+
▁R -756
|
1017 |
+
ree -757
|
1018 |
+
▁met -758
|
1019 |
+
▁called -759
|
1020 |
+
▁stopped -760
|
1021 |
+
▁game -761
|
1022 |
+
▁ad -762
|
1023 |
+
Can -763
|
1024 |
+
uffy -764
|
1025 |
+
▁Fin -765
|
1026 |
+
▁angry -766
|
1027 |
+
ger -767
|
1028 |
+
▁open -768
|
1029 |
+
▁truck -769
|
1030 |
+
▁soft -770
|
1031 |
+
▁yummy -771
|
1032 |
+
▁lost -772
|
1033 |
+
▁keep -773
|
1034 |
+
▁wo -774
|
1035 |
+
▁cry -775
|
1036 |
+
▁bed -776
|
1037 |
+
▁Th -777
|
1038 |
+
▁Let -778
|
1039 |
+
▁warm -779
|
1040 |
+
▁ate -780
|
1041 |
+
▁mouse -781
|
1042 |
+
by -782
|
1043 |
+
▁brave -783
|
1044 |
+
oon -784
|
1045 |
+
vent -785
|
1046 |
+
ished -786
|
1047 |
+
▁watch -787
|
1048 |
+
▁de -788
|
1049 |
+
▁doll -789
|
1050 |
+
so -790
|
1051 |
+
▁Jack -791
|
1052 |
+
It -792
|
1053 |
+
▁leave -793
|
1054 |
+
fore -794
|
1055 |
+
▁fell -795
|
1056 |
+
▁also -796
|
1057 |
+
▁couldn -797
|
1058 |
+
▁green -798
|
1059 |
+
▁Fl -799
|
1060 |
+
dded -800
|
1061 |
+
▁face -801
|
1062 |
+
▁flowers -802
|
1063 |
+
iss -803
|
1064 |
+
▁two -804
|
1065 |
+
gan -805
|
1066 |
+
bit -806
|
1067 |
+
ble -807
|
1068 |
+
abbit -808
|
1069 |
+
▁noise -809
|
1070 |
+
owl -810
|
1071 |
+
irst -811
|
1072 |
+
▁where -812
|
1073 |
+
What -813
|
1074 |
+
ock -814
|
1075 |
+
az -815
|
1076 |
+
▁slide -816
|
1077 |
+
▁soon -817
|
1078 |
+
▁hole -818
|
1079 |
+
▁rabbit -819
|
1080 |
+
self -820
|
1081 |
+
irrel -821
|
1082 |
+
▁pus -822
|
1083 |
+
▁Fluffy -823
|
1084 |
+
▁sat -824
|
1085 |
+
ired -825
|
1086 |
+
▁G -826
|
1087 |
+
▁before -827
|
1088 |
+
illy -828
|
1089 |
+
Hi -829
|
1090 |
+
▁hear -830
|
1091 |
+
▁use -831
|
1092 |
+
▁squirrel -832
|
1093 |
+
▁pa -833
|
1094 |
+
▁kept -834
|
1095 |
+
▁Now -835
|
1096 |
+
ma -836
|
1097 |
+
▁nodded -837
|
1098 |
+
ear -838
|
1099 |
+
▁cook -839
|
1100 |
+
▁store -840
|
1101 |
+
Look -841
|
1102 |
+
▁birds -842
|
1103 |
+
▁hands -843
|
1104 |
+
▁pain -844
|
1105 |
+
▁funny -845
|
1106 |
+
▁having -846
|
1107 |
+
▁expl -847
|
1108 |
+
▁going -848
|
1109 |
+
▁sing -849
|
1110 |
+
day -850
|
1111 |
+
▁catch -851
|
1112 |
+
uch -852
|
1113 |
+
aybe -853
|
1114 |
+
uit -854
|
1115 |
+
aug -855
|
1116 |
+
leep -856
|
1117 |
+
aught -857
|
1118 |
+
▁yell -858
|
1119 |
+
▁Can -859
|
1120 |
+
▁cra -860
|
1121 |
+
▁ey -861
|
1122 |
+
▁fix -862
|
1123 |
+
▁think -863
|
1124 |
+
▁fin -864
|
1125 |
+
▁bre -865
|
1126 |
+
▁tired -866
|
1127 |
+
▁bunny -867
|
1128 |
+
▁used -868
|
1129 |
+
▁bus -869
|
1130 |
+
air -870
|
1131 |
+
ange -871
|
1132 |
+
▁work -872
|
1133 |
+
▁looking -873
|
1134 |
+
▁wr -874
|
1135 |
+
▁pull -875
|
1136 |
+
▁our -876
|
1137 |
+
▁kit -877
|
1138 |
+
We -878
|
1139 |
+
▁thr -879
|
1140 |
+
▁wait -880
|
1141 |
+
thing -881
|
1142 |
+
That -882
|
1143 |
+
▁jo -883
|
1144 |
+
▁has -884
|
1145 |
+
▁pond -885
|
1146 |
+
▁sunny -886
|
1147 |
+
▁sound -887
|
1148 |
+
▁dr -888
|
1149 |
+
▁mean -889
|
1150 |
+
▁others -890
|
1151 |
+
ember -891
|
1152 |
+
ting -892
|
1153 |
+
▁beh -893
|
1154 |
+
▁ask -894
|
1155 |
+
led -895
|
1156 |
+
chen -896
|
1157 |
+
▁talk -897
|
1158 |
+
▁kitchen -898
|
1159 |
+
▁flo -899
|
1160 |
+
ng -900
|
1161 |
+
rew -901
|
1162 |
+
▁pie -902
|
1163 |
+
▁dif -903
|
1164 |
+
▁tri -904
|
1165 |
+
▁head -905
|
1166 |
+
▁first -906
|
1167 |
+
▁fav -907
|
1168 |
+
▁real -908
|
1169 |
+
ello -909
|
1170 |
+
Hello -910
|
1171 |
+
▁import -911
|
1172 |
+
Mom -912
|
1173 |
+
▁mommy -913
|
1174 |
+
▁eyes -914
|
1175 |
+
▁Wh -915
|
1176 |
+
▁z -916
|
1177 |
+
▁flower -917
|
1178 |
+
▁Do -918
|
1179 |
+
▁party -919
|
1180 |
+
joy -920
|
1181 |
+
▁mess -921
|
1182 |
+
▁remember -922
|
1183 |
+
▁cold -923
|
1184 |
+
▁right -924
|
1185 |
+
▁con -925
|
1186 |
+
▁swe -926
|
1187 |
+
▁sand -927
|
1188 |
+
▁race -928
|
1189 |
+
ious -929
|
1190 |
+
imes -930
|
1191 |
+
orn -931
|
1192 |
+
▁duck -932
|
1193 |
+
ac -933
|
1194 |
+
ath -934
|
1195 |
+
▁shared -935
|
1196 |
+
▁moral -936
|
1197 |
+
▁important -937
|
1198 |
+
▁vo -938
|
1199 |
+
▁curi -939
|
1200 |
+
▁ice -940
|
1201 |
+
zy -941
|
1202 |
+
ount -942
|
1203 |
+
▁worked -943
|
1204 |
+
▁okay -944
|
1205 |
+
irt -945
|
1206 |
+
▁making -946
|
1207 |
+
▁enjoy -947
|
1208 |
+
▁dress -948
|
1209 |
+
▁advent -949
|
1210 |
+
▁bright -950
|
1211 |
+
llow -951
|
1212 |
+
▁own -952
|
1213 |
+
▁curious -953
|
1214 |
+
▁tall -954
|
1215 |
+
▁hop -955
|
1216 |
+
▁favor -956
|
1217 |
+
▁hid -957
|
1218 |
+
reed -958
|
1219 |
+
▁Dad -959
|
1220 |
+
▁favorite -960
|
1221 |
+
▁sleep -961
|
1222 |
+
▁ri -962
|
1223 |
+
Wow -963
|
1224 |
+
▁thing -964
|
1225 |
+
▁mon -965
|
1226 |
+
▁bag -966
|
1227 |
+
▁hill -967
|
1228 |
+
▁began -968
|
1229 |
+
▁dis -969
|
1230 |
+
▁draw -970
|
1231 |
+
▁cla -971
|
1232 |
+
Don -972
|
1233 |
+
▁yard -973
|
1234 |
+
▁rest -974
|
1235 |
+
hn -975
|
1236 |
+
▁This -976
|
1237 |
+
▁tell -977
|
1238 |
+
▁here -978
|
1239 |
+
▁move -979
|
1240 |
+
ster -980
|
1241 |
+
que -981
|
1242 |
+
▁watched -982
|
1243 |
+
▁cut -983
|
1244 |
+
▁follow -984
|
1245 |
+
▁bel -985
|
1246 |
+
▁John -986
|
1247 |
+
ect -987
|
1248 |
+
▁night -988
|
1249 |
+
▁agreed -989
|
1250 |
+
▁hun -990
|
1251 |
+
▁block -991
|
1252 |
+
▁pick -992
|
1253 |
+
aper -993
|
1254 |
+
co -994
|
1255 |
+
▁stop -995
|
1256 |
+
▁hot -996
|
1257 |
+
lly -997
|
1258 |
+
▁behind -998
|
1259 |
+
▁sho -999
|
1260 |
+
▁table -1000
|
1261 |
+
▁surprise -1001
|
1262 |
+
▁grass -1002
|
1263 |
+
▁worry -1003
|
1264 |
+
▁dark -1004
|
1265 |
+
▁trees -1005
|
1266 |
+
ied -1006
|
1267 |
+
▁floor -1007
|
1268 |
+
▁farm -1008
|
1269 |
+
▁lion -1009
|
1270 |
+
▁Bobo -1010
|
1271 |
+
fere -1011
|
1272 |
+
▁top -1012
|
1273 |
+
▁tail -1013
|
1274 |
+
▁song -1014
|
1275 |
+
▁Mr -1015
|
1276 |
+
▁differe -1016
|
1277 |
+
▁please -1017
|
1278 |
+
▁ru -1018
|
1279 |
+
▁butter -1019
|
1280 |
+
▁walking -1020
|
1281 |
+
▁colors -1021
|
1282 |
+
▁That -1022
|
1283 |
+
▁sweet -1023
|
1284 |
+
▁read -1024
|
1285 |
+
▁voice -1025
|
1286 |
+
▁lady -1026
|
1287 |
+
▁shout -1027
|
1288 |
+
▁forg -1028
|
1289 |
+
▁leaves -1029
|
1290 |
+
isy -1030
|
1291 |
+
▁Jane -1031
|
1292 |
+
ign -1032
|
1293 |
+
▁cars -1033
|
1294 |
+
▁needed -1034
|
1295 |
+
▁closer -1035
|
1296 |
+
▁Timmy -1036
|
1297 |
+
▁tast -1037
|
1298 |
+
▁turned -1038
|
1299 |
+
Why -1039
|
1300 |
+
▁cried -1040
|
1301 |
+
aring -1041
|
1302 |
+
▁wood -1042
|
1303 |
+
▁laugh -1043
|
1304 |
+
▁different -1044
|
1305 |
+
▁piece -1045
|
1306 |
+
▁del -1046
|
1307 |
+
▁roll -1047
|
1308 |
+
▁fire -1048
|
1309 |
+
▁hungry -1049
|
1310 |
+
▁does -1050
|
1311 |
+
ered -1051
|
1312 |
+
ike -1052
|
1313 |
+
▁cr -1053
|
1314 |
+
▁hair -1054
|
1315 |
+
▁adventure -1055
|
1316 |
+
▁yellow -1056
|
1317 |
+
▁paper -1057
|
1318 |
+
▁full -1058
|
1319 |
+
▁touch -1059
|
1320 |
+
bo -1060
|
1321 |
+
▁prin -1061
|
1322 |
+
▁feeling -1062
|
1323 |
+
▁wet -1063
|
1324 |
+
▁friendly -1064
|
1325 |
+
oom -1065
|
1326 |
+
ken -1066
|
1327 |
+
▁per -1067
|
1328 |
+
▁swing -1068
|
1329 |
+
▁fruit -1069
|
1330 |
+
cked -1070
|
1331 |
+
▁broken -1071
|
1332 |
+
ached -1072
|
1333 |
+
ient -1073
|
1334 |
+
▁Mommy -1074
|
1335 |
+
▁All -1075
|
1336 |
+
▁ready -1076
|
1337 |
+
▁pretend -1077
|
1338 |
+
ppy -1078
|
1339 |
+
▁dance -1079
|
1340 |
+
bye -1080
|
1341 |
+
▁climbed -1081
|
1342 |
+
▁another -1082
|
1343 |
+
▁light -1083
|
1344 |
+
▁prom -1084
|
1345 |
+
ater -1085
|
1346 |
+
▁listened -1086
|
1347 |
+
▁danc -1087
|
1348 |
+
where -1088
|
1349 |
+
▁running -1089
|
1350 |
+
▁plan -1090
|
1351 |
+
▁gone -1091
|
1352 |
+
▁swim -1092
|
1353 |
+
▁only -1093
|
1354 |
+
▁train -1094
|
1355 |
+
bbed -1095
|
1356 |
+
ila -1096
|
1357 |
+
av -1097
|
1358 |
+
▁smell -1098
|
1359 |
+
sh -1099
|
1360 |
+
ndma -1100
|
1361 |
+
▁close -1101
|
1362 |
+
art -1102
|
1363 |
+
aby -1103
|
1364 |
+
▁blocks -1104
|
1365 |
+
▁hold -1105
|
1366 |
+
▁Everyone -1106
|
1367 |
+
▁amaz -1107
|
1368 |
+
▁wonder -1108
|
1369 |
+
▁Lila -1109
|
1370 |
+
▁sees -1110
|
1371 |
+
▁butterf -1111
|
1372 |
+
▁wall -1112
|
1373 |
+
▁helping -1113
|
1374 |
+
▁repl -1114
|
1375 |
+
▁reached -1115
|
1376 |
+
▁cream -1116
|
1377 |
+
▁pu -1117
|
1378 |
+
▁dri -1118
|
1379 |
+
oney -1119
|
1380 |
+
▁ant -1120
|
1381 |
+
▁slow -1121
|
1382 |
+
af -1122
|
1383 |
+
▁cool -1123
|
1384 |
+
▁glad -1124
|
1385 |
+
▁less -1125
|
1386 |
+
▁pushed -1126
|
1387 |
+
▁goodbye -1127
|
1388 |
+
▁fight -1128
|
1389 |
+
▁ac -1129
|
1390 |
+
ather -1130
|
1391 |
+
ey -1131
|
1392 |
+
▁been -1132
|
1393 |
+
▁fair -1133
|
1394 |
+
▁hide -1134
|
1395 |
+
▁must -1135
|
1396 |
+
▁window -1136
|
1397 |
+
▁sit -1137
|
1398 |
+
▁moment -1138
|
1399 |
+
iced -1139
|
1400 |
+
▁balloon -1140
|
1401 |
+
▁snow -1141
|
1402 |
+
▁wished -1142
|
1403 |
+
▁wag -1143
|
1404 |
+
▁stuck -1144
|
1405 |
+
▁baby -1145
|
1406 |
+
▁Soon -1146
|
1407 |
+
▁done -1147
|
1408 |
+
▁ar -1148
|
1409 |
+
▁buy -1149
|
1410 |
+
▁child -1150
|
1411 |
+
▁perf -1151
|
1412 |
+
▁thank -1152
|
1413 |
+
▁Just -1153
|
1414 |
+
icy -1154
|
1415 |
+
▁ste -1155
|
1416 |
+
▁might -1156
|
1417 |
+
▁apple -1157
|
1418 |
+
▁bar -1158
|
1419 |
+
▁trying -1159
|
1420 |
+
▁fall -1160
|
1421 |
+
▁explore -1161
|
1422 |
+
▁name -1162
|
1423 |
+
ized -1163
|
1424 |
+
▁scary -1164
|
1425 |
+
ash -1165
|
1426 |
+
▁bit -1166
|
1427 |
+
▁To -1167
|
1428 |
+
▁coming -1168
|
1429 |
+
irty -1169
|
1430 |
+
▁build -1170
|
1431 |
+
▁din -1171
|
1432 |
+
▁win -1172
|
1433 |
+
▁dirty -1173
|
1434 |
+
▁dream -1174
|
1435 |
+
▁looks -1175
|
1436 |
+
▁quick -1176
|
1437 |
+
▁doing -1177
|
1438 |
+
▁There -1178
|
1439 |
+
aisy -1179
|
1440 |
+
▁held -1180
|
1441 |
+
▁underst -1181
|
1442 |
+
ames -1182
|
1443 |
+
▁books -1183
|
1444 |
+
▁mar -1184
|
1445 |
+
▁butterfly -1185
|
1446 |
+
▁left -1186
|
1447 |
+
avy -1187
|
1448 |
+
▁count -1188
|
1449 |
+
▁reach -1189
|
1450 |
+
▁tiny -1190
|
1451 |
+
▁shouted -1191
|
1452 |
+
ott -1192
|
1453 |
+
▁dro -1193
|
1454 |
+
▁bran -1194
|
1455 |
+
key -1195
|
1456 |
+
▁air -1196
|
1457 |
+
▁land -1197
|
1458 |
+
▁replied -1198
|
1459 |
+
▁spl -1199
|
1460 |
+
▁grow -1200
|
1461 |
+
▁through -1201
|
1462 |
+
▁pulled -1202
|
1463 |
+
▁treat -1203
|
1464 |
+
▁wise -1204
|
1465 |
+
▁chair -1205
|
1466 |
+
▁why -1206
|
1467 |
+
▁brother -1207
|
1468 |
+
▁plant -1208
|
1469 |
+
▁woods -1209
|
1470 |
+
▁clapped -1210
|
1471 |
+
ix -1211
|
1472 |
+
▁owl -1212
|
1473 |
+
▁mat -1213
|
1474 |
+
▁pink -1214
|
1475 |
+
▁three -1215
|
1476 |
+
▁sometimes -1216
|
1477 |
+
▁cup -1217
|
1478 |
+
ins -1218
|
1479 |
+
ield -1219
|
1480 |
+
▁sure -1220
|
1481 |
+
▁cloud -1221
|
1482 |
+
▁swam -1222
|
1483 |
+
ely -1223
|
1484 |
+
▁seen -1224
|
1485 |
+
andy -1225
|
1486 |
+
ask -1226
|
1487 |
+
outh -1227
|
1488 |
+
▁colorful -1228
|
1489 |
+
▁fill -1229
|
1490 |
+
▁job -1230
|
1491 |
+
▁Inside -1231
|
1492 |
+
▁nest -1232
|
1493 |
+
▁mouth -1233
|
1494 |
+
▁bigger -1234
|
1495 |
+
▁remembered -1235
|
1496 |
+
▁join -1236
|
1497 |
+
Okay -1237
|
1498 |
+
ph -1238
|
1499 |
+
uddy -1239
|
1500 |
+
oup -1240
|
1501 |
+
▁lesson -1241
|
1502 |
+
room -1242
|
1503 |
+
▁stayed -1243
|
1504 |
+
▁waved -1244
|
1505 |
+
▁cre -1245
|
1506 |
+
▁paint -1246
|
1507 |
+
▁clot -1247
|
1508 |
+
Oh -1248
|
1509 |
+
▁clothes -1249
|
1510 |
+
▁grabbed -1250
|
1511 |
+
▁ve -1251
|
1512 |
+
ower -1252
|
1513 |
+
▁cont -1253
|
1514 |
+
cle -1254
|
1515 |
+
▁waited -1255
|
1516 |
+
▁broke -1256
|
1517 |
+
▁Buddy -1257
|
1518 |
+
▁games -1258
|
1519 |
+
ucky -1259
|
1520 |
+
▁blew -1260
|
1521 |
+
▁word -1261
|
1522 |
+
▁Daisy -1262
|
1523 |
+
▁While -1263
|
1524 |
+
▁cast -1264
|
1525 |
+
▁Finally -1265
|
1526 |
+
▁gent -1266
|
1527 |
+
▁enjoyed -1267
|
1528 |
+
▁quickly -1268
|
1529 |
+
ries -1269
|
1530 |
+
▁likes -1270
|
1531 |
+
▁pictures -1271
|
1532 |
+
ation -1272
|
1533 |
+
ton -1273
|
1534 |
+
▁mus -1274
|
1535 |
+
▁sea -1275
|
1536 |
+
▁heavy -1276
|
1537 |
+
de -1277
|
1538 |
+
▁set -1278
|
1539 |
+
▁gif -1279
|
1540 |
+
▁alone -1280
|
1541 |
+
asure -1281
|
1542 |
+
▁turns -1282
|
1543 |
+
▁miss -1283
|
1544 |
+
▁anything -1284
|
1545 |
+
orm -1285
|
1546 |
+
▁spot -1286
|
1547 |
+
▁noticed -1287
|
1548 |
+
▁hopped -1288
|
1549 |
+
der -1289
|
1550 |
+
▁bott -1290
|
1551 |
+
▁world -1291
|
1552 |
+
▁pot -1292
|
1553 |
+
▁pen -1293
|
1554 |
+
▁pat -1294
|
1555 |
+
lc -1295
|
1556 |
+
▁mix -1296
|
1557 |
+
This -1297
|
1558 |
+
▁bike -1298
|
1559 |
+
▁arm -1299
|
1560 |
+
▁year -1300
|
1561 |
+
▁tight -1301
|
1562 |
+
▁everywhere -1302
|
1563 |
+
▁tower -1303
|
1564 |
+
▁threw -1304
|
1565 |
+
▁Sarah -1305
|
1566 |
+
▁won -1306
|
1567 |
+
▁Tommy -1307
|
1568 |
+
". -1308
|
1569 |
+
▁ride -1309
|
1570 |
+
▁himself -1310
|
1571 |
+
man -1311
|
1572 |
+
▁je -1312
|
1573 |
+
ere -1313
|
1574 |
+
▁followed -1314
|
1575 |
+
pe -1315
|
1576 |
+
▁ju -1316
|
1577 |
+
less -1317
|
1578 |
+
amp -1318
|
1579 |
+
ape -1319
|
1580 |
+
▁comp -1320
|
1581 |
+
▁key -1321
|
1582 |
+
eddy -1322
|
1583 |
+
row -1323
|
1584 |
+
▁white -1324
|
1585 |
+
▁makes -1325
|
1586 |
+
ctor -1326
|
1587 |
+
▁What -1327
|
1588 |
+
▁wrong -1328
|
1589 |
+
▁break -1329
|
1590 |
+
▁black -1330
|
1591 |
+
ner -1331
|
1592 |
+
thy -1332
|
1593 |
+
ee -1333
|
1594 |
+
▁music -1334
|
1595 |
+
▁deep -1335
|
1596 |
+
▁pol -1336
|
1597 |
+
arent -1337
|
1598 |
+
▁delic -1338
|
1599 |
+
▁bee -1339
|
1600 |
+
▁forgot -1340
|
1601 |
+
ued -1341
|
1602 |
+
cess -1342
|
1603 |
+
▁Em -1343
|
1604 |
+
▁castle -1344
|
1605 |
+
Do -1345
|
1606 |
+
ves -1346
|
1607 |
+
▁em -1347
|
1608 |
+
▁wear -1348
|
1609 |
+
▁hit -1349
|
1610 |
+
iet -1350
|
1611 |
+
▁parent -1351
|
1612 |
+
oun -1352
|
1613 |
+
olly -1353
|
1614 |
+
ister -1354
|
1615 |
+
▁quiet -1355
|
1616 |
+
▁round -1356
|
1617 |
+
▁danced -1357
|
1618 |
+
▁Billy -1358
|
1619 |
+
▁stu -1359
|
1620 |
+
▁leaf -1360
|
1621 |
+
▁wants -1361
|
1622 |
+
ance -1362
|
1623 |
+
▁vis -1363
|
1624 |
+
▁nap -1364
|
1625 |
+
▁monster -1365
|
1626 |
+
▁bowl -1366
|
1627 |
+
ang -1367
|
1628 |
+
▁talked -1368
|
1629 |
+
rot -1369
|
1630 |
+
ully -1370
|
1631 |
+
itten -1371
|
1632 |
+
os -1372
|
1633 |
+
▁dry -1373
|
1634 |
+
▁cookies -1374
|
1635 |
+
▁bor -1375
|
1636 |
+
▁faster -1376
|
1637 |
+
▁understand -1377
|
1638 |
+
ren -1378
|
1639 |
+
▁brought -1379
|
1640 |
+
▁leg -1380
|
1641 |
+
▁Gra -1381
|
1642 |
+
zz -1382
|
1643 |
+
fully -1383
|
1644 |
+
▁smart -1384
|
1645 |
+
cy -1385
|
1646 |
+
ross -1386
|
1647 |
+
▁sign -1387
|
1648 |
+
▁side -1388
|
1649 |
+
▁rocks -1389
|
1650 |
+
▁sharing -1390
|
1651 |
+
▁Joe -1391
|
1652 |
+
▁well -1392
|
1653 |
+
▁button -1393
|
1654 |
+
▁branch -1394
|
1655 |
+
▁sec -1395
|
1656 |
+
▁mum -1396
|
1657 |
+
▁someone -1397
|
1658 |
+
▁happen -1398
|
1659 |
+
▁finished -1399
|
1660 |
+
▁fox -1400
|
1661 |
+
▁poin -1401
|
1662 |
+
▁dinner -1402
|
1663 |
+
▁res -1403
|
1664 |
+
▁rel -1404
|
1665 |
+
ence -1405
|
1666 |
+
▁sister -1406
|
1667 |
+
▁really -1407
|
1668 |
+
▁flying -1408
|
1669 |
+
ards -1409
|
1670 |
+
▁ele -1410
|
1671 |
+
▁Z -1411
|
1672 |
+
▁contin -1412
|
1673 |
+
▁worried -1413
|
1674 |
+
▁visit -1414
|
1675 |
+
▁beach -1415
|
1676 |
+
▁que -1416
|
1677 |
+
▁king -1417
|
1678 |
+
▁Maybe -1418
|
1679 |
+
▁secret -1419
|
1680 |
+
gy -1420
|
1681 |
+
▁gift -1421
|
1682 |
+
th -1422
|
1683 |
+
▁el -1423
|
1684 |
+
▁today -1424
|
1685 |
+
▁shin -1425
|
1686 |
+
ipp -1426
|
1687 |
+
▁perfect -1427
|
1688 |
+
▁silly -1428
|
1689 |
+
▁everything -1429
|
1690 |
+
▁river -1430
|
1691 |
+
▁danger -1431
|
1692 |
+
▁field -1432
|
1693 |
+
▁fur -1433
|
1694 |
+
▁smiles -1434
|
1695 |
+
▁gu -1435
|
1696 |
+
▁children -1436
|
1697 |
+
▁welc -1437
|
1698 |
+
▁sang -1438
|
1699 |
+
▁filled -1439
|
1700 |
+
▁pudd -1440
|
1701 |
+
▁snack -1441
|
1702 |
+
▁wish -1442
|
1703 |
+
▁eating -1443
|
1704 |
+
▁else -1444
|
1705 |
+
ze -1445
|
1706 |
+
▁pieces -1446
|
1707 |
+
▁promised -1447
|
1708 |
+
▁spr -1448
|
1709 |
+
▁pig -1449
|
1710 |
+
ord -1450
|
1711 |
+
▁free -1451
|
1712 |
+
▁gi -1452
|
1713 |
+
▁Ch -1453
|
1714 |
+
▁- -1454
|
1715 |
+
▁bite -1455
|
1716 |
+
▁continued -1456
|
1717 |
+
ead -1457
|
1718 |
+
▁start -1458
|
1719 |
+
▁realized -1459
|
1720 |
+
itting -1460
|
1721 |
+
▁cow -1461
|
1722 |
+
▁jar -1462
|
1723 |
+
Maybe -1463
|
1724 |
+
ated -1464
|
1725 |
+
stead -1465
|
1726 |
+
▁blank -1466
|
1727 |
+
▁carefully -1467
|
1728 |
+
▁orange -1468
|
1729 |
+
▁mud -1469
|
1730 |
+
▁parents -1470
|
1731 |
+
▁drag -1471
|
1732 |
+
▁crying -1472
|
1733 |
+
▁rolled -1473
|
1734 |
+
▁blanket -1474
|
1735 |
+
▁soup -1475
|
1736 |
+
imi -1476
|
1737 |
+
cket -1477
|
1738 |
+
▁sail -1478
|
1739 |
+
▁purp -1479
|
1740 |
+
ale -1480
|
1741 |
+
▁drink -1481
|
1742 |
+
▁boun -1482
|
1743 |
+
▁snake -1483
|
1744 |
+
▁yes -1484
|
1745 |
+
▁crab -1485
|
1746 |
+
▁enough -1486
|
1747 |
+
ses -1487
|
1748 |
+
▁throw -1488
|
1749 |
+
▁laughing -1489
|
1750 |
+
▁pet -1490
|
1751 |
+
▁Mimi -1491
|
1752 |
+
▁bath -1492
|
1753 |
+
▁words -1493
|
1754 |
+
▁fairy -1494
|
1755 |
+
▁purple -1495
|
1756 |
+
▁bottle -1496
|
1757 |
+
▁amazing -1497
|
1758 |
+
▁without -1498
|
1759 |
+
ich -1499
|
1760 |
+
▁Jen -1500
|
1761 |
+
ire -1501
|
1762 |
+
ons -1502
|
1763 |
+
▁past -1503
|
1764 |
+
▁grandma -1504
|
1765 |
+
▁wagged -1505
|
1766 |
+
▁barked -1506
|
1767 |
+
iver -1507
|
1768 |
+
▁mail -1508
|
1769 |
+
fort -1509
|
1770 |
+
▁Jim -1510
|
1771 |
+
▁monkey -1511
|
1772 |
+
▁money -1512
|
1773 |
+
▁brown -1513
|
1774 |
+
▁att -1514
|
1775 |
+
▁Bl -1515
|
1776 |
+
used -1516
|
1777 |
+
unch -1517
|
1778 |
+
▁moved -1518
|
1779 |
+
chool -1519
|
1780 |
+
▁asks -1520
|
1781 |
+
▁doctor -1521
|
1782 |
+
ises -1522
|
1783 |
+
▁whe -1523
|
1784 |
+
▁closed -1524
|
1785 |
+
▁welcome -1525
|
1786 |
+
▁su -1526
|
1787 |
+
▁candy -1527
|
1788 |
+
gg -1528
|
1789 |
+
▁owner -1529
|
1790 |
+
▁lon -1530
|
1791 |
+
▁school -1531
|
1792 |
+
▁getting -1532
|
1793 |
+
▁smo -1533
|
1794 |
+
▁higher -1534
|
1795 |
+
▁sitting -1535
|
1796 |
+
▁treasure -1536
|
1797 |
+
▁lonely -1537
|
1798 |
+
▁dangerous -1538
|
1799 |
+
▁apples -1539
|
1800 |
+
▁morning -1540
|
1801 |
+
▁living -1541
|
1802 |
+
vel -1542
|
1803 |
+
ush -1543
|
1804 |
+
▁road -1544
|
1805 |
+
▁shining -1545
|
1806 |
+
▁shop -1546
|
1807 |
+
una -1547
|
1808 |
+
▁paw -1548
|
1809 |
+
▁mother -1549
|
1810 |
+
ased -1550
|
1811 |
+
▁ra -1551
|
1812 |
+
▁shoes -1552
|
1813 |
+
ible -1553
|
1814 |
+
▁talking -1554
|
1815 |
+
▁pre -1555
|
1816 |
+
althy -1556
|
1817 |
+
▁stre -1557
|
1818 |
+
▁caught -1558
|
1819 |
+
▁creat -1559
|
1820 |
+
▁egg -1560
|
1821 |
+
▁strange -1561
|
1822 |
+
▁runs -1562
|
1823 |
+
▁letter -1563
|
1824 |
+
▁buck -1564
|
1825 |
+
▁pass -1565
|
1826 |
+
▁fan -1566
|
1827 |
+
▁chee -1567
|
1828 |
+
▁wings -1568
|
1829 |
+
fish -1569
|
1830 |
+
ol -1570
|
1831 |
+
▁mad -1571
|
1832 |
+
me -1572
|
1833 |
+
asket -1573
|
1834 |
+
▁lake -1574
|
1835 |
+
▁basket -1575
|
1836 |
+
ass -1576
|
1837 |
+
Tim -1577
|
1838 |
+
cks -1578
|
1839 |
+
set -1579
|
1840 |
+
▁dragon -1580
|
1841 |
+
▁stone -1581
|
1842 |
+
▁puddle -1582
|
1843 |
+
▁thinks -1583
|
1844 |
+
▁nose -1584
|
1845 |
+
But -1585
|
1846 |
+
▁tom -1586
|
1847 |
+
isk -1587
|
1848 |
+
board -1588
|
1849 |
+
app -1589
|
1850 |
+
▁stand -1590
|
1851 |
+
▁delicious -1591
|
1852 |
+
▁farmer -1592
|
1853 |
+
▁bat -1593
|
1854 |
+
▁teddy -1594
|
1855 |
+
▁coat -1595
|
1856 |
+
▁belie -1596
|
1857 |
+
itch -1597
|
1858 |
+
ches -1598
|
1859 |
+
▁same -1599
|
1860 |
+
▁mine -1600
|
1861 |
+
▁Together -1601
|
1862 |
+
▁days -1602
|
1863 |
+
▁fit -1603
|
1864 |
+
▁whist -1604
|
1865 |
+
▁bring -1605
|
1866 |
+
▁sear -1606
|
1867 |
+
▁gentle -1607
|
1868 |
+
▁Emma -1608
|
1869 |
+
igh -1609
|
1870 |
+
▁cray -1610
|
1871 |
+
▁years -1611
|
1872 |
+
▁kite -1612
|
1873 |
+
▁scream -1613
|
1874 |
+
igg -1614
|
1875 |
+
▁Re -1615
|
1876 |
+
▁pill -1616
|
1877 |
+
phant -1617
|
1878 |
+
ars -1618
|
1879 |
+
arm -1619
|
1880 |
+
ella -1620
|
1881 |
+
▁tasty -1621
|
1882 |
+
▁vill -1622
|
1883 |
+
▁finally -1623
|
1884 |
+
▁singing -1624
|
1885 |
+
▁heart -1625
|
1886 |
+
▁cho -1626
|
1887 |
+
▁wore -1627
|
1888 |
+
▁hoped -1628
|
1889 |
+
▁ben -1629
|
1890 |
+
▁ph -1630
|
1891 |
+
▁swings -1631
|
1892 |
+
▁shell -1632
|
1893 |
+
The -1633
|
1894 |
+
▁trou -1634
|
1895 |
+
sy -1635
|
1896 |
+
▁push -1636
|
1897 |
+
▁herself -1637
|
1898 |
+
ined -1638
|
1899 |
+
▁Molly -1639
|
1900 |
+
▁hor -1640
|
1901 |
+
Please -1641
|
1902 |
+
sw -1642
|
1903 |
+
iskers -1643
|
1904 |
+
▁belong -1644
|
1905 |
+
▁answ -1645
|
1906 |
+
▁Blue -1646
|
1907 |
+
▁carrot -1647
|
1908 |
+
aughty -1648
|
1909 |
+
▁elephant -1649
|
1910 |
+
▁teach -1650
|
1911 |
+
▁dropped -1651
|
1912 |
+
bow -1652
|
1913 |
+
▁naughty -1653
|
1914 |
+
ract -1654
|
1915 |
+
▁shap -1655
|
1916 |
+
▁bush -1656
|
1917 |
+
▁woke -1657
|
1918 |
+
▁coll -1658
|
1919 |
+
ball -1659
|
1920 |
+
▁teac -1660
|
1921 |
+
sc -1661
|
1922 |
+
ier -1662
|
1923 |
+
▁hiding -1663
|
1924 |
+
▁pile -1664
|
1925 |
+
▁Whiskers -1665
|
1926 |
+
▁arri -1666
|
1927 |
+
red -1667
|
1928 |
+
▁Their -1668
|
1929 |
+
erry -1669
|
1930 |
+
▁cour -1670
|
1931 |
+
llie -1671
|
1932 |
+
▁touc -1672
|
1933 |
+
▁part -1673
|
1934 |
+
isa -1674
|
1935 |
+
▁Remy -1675
|
1936 |
+
▁lunch -1676
|
1937 |
+
▁sack -1677
|
1938 |
+
▁twins -1678
|
1939 |
+
▁puppy -1679
|
1940 |
+
▁bow -1680
|
1941 |
+
▁min -1681
|
1942 |
+
▁Bella -1682
|
1943 |
+
▁grew -1683
|
1944 |
+
Tom -1684
|
1945 |
+
▁shapes -1685
|
1946 |
+
▁rope -1686
|
1947 |
+
▁cheered -1687
|
1948 |
+
▁pers -1688
|
1949 |
+
▁course -1689
|
1950 |
+
▁seem -1690
|
1951 |
+
▁juice -1691
|
1952 |
+
irth -1692
|
1953 |
+
▁village -1693
|
1954 |
+
irthday -1694
|
1955 |
+
▁spin -1695
|
1956 |
+
ipped -1696
|
1957 |
+
▁rainbow -1697
|
1958 |
+
ama -1698
|
1959 |
+
▁Mark -1699
|
1960 |
+
▁Lisa -1700
|
1961 |
+
OK -1701
|
1962 |
+
fused -1702
|
1963 |
+
▁bench -1703
|
1964 |
+
▁cute -1704
|
1965 |
+
▁Le -1705
|
1966 |
+
▁fence -1706
|
1967 |
+
▁spoon -1707
|
1968 |
+
▁nut -1708
|
1969 |
+
▁street -1709
|
1970 |
+
▁rob -1710
|
1971 |
+
▁cheese -1711
|
1972 |
+
▁shook -1712
|
1973 |
+
▁prob -1713
|
1974 |
+
▁touched -1714
|
1975 |
+
idge -1715
|
1976 |
+
▁seed -1716
|
1977 |
+
col -1717
|
1978 |
+
▁forever -1718
|
1979 |
+
▁teacher -1719
|
1980 |
+
▁bell -1720
|
1981 |
+
▁joy -1721
|
1982 |
+
▁war -1722
|
1983 |
+
Good -1723
|
1984 |
+
▁plane -1724
|
1985 |
+
▁carry -1725
|
1986 |
+
▁eas -1726
|
1987 |
+
lem -1727
|
1988 |
+
▁corn -1728
|
1989 |
+
▁birthday -1729
|
1990 |
+
▁sounds -1730
|
1991 |
+
▁bugs -1731
|
1992 |
+
▁problem -1732
|
1993 |
+
lla -1733
|
1994 |
+
▁Jill -1734
|
1995 |
+
▁inc -1735
|
1996 |
+
▁des -1736
|
1997 |
+
▁most -1737
|
1998 |
+
▁power -1738
|
1999 |
+
br -1739
|
2000 |
+
ilk -1740
|
2001 |
+
▁spo -1741
|
2002 |
+
▁Grandma -1742
|
2003 |
+
▁able -1743
|
2004 |
+
ato -1744
|
2005 |
+
▁num -1745
|
2006 |
+
▁arrived -1746
|
2007 |
+
▁dolls -1747
|
2008 |
+
▁busy -1748
|
2009 |
+
irp -1749
|
2010 |
+
▁Thank -1750
|
2011 |
+
▁wra -1751
|
2012 |
+
▁few -1752
|
2013 |
+
▁feels -1753
|
2014 |
+
ian -1754
|
2015 |
+
▁wonderful -1755
|
2016 |
+
▁bread -1756
|
2017 |
+
▁milk -1757
|
2018 |
+
▁shy -1758
|
2019 |
+
▁promise -1759
|
2020 |
+
▁robot -1760
|
2021 |
+
▁rec -1761
|
2022 |
+
▁kiss -1762
|
2023 |
+
▁band -1763
|
2024 |
+
▁neck -1764
|
2025 |
+
ost -1765
|
2026 |
+
ountain -1766
|
2027 |
+
ub -1767
|
2028 |
+
gly -1768
|
2029 |
+
▁helpful -1769
|
2030 |
+
eb -1770
|
2031 |
+
umpy -1771
|
2032 |
+
▁shake -1772
|
2033 |
+
▁pocket -1773
|
2034 |
+
eter -1774
|
2035 |
+
▁cave -1775
|
2036 |
+
▁pop -1776
|
2037 |
+
▁patient -1777
|
2038 |
+
arp -1778
|
2039 |
+
▁live -1779
|
2040 |
+
▁ob -1780
|
2041 |
+
▁Fred -1781
|
2042 |
+
▁ugly -1782
|
2043 |
+
▁storm -1783
|
2044 |
+
▁slowly -1784
|
2045 |
+
eared -1785
|
2046 |
+
▁believe -1786
|
2047 |
+
▁holding -1787
|
2048 |
+
▁turt -1788
|
2049 |
+
▁upset -1789
|
2050 |
+
▁shr -1790
|
2051 |
+
▁kitten -1791
|
2052 |
+
▁cover -1792
|
2053 |
+
▁sharp -1793
|
2054 |
+
▁towards -1794
|
2055 |
+
▁balls -1795
|
2056 |
+
▁stories -1796
|
2057 |
+
▁suc -1797
|
2058 |
+
adow -1798
|
2059 |
+
▁Later -1799
|
2060 |
+
▁honey -1800
|
2061 |
+
oggy -1801
|
2062 |
+
▁gray -1802
|
2063 |
+
ove -1803
|
2064 |
+
▁dirt -1804
|
2065 |
+
▁noises -1805
|
2066 |
+
▁cir -1806
|
2067 |
+
read -1807
|
2068 |
+
▁disapp -1808
|
2069 |
+
▁late -1809
|
2070 |
+
▁driver -1810
|
2071 |
+
▁seat -1811
|
2072 |
+
▁dist -1812
|
2073 |
+
▁bucket -1813
|
2074 |
+
▁spark -1814
|
2075 |
+
▁turtle -1815
|
2076 |
+
▁meet -1816
|
2077 |
+
▁treats -1817
|
2078 |
+
▁spid -1818
|
2079 |
+
ator -1819
|
2080 |
+
alm -1820
|
2081 |
+
▁seek -1821
|
2082 |
+
▁zoom -1822
|
2083 |
+
▁young -1823
|
2084 |
+
▁glow -1824
|
2085 |
+
▁Be -1825
|
2086 |
+
▁lem -1826
|
2087 |
+
unt -1827
|
2088 |
+
fortable -1828
|
2089 |
+
▁trip -1829
|
2090 |
+
▁sandw -1830
|
2091 |
+
▁Leo -1831
|
2092 |
+
▁splas -1832
|
2093 |
+
▁amazed -1833
|
2094 |
+
▁mist -1834
|
2095 |
+
▁mark -1835
|
2096 |
+
▁fold -1836
|
2097 |
+
▁magical -1837
|
2098 |
+
▁puzz -1838
|
2099 |
+
ourn -1839
|
2100 |
+
▁mach -1840
|
2101 |
+
▁organ -1841
|
2102 |
+
▁wild -1842
|
2103 |
+
▁journ -1843
|
2104 |
+
▁horse -1844
|
2105 |
+
▁cookie -1845
|
2106 |
+
oose -1846
|
2107 |
+
▁hugs -1847
|
2108 |
+
▁princess -1848
|
2109 |
+
▁wheel -1849
|
2110 |
+
epend -1850
|
2111 |
+
ens -1851
|
2112 |
+
▁cloth -1852
|
2113 |
+
Lily -1853
|
2114 |
+
ung -1854
|
2115 |
+
pping -1855
|
2116 |
+
▁bubb -1856
|
2117 |
+
▁taking -1857
|
2118 |
+
ling -1858
|
2119 |
+
▁string -1859
|
2120 |
+
▁instead -1860
|
2121 |
+
▁sug -1861
|
2122 |
+
▁net -1862
|
2123 |
+
▁rude -1863
|
2124 |
+
▁drove -1864
|
2125 |
+
▁coin -1865
|
2126 |
+
▁spicy -1866
|
2127 |
+
▁bone -1867
|
2128 |
+
▁craw -1868
|
2129 |
+
iling -1869
|
2130 |
+
▁fighting -1870
|
2131 |
+
▁stars -1871
|
2132 |
+
▁lucky -1872
|
2133 |
+
▁huge -1873
|
2134 |
+
Of -1874
|
2135 |
+
Sure -1875
|
2136 |
+
▁inv -1876
|
2137 |
+
not -1877
|
2138 |
+
Hey -1878
|
2139 |
+
▁ca -1879
|
2140 |
+
pper -1880
|
2141 |
+
ors -1881
|
2142 |
+
up -1882
|
2143 |
+
▁sal -1883
|
2144 |
+
aur -1884
|
2145 |
+
▁di -1885
|
2146 |
+
▁whistle -1886
|
2147 |
+
▁forget -1887
|
2148 |
+
▁cannot -1888
|
2149 |
+
▁card -1889
|
2150 |
+
▁sick -1890
|
2151 |
+
ert -1891
|
2152 |
+
▁spider -1892
|
2153 |
+
▁songs -1893
|
2154 |
+
▁Mary -1894
|
2155 |
+
▁cou -1895
|
2156 |
+
▁snowman -1896
|
2157 |
+
▁wide -1897
|
2158 |
+
▁path -1898
|
2159 |
+
▁foot -1899
|
2160 |
+
▁Bu -1900
|
2161 |
+
▁pillow -1901
|
2162 |
+
▁fixed -1902
|
2163 |
+
▁life -1903
|
2164 |
+
▁Cat -1904
|
2165 |
+
ize -1905
|
2166 |
+
▁cart -1906
|
2167 |
+
rill -1907
|
2168 |
+
▁boss -1908
|
2169 |
+
▁Mama -1909
|
2170 |
+
est -1910
|
2171 |
+
▁giant -1911
|
2172 |
+
▁nod -1912
|
2173 |
+
▁Luna -1913
|
2174 |
+
ular -1914
|
2175 |
+
▁comes -1915
|
2176 |
+
▁moon -1916
|
2177 |
+
▁joke -1917
|
2178 |
+
▁grumpy -1918
|
2179 |
+
▁last -1919
|
2180 |
+
▁taste -1920
|
2181 |
+
bled -1921
|
2182 |
+
▁wave -1922
|
2183 |
+
▁machine -1923
|
2184 |
+
den -1924
|
2185 |
+
▁drive -1925
|
2186 |
+
▁With -1926
|
2187 |
+
▁thin -1927
|
2188 |
+
▁ash -1928
|
2189 |
+
▁ser -1929
|
2190 |
+
▁grab -1930
|
2191 |
+
▁peace -1931
|
2192 |
+
▁shelf -1932
|
2193 |
+
▁sel -1933
|
2194 |
+
ery -1934
|
2195 |
+
▁Daddy -1935
|
2196 |
+
▁landed -1936
|
2197 |
+
lower -1937
|
2198 |
+
▁write -1938
|
2199 |
+
▁worm -1939
|
2200 |
+
▁change -1940
|
2201 |
+
▁daddy -1941
|
2202 |
+
▁hidden -1942
|
2203 |
+
▁ring -1943
|
2204 |
+
▁fruits -1944
|
2205 |
+
erest -1945
|
2206 |
+
▁chased -1946
|
2207 |
+
▁sour -1947
|
2208 |
+
▁bark -1948
|
2209 |
+
▁rad -1949
|
2210 |
+
▁smooth -1950
|
2211 |
+
oop -1951
|
2212 |
+
▁confused -1952
|
2213 |
+
▁Chirp -1953
|
2214 |
+
▁fle -1954
|
2215 |
+
▁interest -1955
|
2216 |
+
▁oven -1956
|
2217 |
+
ope -1957
|
2218 |
+
▁missed -1958
|
2219 |
+
▁myster -1959
|
2220 |
+
▁wasn -1960
|
2221 |
+
▁val -1961
|
2222 |
+
▁adventures -1962
|
2223 |
+
ity -1963
|
2224 |
+
▁takes -1964
|
2225 |
+
kin -1965
|
2226 |
+
let -1966
|
2227 |
+
▁suddenly -1967
|
2228 |
+
▁Come -1968
|
2229 |
+
▁messy -1969
|
2230 |
+
▁selfish -1970
|
2231 |
+
▁sheep -1971
|
2232 |
+
elly -1972
|
2233 |
+
▁ce -1973
|
2234 |
+
ife -1974
|
2235 |
+
▁sticks -1975
|
2236 |
+
▁drew -1976
|
2237 |
+
▁tie -1977
|
2238 |
+
▁ban -1978
|
2239 |
+
▁bought -1979
|
2240 |
+
▁stepped -1980
|
2241 |
+
▁exp -1981
|
2242 |
+
▁step -1982
|
2243 |
+
▁Momo -1983
|
2244 |
+
▁later -1984
|
2245 |
+
box -1985
|
2246 |
+
▁ent -1986
|
2247 |
+
▁beak -1987
|
2248 |
+
▁wash -1988
|
2249 |
+
▁across -1989
|
2250 |
+
pect -1990
|
2251 |
+
to -1991
|
2252 |
+
▁jog -1992
|
2253 |
+
▁lay -1993
|
2254 |
+
▁pour -1994
|
2255 |
+
▁ducks -1995
|
2256 |
+
ever -1996
|
2257 |
+
▁legs -1997
|
2258 |
+
▁spe -1998
|
2259 |
+
▁grate -1999
|
2260 |
+
▁fil -2000
|
2261 |
+
▁tea -2001
|
2262 |
+
▁Chirpy -2002
|
2263 |
+
▁slid -2003
|
2264 |
+
▁emp -2004
|
2265 |
+
ugg -2005
|
2266 |
+
▁empty -2006
|
2267 |
+
▁shirt -2007
|
2268 |
+
ose -2008
|
2269 |
+
▁sleepy -2009
|
2270 |
+
▁drum -2010
|
2271 |
+
▁feather -2011
|
2272 |
+
▁Ollie -2012
|
2273 |
+
▁zoo -2013
|
2274 |
+
▁pan -2014
|
2275 |
+
▁hope -2015
|
2276 |
+
▁phone -2016
|
2277 |
+
mer -2017
|
2278 |
+
amed -2018
|
2279 |
+
▁lemon -2019
|
2280 |
+
▁grateful -2020
|
2281 |
+
▁smelly -2021
|
2282 |
+
▁fing -2022
|
2283 |
+
eth -2023
|
2284 |
+
▁clever -2024
|
2285 |
+
▁splash -2025
|
2286 |
+
▁chick -2026
|
2287 |
+
▁save -2027
|
2288 |
+
ions -2028
|
2289 |
+
▁med -2029
|
2290 |
+
▁imag -2030
|
2291 |
+
▁Jerry -2031
|
2292 |
+
izzy -2032
|
2293 |
+
▁interesting -2033
|
2294 |
+
▁calm -2034
|
2295 |
+
▁Bunny -2035
|
2296 |
+
▁banan -2036
|
2297 |
+
▁plate -2037
|
2298 |
+
▁watching -2038
|
2299 |
+
izz -2039
|
2300 |
+
▁faces -2040
|
2301 |
+
▁ign -2041
|
2302 |
+
▁lift -2042
|
2303 |
+
▁line -2043
|
2304 |
+
▁dogs -2044
|
2305 |
+
▁ba -2045
|
2306 |
+
▁Doggy -2046
|
2307 |
+
▁clouds -2047
|
2308 |
+
wel -2048
|
2309 |
+
yard -2049
|
2310 |
+
▁wolf -2050
|
2311 |
+
▁act -2051
|
2312 |
+
▁spray -2052
|
2313 |
+
▁though -2053
|
2314 |
+
▁backyard -2054
|
2315 |
+
▁fancy -2055
|
2316 |
+
▁prot -2056
|
2317 |
+
▁mot -2057
|
2318 |
+
▁whole -2058
|
2319 |
+
▁puzzle -2059
|
2320 |
+
▁rocket -2060
|
2321 |
+
▁healthy -2061
|
2322 |
+
Come -2062
|
2323 |
+
▁finish -2063
|
2324 |
+
▁supp -2064
|
2325 |
+
▁seemed -2065
|
2326 |
+
▁quest -2066
|
2327 |
+
▁jewel -2067
|
2328 |
+
▁arms -2068
|
2329 |
+
ult -2069
|
2330 |
+
▁jelly -2070
|
2331 |
+
▁easy -2071
|
2332 |
+
llo -2072
|
2333 |
+
dge -2073
|
2334 |
+
▁tid -2074
|
2335 |
+
▁pract -2075
|
2336 |
+
erly -2076
|
2337 |
+
▁fake -2077
|
2338 |
+
▁Jimmy -2078
|
2339 |
+
▁crayons -2079
|
2340 |
+
ward -2080
|
2341 |
+
▁along -2081
|
2342 |
+
▁ship -2082
|
2343 |
+
onest -2083
|
2344 |
+
▁scar -2084
|
2345 |
+
▁maybe -2085
|
2346 |
+
iger -2086
|
2347 |
+
▁pool -2087
|
2348 |
+
ont -2088
|
2349 |
+
▁working -2089
|
2350 |
+
▁emb -2090
|
2351 |
+
▁wondered -2091
|
2352 |
+
▁explain -2092
|
2353 |
+
▁gives -2093
|
2354 |
+
▁longer -2094
|
2355 |
+
▁pack -2095
|
2356 |
+
irr -2096
|
2357 |
+
▁bossy -2097
|
2358 |
+
▁anyone -2098
|
2359 |
+
▁saved -2099
|
2360 |
+
▁smelled -2100
|
2361 |
+
ocked -2101
|
2362 |
+
▁front -2102
|
2363 |
+
▁such -2103
|
2364 |
+
▁pin -2104
|
2365 |
+
▁St -2105
|
2366 |
+
▁honest -2106
|
2367 |
+
▁av -2107
|
2368 |
+
rass -2108
|
2369 |
+
St -2109
|
2370 |
+
▁trouble -2110
|
2371 |
+
arrass -2111
|
2372 |
+
▁van -2112
|
2373 |
+
▁tidy -2113
|
2374 |
+
▁nothing -2114
|
2375 |
+
▁embarrass -2115
|
2376 |
+
▁weak -2116
|
2377 |
+
▁puts -2117
|
2378 |
+
▁forgive -2118
|
2379 |
+
▁kick -2119
|
2380 |
+
ually -2120
|
2381 |
+
▁neigh -2121
|
2382 |
+
ment -2122
|
2383 |
+
iting -2123
|
2384 |
+
▁plants -2124
|
2385 |
+
urse -2125
|
2386 |
+
unk -2126
|
2387 |
+
arge -2127
|
2388 |
+
▁mind -2128
|
2389 |
+
▁print -2129
|
2390 |
+
▁cozy -2130
|
2391 |
+
▁sol -2131
|
2392 |
+
▁gently -2132
|
2393 |
+
oc -2133
|
2394 |
+
oomy -2134
|
2395 |
+
▁Bobby -2135
|
2396 |
+
▁yog -2136
|
2397 |
+
orrow -2137
|
2398 |
+
sp -2138
|
2399 |
+
▁lad -2139
|
2400 |
+
▁neighb -2140
|
2401 |
+
ork -2141
|
2402 |
+
ming -2142
|
2403 |
+
▁mistake -2143
|
2404 |
+
▁jumping -2144
|
2405 |
+
▁lock -2145
|
2406 |
+
▁cross -2146
|
2407 |
+
▁wing -2147
|
2408 |
+
▁stood -2148
|
2409 |
+
▁queen -2149
|
2410 |
+
▁Mum -2150
|
2411 |
+
▁prince -2151
|
2412 |
+
▁cheer -2152
|
2413 |
+
▁af -2153
|
2414 |
+
▁waiting -2154
|
2415 |
+
▁onto -2155
|
2416 |
+
▁chew -2156
|
2417 |
+
▁pointed -2157
|
2418 |
+
ones -2158
|
2419 |
+
▁lovely -2159
|
2420 |
+
we -2160
|
2421 |
+
▁bal -2161
|
2422 |
+
▁explor -2162
|
2423 |
+
▁couch -2163
|
2424 |
+
▁My -2164
|
2425 |
+
▁Why -2165
|
2426 |
+
▁stret -2166
|
2427 |
+
▁deer -2167
|
2428 |
+
▁sur -2168
|
2429 |
+
▁large -2169
|
2430 |
+
era -2170
|
2431 |
+
▁ladder -2171
|
2432 |
+
Be -2172
|
2433 |
+
▁ants -2173
|
2434 |
+
▁dish -2174
|
2435 |
+
▁cleaned -2175
|
2436 |
+
oof -2176
|
2437 |
+
▁places -2177
|
2438 |
+
▁Somet -2178
|
2439 |
+
▁ret -2179
|
2440 |
+
▁sandwich -2180
|
2441 |
+
▁bounce -2181
|
2442 |
+
aughter -2182
|
2443 |
+
▁building -2183
|
2444 |
+
▁tomorrow -2184
|
2445 |
+
▁pretended -2185
|
2446 |
+
raid -2186
|
2447 |
+
▁ear -2187
|
2448 |
+
▁afraid -2188
|
2449 |
+
▁match -2189
|
2450 |
+
▁wip -2190
|
2451 |
+
▁person -2191
|
2452 |
+
▁Tiny -2192
|
2453 |
+
▁rich -2193
|
2454 |
+
▁pizz -2194
|
2455 |
+
▁return -2195
|
2456 |
+
uce -2196
|
2457 |
+
▁hum -2197
|
2458 |
+
ned -2198
|
2459 |
+
gest -2199
|
2460 |
+
▁boring -2200
|
2461 |
+
▁teeth -2201
|
2462 |
+
▁gather -2202
|
2463 |
+
▁goes -2203
|
2464 |
+
▁scarf -2204
|
2465 |
+
▁splashed -2205
|
2466 |
+
▁law -2206
|
2467 |
+
▁Bird -2207
|
2468 |
+
▁search -2208
|
2469 |
+
▁stra -2209
|
2470 |
+
▁furry -2210
|
2471 |
+
aced -2211
|
2472 |
+
▁pri -2212
|
2473 |
+
▁swimming -2213
|
2474 |
+
▁loves -2214
|
2475 |
+
▁lazy -2215
|
2476 |
+
▁screamed -2216
|
2477 |
+
▁daughter -2217
|
2478 |
+
▁true -2218
|
2479 |
+
My -2219
|
2480 |
+
▁gen -2220
|
2481 |
+
▁pizza -2221
|
2482 |
+
▁number -2222
|
2483 |
+
▁ashamed -2223
|
2484 |
+
oman -2224
|
2485 |
+
▁Al -2225
|
2486 |
+
▁woman -2226
|
2487 |
+
▁powerful -2227
|
2488 |
+
▁flag -2228
|
2489 |
+
▁answer -2229
|
2490 |
+
▁hang -2230
|
2491 |
+
▁fear -2231
|
2492 |
+
aw -2232
|
2493 |
+
▁chase -2233
|
2494 |
+
▁eag -2234
|
2495 |
+
▁Benny -2235
|
2496 |
+
▁appeared -2236
|
2497 |
+
▁motor -2237
|
2498 |
+
▁clown -2238
|
2499 |
+
vous -2239
|
2500 |
+
▁TV -2240
|
2501 |
+
▁rub -2241
|
2502 |
+
ek -2242
|
2503 |
+
▁wand -2243
|
2504 |
+
▁Ducky -2244
|
2505 |
+
▁success -2245
|
2506 |
+
▁chocol -2246
|
2507 |
+
▁creative -2247
|
2508 |
+
▁noisy -2248
|
2509 |
+
▁dig -2249
|
2510 |
+
▁nearby -2250
|
2511 |
+
▁trust -2251
|
2512 |
+
▁If -2252
|
2513 |
+
▁wearing -2253
|
2514 |
+
ado -2254
|
2515 |
+
▁hello -2255
|
2516 |
+
▁matter -2256
|
2517 |
+
elp -2257
|
2518 |
+
▁ner -2258
|
2519 |
+
▁tool -2259
|
2520 |
+
▁saf -2260
|
2521 |
+
pa -2261
|
2522 |
+
▁test -2262
|
2523 |
+
▁nervous -2263
|
2524 |
+
oppy -2264
|
2525 |
+
osaur -2265
|
2526 |
+
icked -2266
|
2527 |
+
▁sold -2267
|
2528 |
+
▁circle -2268
|
2529 |
+
▁drank -2269
|
2530 |
+
▁smiling -2270
|
2531 |
+
▁class -2271
|
2532 |
+
▁tries -2272
|
2533 |
+
Now -2273
|
2534 |
+
▁map -2274
|
2535 |
+
▁chocolate -2275
|
2536 |
+
▁dinosaur -2276
|
2537 |
+
▁knee -2277
|
2538 |
+
▁impress -2278
|
2539 |
+
▁gener -2279
|
2540 |
+
▁mirr -2280
|
2541 |
+
▁How -2281
|
2542 |
+
▁cand -2282
|
2543 |
+
▁polite -2283
|
2544 |
+
▁rare -2284
|
2545 |
+
▁balloons -2285
|
2546 |
+
▁carried -2286
|
2547 |
+
▁protect -2287
|
2548 |
+
ensive -2288
|
2549 |
+
Stop -2289
|
2550 |
+
▁gun -2290
|
2551 |
+
▁mirror -2291
|
2552 |
+
▁Please -2292
|
2553 |
+
▁shadow -2293
|
2554 |
+
▁gold -2294
|
2555 |
+
▁bald -2295
|
2556 |
+
▁Go -2296
|
2557 |
+
▁expensive -2297
|
2558 |
+
▁note -2298
|
2559 |
+
▁reg -2299
|
2560 |
+
▁pump -2300
|
2561 |
+
▁Don -2301
|
2562 |
+
▁ap -2302
|
2563 |
+
▁hero -2303
|
2564 |
+
iff -2304
|
2565 |
+
▁icy -2305
|
2566 |
+
▁march -2306
|
2567 |
+
▁cri -2307
|
2568 |
+
▁weird -2308
|
2569 |
+
▁har -2309
|
2570 |
+
▁soap -2310
|
2571 |
+
▁snee -2311
|
2572 |
+
▁Bear -2312
|
2573 |
+
▁mysterious -2313
|
2574 |
+
▁U -2314
|
2575 |
+
▁towel -2315
|
2576 |
+
▁gate -2316
|
2577 |
+
ina -2317
|
2578 |
+
▁tape -2318
|
2579 |
+
rag -2319
|
2580 |
+
▁whale -2320
|
2581 |
+
▁respect -2321
|
2582 |
+
issors -2322
|
2583 |
+
▁poor -2323
|
2584 |
+
ute -2324
|
2585 |
+
arl -2325
|
2586 |
+
▁dizzy -2326
|
2587 |
+
Help -2327
|
2588 |
+
▁these -2328
|
2589 |
+
itter -2329
|
2590 |
+
▁generous -2330
|
2591 |
+
▁feet -2331
|
2592 |
+
▁mic -2332
|
2593 |
+
▁pres -2333
|
2594 |
+
▁boot -2334
|
2595 |
+
▁Sometimes -2335
|
2596 |
+
nic -2336
|
2597 |
+
▁fat -2337
|
2598 |
+
▁sugar -2338
|
2599 |
+
▁lead -2339
|
2600 |
+
▁tent -2340
|
2601 |
+
mb -2341
|
2602 |
+
▁sque -2342
|
2603 |
+
▁embarrassed -2343
|
2604 |
+
▁picnic -2344
|
2605 |
+
▁peaceful -2345
|
2606 |
+
ndpa -2346
|
2607 |
+
scape -2347
|
2608 |
+
▁mel -2348
|
2609 |
+
isp -2349
|
2610 |
+
▁disco -2350
|
2611 |
+
▁scissors -2351
|
2612 |
+
▁brush -2352
|
2613 |
+
▁tasted -2353
|
2614 |
+
▁dancing -2354
|
2615 |
+
▁clap -2355
|
2616 |
+
▁glue -2356
|
2617 |
+
▁rough -2357
|
2618 |
+
ote -2358
|
2619 |
+
▁tick -2359
|
2620 |
+
▁decor -2360
|
2621 |
+
▁yelled -2361
|
2622 |
+
▁hur -2362
|
2623 |
+
▁journey -2363
|
2624 |
+
▁bridge -2364
|
2625 |
+
▁closet -2365
|
2626 |
+
▁stir -2366
|
2627 |
+
▁Ella -2367
|
2628 |
+
▁Andy -2368
|
2629 |
+
▁crown -2369
|
2630 |
+
▁cap -2370
|
2631 |
+
ual -2371
|
2632 |
+
imp -2372
|
2633 |
+
ventually -2373
|
2634 |
+
▁lamp -2374
|
2635 |
+
ume -2375
|
2636 |
+
ness -2376
|
2637 |
+
▁scare -2377
|
2638 |
+
airs -2378
|
2639 |
+
lebr -2379
|
2640 |
+
any -2380
|
2641 |
+
▁vase -2381
|
2642 |
+
▁tele -2382
|
2643 |
+
owed -2383
|
2644 |
+
▁celebr -2384
|
2645 |
+
lves -2385
|
2646 |
+
▁eld -2386
|
2647 |
+
▁painted -2387
|
2648 |
+
▁gigg -2388
|
2649 |
+
▁blow -2389
|
2650 |
+
▁log -2390
|
2651 |
+
▁whisp -2391
|
2652 |
+
▁mixed -2392
|
2653 |
+
▁sco -2393
|
2654 |
+
▁cage -2394
|
2655 |
+
erries -2395
|
2656 |
+
▁bake -2396
|
2657 |
+
▁berries -2397
|
2658 |
+
▁pay -2398
|
2659 |
+
rob -2399
|
2660 |
+
▁wis -2400
|
2661 |
+
▁famous -2401
|
2662 |
+
▁drawing -2402
|
2663 |
+
▁bean -2403
|
2664 |
+
▁norm -2404
|
2665 |
+
getable -2405
|
2666 |
+
▁spread -2406
|
2667 |
+
▁kicked -2407
|
2668 |
+
▁shark -2408
|
2669 |
+
▁relie -2409
|
2670 |
+
▁become -2410
|
2671 |
+
▁Br -2411
|
2672 |
+
▁vegetable -2412
|
2673 |
+
▁wrap -2413
|
2674 |
+
▁knocked -2414
|
2675 |
+
▁mountain -2415
|
2676 |
+
▁normal -2416
|
2677 |
+
ser -2417
|
2678 |
+
▁incred -2418
|
2679 |
+
▁adm -2419
|
2680 |
+
▁team -2420
|
2681 |
+
asp -2421
|
2682 |
+
ustr -2422
|
2683 |
+
▁lose -2423
|
2684 |
+
▁wouldn -2424
|
2685 |
+
▁Some -2425
|
2686 |
+
▁glass -2426
|
2687 |
+
ced -2427
|
2688 |
+
▁thick -2428
|
2689 |
+
▁fine -2429
|
2690 |
+
▁ignor -2430
|
2691 |
+
▁Pe -2431
|
2692 |
+
▁group -2432
|
2693 |
+
▁clock -2433
|
2694 |
+
Max -2434
|
2695 |
+
oph -2435
|
2696 |
+
▁elderly -2436
|
2697 |
+
▁clear -2437
|
2698 |
+
▁incredible -2438
|
2699 |
+
robe -2439
|
2700 |
+
▁mighty -2440
|
2701 |
+
▁cone -2441
|
2702 |
+
▁sock -2442
|
2703 |
+
▁moms -2443
|
2704 |
+
▁frustr -2444
|
2705 |
+
▁balance -2445
|
2706 |
+
▁jam -2446
|
2707 |
+
▁space -2447
|
2708 |
+
▁Jenny -2448
|
2709 |
+
ragile -2449
|
2710 |
+
▁fright -2450
|
2711 |
+
▁corner -2451
|
2712 |
+
▁organized -2452
|
2713 |
+
port -2453
|
2714 |
+
▁sword -2454
|
2715 |
+
▁branches -2455
|
2716 |
+
alous -2456
|
2717 |
+
▁sell -2457
|
2718 |
+
▁roar -2458
|
2719 |
+
▁feed -2459
|
2720 |
+
▁fool -2460
|
2721 |
+
ighed -2461
|
2722 |
+
▁yarn -2462
|
2723 |
+
▁horn -2463
|
2724 |
+
▁burn -2464
|
2725 |
+
▁jealous -2465
|
2726 |
+
▁fragile -2466
|
2727 |
+
▁guess -2467
|
2728 |
+
▁present -2468
|
2729 |
+
▁stubb -2469
|
2730 |
+
▁mis -2470
|
2731 |
+
▁hose -2471
|
2732 |
+
▁shoe -2472
|
2733 |
+
▁ter -2473
|
2734 |
+
ony -2474
|
2735 |
+
▁understood -2475
|
2736 |
+
cient -2476
|
2737 |
+
ray -2477
|
2738 |
+
▁frustrated -2478
|
2739 |
+
▁which -2479
|
2740 |
+
▁twist -2480
|
2741 |
+
▁stubborn -2481
|
2742 |
+
▁Sammy -2482
|
2743 |
+
Mommy -2483
|
2744 |
+
▁spent -2484
|
2745 |
+
▁taught -2485
|
2746 |
+
▁Tr -2486
|
2747 |
+
Wh -2487
|
2748 |
+
▁spoiled -2488
|
2749 |
+
ique -2489
|
2750 |
+
▁ancient -2490
|
2751 |
+
▁pray -2491
|
2752 |
+
▁fier -2492
|
2753 |
+
Where -2493
|
2754 |
+
▁wake -2494
|
2755 |
+
▁fierce -2495
|
2756 |
+
▁pumpkin -2496
|
2757 |
+
▁eggs -2497
|
2758 |
+
▁chest -2498
|
2759 |
+
▁goat -2499
|
2760 |
+
▁unique -2500
|
2761 |
+
▁barn -2501
|
2762 |
+
▁wagon -2502
|
2763 |
+
▁toug -2503
|
2764 |
+
▁frightened -2504
|
2765 |
+
▁comfortable -2505
|
2766 |
+
▁terri -2506
|
2767 |
+
▁cab -2507
|
2768 |
+
▁dug -2508
|
2769 |
+
▁tomato -2509
|
2770 |
+
▁ord -2510
|
2771 |
+
▁useful -2511
|
2772 |
+
▁measure -2512
|
2773 |
+
▁unus -2513
|
2774 |
+
▁straw -2514
|
2775 |
+
▁clay -2515
|
2776 |
+
▁foolish -2516
|
2777 |
+
▁dead -2517
|
2778 |
+
orry -2518
|
2779 |
+
▁unusual -2519
|
2780 |
+
▁clum -2520
|
2781 |
+
ym -2521
|
2782 |
+
▁wrote -2522
|
2783 |
+
▁finding -2523
|
2784 |
+
▁Rex -2524
|
2785 |
+
▁relieved -2525
|
2786 |
+
▁exam -2526
|
2787 |
+
▁police -2527
|
2788 |
+
▁square -2528
|
2789 |
+
▁breath -2529
|
2790 |
+
▁waves -2530
|
2791 |
+
▁clumsy -2531
|
2792 |
+
▁hears -2532
|
2793 |
+
▁tells -2533
|
2794 |
+
▁dull -2534
|
2795 |
+
▁tough -2535
|
2796 |
+
▁bubbles -2536
|
2797 |
+
kn -2537
|
2798 |
+
▁cabin -2538
|
2799 |
+
▁creature -2539
|
2800 |
+
dle -2540
|
2801 |
+
lace -2541
|
2802 |
+
▁discover -2542
|
2803 |
+
▁washed -2543
|
2804 |
+
▁nosy -2544
|
2805 |
+
▁paws -2545
|
2806 |
+
▁necklace -2546
|
2807 |
+
▁bathroom -2547
|
2808 |
+
▁exploring -2548
|
2809 |
+
▁searched -2549
|
2810 |
+
▁Will -2550
|
2811 |
+
known -2551
|
2812 |
+
bby -2552
|
2813 |
+
▁board -2553
|
2814 |
+
anged -2554
|
2815 |
+
fic -2555
|
2816 |
+
unn -2556
|
2817 |
+
ond -2557
|
2818 |
+
▁crazy -2558
|
2819 |
+
▁bitter -2559
|
2820 |
+
cil -2560
|
2821 |
+
yal -2561
|
2822 |
+
▁sunf -2562
|
2823 |
+
alk -2563
|
2824 |
+
▁ind -2564
|
2825 |
+
▁thankful -2565
|
2826 |
+
▁asking -2566
|
2827 |
+
▁unknown -2567
|
2828 |
+
▁diffic -2568
|
2829 |
+
▁swan -2569
|
2830 |
+
berry -2570
|
2831 |
+
▁pir -2571
|
2832 |
+
▁rose -2572
|
2833 |
+
▁bloom -2573
|
2834 |
+
▁pencil -2574
|
2835 |
+
▁covered -2575
|
2836 |
+
▁hoop -2576
|
2837 |
+
▁add -2577
|
2838 |
+
▁difficult -2578
|
2839 |
+
▁jet -2579
|
2840 |
+
▁finger -2580
|
2841 |
+
▁drop -2581
|
2842 |
+
▁ham -2582
|
2843 |
+
▁gloomy -2583
|
2844 |
+
▁chicken -2584
|
2845 |
+
▁Many -2585
|
2846 |
+
▁loyal -2586
|
2847 |
+
▁witch -2587
|
2848 |
+
▁' -2588
|
2849 |
+
com -2589
|
2850 |
+
apped -2590
|
2851 |
+
▁ending -2591
|
2852 |
+
▁cats -2592
|
2853 |
+
▁guit -2593
|
2854 |
+
▁wealthy -2594
|
2855 |
+
▁cher -2595
|
2856 |
+
als -2596
|
2857 |
+
▁unl -2597
|
2858 |
+
light -2598
|
2859 |
+
▁joined -2599
|
2860 |
+
▁mov -2600
|
2861 |
+
▁dove -2601
|
2862 |
+
Here -2602
|
2863 |
+
▁terrible -2603
|
2864 |
+
▁salad -2604
|
2865 |
+
anut -2605
|
2866 |
+
iant -2606
|
2867 |
+
▁nuts -2607
|
2868 |
+
▁sort -2608
|
2869 |
+
shine -2609
|
2870 |
+
▁potato -2610
|
2871 |
+
▁rat -2611
|
2872 |
+
xible -2612
|
2873 |
+
▁yours -2613
|
2874 |
+
▁mask -2614
|
2875 |
+
ormous -2615
|
2876 |
+
selves -2616
|
2877 |
+
▁value -2617
|
2878 |
+
▁Brown -2618
|
2879 |
+
▁tiger -2619
|
2880 |
+
▁toast -2620
|
2881 |
+
▁moving -2621
|
2882 |
+
▁Instead -2622
|
2883 |
+
▁disg -2623
|
2884 |
+
▁changed -2624
|
2885 |
+
erp -2625
|
2886 |
+
▁cheap -2626
|
2887 |
+
▁guitar -2627
|
2888 |
+
▁record -2628
|
2889 |
+
▁body -2629
|
2890 |
+
▁zip -2630
|
2891 |
+
irsty -2631
|
2892 |
+
ground -2632
|
2893 |
+
▁hairy -2633
|
2894 |
+
▁enormous -2634
|
2895 |
+
▁shoot -2635
|
2896 |
+
▁pepper -2636
|
2897 |
+
▁knowing -2637
|
2898 |
+
▁hats -2638
|
2899 |
+
▁adventur -2639
|
2900 |
+
▁smaller -2640
|
2901 |
+
▁flexible -2641
|
2902 |
+
▁stuff -2642
|
2903 |
+
▁bored -2643
|
2904 |
+
▁yourself -2644
|
2905 |
+
ory -2645
|
2906 |
+
▁knife -2646
|
2907 |
+
▁acorn -2647
|
2908 |
+
▁adventurous -2648
|
2909 |
+
▁perform -2649
|
2910 |
+
rilliant -2650
|
2911 |
+
▁exciting -2651
|
2912 |
+
land -2652
|
2913 |
+
▁solve -2653
|
2914 |
+
▁snacks -2654
|
2915 |
+
▁thirsty -2655
|
2916 |
+
▁disgust -2656
|
2917 |
+
▁remind -2657
|
2918 |
+
▁cost -2658
|
2919 |
+
▁nods -2659
|
2920 |
+
▁brilliant -2660
|
2921 |
+
▁seeds -2661
|
2922 |
+
▁delicate -2662
|
2923 |
+
▁sunshine -2663
|
2924 |
+
reen -2664
|
2925 |
+
▁banana -2665
|
2926 |
+
▁mailbox -2666
|
2927 |
+
▁asleep -2667
|
2928 |
+
▁collect -2668
|
2929 |
+
▁stri -2669
|
2930 |
+
▁counted -2670
|
2931 |
+
▁shore -2671
|
2932 |
+
bers -2672
|
2933 |
+
▁dough -2673
|
2934 |
+
▁trick -2674
|
2935 |
+
▁frown -2675
|
2936 |
+
▁No -2676
|
2937 |
+
▁heal -2677
|
2938 |
+
live -2678
|
2939 |
+
ilt -2679
|
2940 |
+
ungle -2680
|
2941 |
+
iness -2681
|
2942 |
+
▁stat -2682
|
2943 |
+
▁stage -2683
|
2944 |
+
▁market -2684
|
2945 |
+
▁disgusting -2685
|
2946 |
+
▁neighbor -2686
|
2947 |
+
▁cube -2687
|
2948 |
+
▁jungle -2688
|
2949 |
+
Ben -2689
|
2950 |
+
ident -2690
|
2951 |
+
mbre -2691
|
2952 |
+
▁squee -2692
|
2953 |
+
▁umbre -2693
|
2954 |
+
Me -2694
|
2955 |
+
ates -2695
|
2956 |
+
corn -2696
|
2957 |
+
fted -2697
|
2958 |
+
▁lab -2698
|
2959 |
+
▁jolly -2699
|
2960 |
+
▁suit -2700
|
2961 |
+
inal -2701
|
2962 |
+
▁crane -2702
|
2963 |
+
pid -2703
|
2964 |
+
Who -2704
|
2965 |
+
▁fridge -2705
|
2966 |
+
erpill -2706
|
2967 |
+
▁caterpill -2707
|
2968 |
+
▁flash -2708
|
2969 |
+
▁sunflower -2709
|
2970 |
+
▁relax -2710
|
2971 |
+
iginal -2711
|
2972 |
+
▁goose -2712
|
2973 |
+
▁shiver -2713
|
2974 |
+
ict -2714
|
2975 |
+
▁harm -2715
|
2976 |
+
▁stupid -2716
|
2977 |
+
▁medic -2717
|
2978 |
+
▁stove -2718
|
2979 |
+
edient -2719
|
2980 |
+
▁comb -2720
|
2981 |
+
▁times -2721
|
2982 |
+
▁island -2722
|
2983 |
+
und -2723
|
2984 |
+
▁four -2724
|
2985 |
+
▁independ -2725
|
2986 |
+
▁cro -2726
|
2987 |
+
▁spring -2727
|
2988 |
+
Are -2728
|
2989 |
+
▁rug -2729
|
2990 |
+
pes -2730
|
2991 |
+
▁jeep -2731
|
2992 |
+
▁batter -2732
|
2993 |
+
▁shine -2733
|
2994 |
+
▁explained -2734
|
2995 |
+
iddle -2735
|
2996 |
+
▁medicine -2736
|
2997 |
+
▁depend -2737
|
2998 |
+
▁stamp -2738
|
2999 |
+
▁careless -2739
|
3000 |
+
▁original -2740
|
3001 |
+
��gem -2741
|
3002 |
+
▁Your -2742
|
3003 |
+
▁cries -2743
|
3004 |
+
▁vegetables -2744
|
3005 |
+
▁popcorn -2745
|
3006 |
+
▁gar -2746
|
3007 |
+
▁Little -2747
|
3008 |
+
ying -2748
|
3009 |
+
▁obedient -2749
|
3010 |
+
▁independent -2750
|
3011 |
+
▁stones -2751
|
3012 |
+
▁carrots -2752
|
3013 |
+
▁study -2753
|
3014 |
+
If -2754
|
3015 |
+
▁successful -2755
|
3016 |
+
▁sauce -2756
|
3017 |
+
▁scr -2757
|
3018 |
+
▁Jake -2758
|
3019 |
+
▁meal -2759
|
3020 |
+
▁magn -2760
|
3021 |
+
gu -2761
|
3022 |
+
inky -2762
|
3023 |
+
▁fearful -2763
|
3024 |
+
most -2764
|
3025 |
+
▁jack -2765
|
3026 |
+
▁sighed -2766
|
3027 |
+
met -2767
|
3028 |
+
▁caterpillar -2768
|
3029 |
+
▁statue -2769
|
3030 |
+
Sorry -2770
|
3031 |
+
▁escape -2771
|
3032 |
+
▁pebb -2772
|
3033 |
+
▁helmet -2773
|
3034 |
+
▁pasta -2774
|
3035 |
+
▁peanut -2775
|
3036 |
+
▁serious -2776
|
3037 |
+
▁raven -2777
|
3038 |
+
▁gets -2778
|
3039 |
+
▁almost -2779
|
3040 |
+
▁fountain -2780
|
3041 |
+
arth -2781
|
3042 |
+
▁umbrella -2782
|
3043 |
+
▁middle -2783
|
3044 |
+
▁jacket -2784
|
3045 |
+
▁compet -2785
|
3046 |
+
▁filthy -2786
|
3047 |
+
▁parrot -2787
|
3048 |
+
▁dest -2788
|
3049 |
+
▁design -2789
|
3050 |
+
erable -2790
|
3051 |
+
▁Today -2791
|
3052 |
+
▁eager -2792
|
3053 |
+
▁houses -2793
|
3054 |
+
▁belt -2794
|
3055 |
+
▁cam -2795
|
3056 |
+
▁ang -2796
|
3057 |
+
▁borrow -2797
|
3058 |
+
▁hay -2798
|
3059 |
+
▁belonged -2799
|
3060 |
+
▁bedroom -2800
|
3061 |
+
▁prize -2801
|
3062 |
+
▁brace -2802
|
3063 |
+
▁miserable -2803
|
3064 |
+
aken -2804
|
3065 |
+
▁bracelet -2805
|
3066 |
+
ages -2806
|
3067 |
+
▁Emily -2807
|
3068 |
+
▁impressive -2808
|
3069 |
+
▁painting -2809
|
3070 |
+
io -2810
|
3071 |
+
▁raced -2811
|
3072 |
+
▁triang -2812
|
3073 |
+
▁crayon -2813
|
3074 |
+
iable -2814
|
3075 |
+
▁fork -2815
|
3076 |
+
▁choose -2816
|
3077 |
+
▁slipped -2817
|
3078 |
+
▁tied -2818
|
3079 |
+
▁lifted -2819
|
3080 |
+
▁point -2820
|
3081 |
+
▁thoughtful -2821
|
3082 |
+
▁dependable -2822
|
3083 |
+
▁tank -2823
|
3084 |
+
▁steal -2824
|
3085 |
+
▁er -2825
|
3086 |
+
▁garage -2826
|
3087 |
+
▁taken -2827
|
3088 |
+
▁built -2828
|
3089 |
+
▁Sn -2829
|
3090 |
+
▁True -2830
|
3091 |
+
▁crawled -2831
|
3092 |
+
▁scale -2832
|
3093 |
+
▁boats -2833
|
3094 |
+
▁mole -2834
|
3095 |
+
▁pant -2835
|
3096 |
+
ipe -2836
|
3097 |
+
▁standing -2837
|
3098 |
+
lph -2838
|
3099 |
+
▁pian -2839
|
3100 |
+
▁picks -2840
|
3101 |
+
▁using -2841
|
3102 |
+
Sam -2842
|
3103 |
+
▁fig -2843
|
3104 |
+
berries -2844
|
3105 |
+
▁moder -2845
|
3106 |
+
▁smoke -2846
|
3107 |
+
▁hammer -2847
|
3108 |
+
▁cheerful -2848
|
3109 |
+
ours -2849
|
3110 |
+
▁melon -2850
|
3111 |
+
▁eng -2851
|
3112 |
+
▁shows -2852
|
3113 |
+
▁hurts -2853
|
3114 |
+
▁magnet -2854
|
3115 |
+
rn -2855
|
3116 |
+
▁piano -2856
|
3117 |
+
▁bottom -2857
|
3118 |
+
▁ref -2858
|
3119 |
+
dile -2859
|
3120 |
+
codile -2860
|
3121 |
+
inary -2861
|
3122 |
+
▁aunt -2862
|
3123 |
+
▁crack -2863
|
3124 |
+
cream -2864
|
3125 |
+
▁waff -2865
|
3126 |
+
▁dolph -2866
|
3127 |
+
▁modern -2867
|
3128 |
+
▁spotted -2868
|
3129 |
+
▁mush -2869
|
3130 |
+
unnel -2870
|
3131 |
+
▁arrow -2871
|
3132 |
+
▁mushroom -2872
|
3133 |
+
▁reliable -2873
|
3134 |
+
▁tunnel -2874
|
3135 |
+
▁Even -2875
|
3136 |
+
▁squash -2876
|
3137 |
+
▁movie -2877
|
3138 |
+
▁gum -2878
|
3139 |
+
pack -2879
|
3140 |
+
▁jug -2880
|
3141 |
+
▁sink -2881
|
3142 |
+
▁flute -2882
|
3143 |
+
▁tax -2883
|
3144 |
+
▁popular -2884
|
3145 |
+
▁beet -2885
|
3146 |
+
▁hopping -2886
|
3147 |
+
▁Peter -2887
|
3148 |
+
▁lean -2888
|
3149 |
+
icop -2889
|
3150 |
+
icopter -2890
|
3151 |
+
iv -2891
|
3152 |
+
aser -2892
|
3153 |
+
▁liz -2893
|
3154 |
+
▁troubled -2894
|
3155 |
+
▁competit -2895
|
3156 |
+
▁ones -2896
|
3157 |
+
▁helicopter -2897
|
3158 |
+
▁tricks -2898
|
3159 |
+
▁pige -2899
|
3160 |
+
ipop -2900
|
3161 |
+
llipop -2901
|
3162 |
+
▁crocodile -2902
|
3163 |
+
▁sil -2903
|
3164 |
+
comfortable -2904
|
3165 |
+
▁humble -2905
|
3166 |
+
▁playful -2906
|
3167 |
+
▁needs -2907
|
3168 |
+
oin -2908
|
3169 |
+
▁uncomfortable -2909
|
3170 |
+
▁taxi -2910
|
3171 |
+
▁lollipop -2911
|
3172 |
+
▁locked -2912
|
3173 |
+
▁press -2913
|
3174 |
+
▁cryst -2914
|
3175 |
+
host -2915
|
3176 |
+
▁kissed -2916
|
3177 |
+
▁low -2917
|
3178 |
+
amond -2918
|
3179 |
+
▁muff -2919
|
3180 |
+
▁anx -2920
|
3181 |
+
appy -2921
|
3182 |
+
atch -2922
|
3183 |
+
▁rid -2923
|
3184 |
+
▁pants -2924
|
3185 |
+
edy -2925
|
3186 |
+
oto -2926
|
3187 |
+
▁torn -2927
|
3188 |
+
▁anxious -2928
|
3189 |
+
▁grace -2929
|
3190 |
+
▁wander -2930
|
3191 |
+
▁helps -2931
|
3192 |
+
▁angel -2932
|
3193 |
+
▁camera -2933
|
3194 |
+
▁twig -2934
|
3195 |
+
▁diamond -2935
|
3196 |
+
▁wrapped -2936
|
3197 |
+
▁ghost -2937
|
3198 |
+
cles -2938
|
3199 |
+
atter -2939
|
3200 |
+
▁ruined -2940
|
3201 |
+
▁quar -2941
|
3202 |
+
aff -2942
|
3203 |
+
cident -2943
|
3204 |
+
How -2944
|
3205 |
+
▁env -2945
|
3206 |
+
▁bull -2946
|
3207 |
+
▁lizard -2947
|
3208 |
+
ilty -2948
|
3209 |
+
opl -2949
|
3210 |
+
eropl -2950
|
3211 |
+
▁cere -2951
|
3212 |
+
tt -2952
|
3213 |
+
ext -2953
|
3214 |
+
▁guilty -2954
|
3215 |
+
▁helpless -2955
|
3216 |
+
▁aeropl -2956
|
3217 |
+
▁happiness -2957
|
3218 |
+
▁tears -2958
|
3219 |
+
▁walks -2959
|
3220 |
+
▁cact -2960
|
3221 |
+
cut -2961
|
3222 |
+
▁wire -2962
|
3223 |
+
▁candle -2963
|
3224 |
+
▁deaf -2964
|
3225 |
+
cean -2965
|
3226 |
+
▁fis -2966
|
3227 |
+
▁fluffy -2967
|
3228 |
+
▁stretch -2968
|
3229 |
+
▁nail -2969
|
3230 |
+
▁mop -2970
|
3231 |
+
▁ocean -2971
|
3232 |
+
▁cop -2972
|
3233 |
+
▁harmless -2973
|
3234 |
+
▁boys -2974
|
3235 |
+
▁passed -2975
|
3236 |
+
▁quarrel -2976
|
3237 |
+
▁bees -2977
|
3238 |
+
umpet -2978
|
3239 |
+
▁beetle -2979
|
3240 |
+
zed -2980
|
3241 |
+
▁ordinary -2981
|
3242 |
+
▁disappoin -2982
|
3243 |
+
▁tire -2983
|
3244 |
+
▁radio -2984
|
3245 |
+
▁collar -2985
|
3246 |
+
▁engine -2986
|
3247 |
+
▁flashlight -2987
|
3248 |
+
▁poured -2988
|
3249 |
+
▁trumpet -2989
|
3250 |
+
▁persist -2990
|
3251 |
+
▁harder -2991
|
3252 |
+
▁Sus -2992
|
3253 |
+
▁cereal -2993
|
3254 |
+
▁spill -2994
|
3255 |
+
▁meant -2995
|
3256 |
+
▁shape -2996
|
3257 |
+
▁comput -2997
|
3258 |
+
coa -2998
|
3259 |
+
▁tooth -2999
|
3260 |
+
▁melt -3000
|
3261 |
+
▁hunt -3001
|
3262 |
+
▁invited -3002
|
3263 |
+
▁scoot -3003
|
3264 |
+
▁crystal -3004
|
3265 |
+
▁charm -3005
|
3266 |
+
▁office -3006
|
3267 |
+
▁mug -3007
|
3268 |
+
hett -3008
|
3269 |
+
aghett -3009
|
3270 |
+
aghetti -3010
|
3271 |
+
▁triangle -3011
|
3272 |
+
▁yogurt -3012
|
3273 |
+
▁Pipp -3013
|
3274 |
+
▁tag -3014
|
3275 |
+
ube -3015
|
3276 |
+
▁shade -3016
|
3277 |
+
▁rep -3017
|
3278 |
+
▁comet -3018
|
3279 |
+
▁cush -3019
|
3280 |
+
ief -3020
|
3281 |
+
▁accident -3021
|
3282 |
+
▁avoc -3022
|
3283 |
+
▁cactus -3023
|
3284 |
+
▁answered -3024
|
3285 |
+
▁compass -3025
|
3286 |
+
▁Poppy -3026
|
3287 |
+
▁spend -3027
|
3288 |
+
▁pale -3028
|
3289 |
+
▁licked -3029
|
3290 |
+
aze -3030
|
3291 |
+
▁regular -3031
|
3292 |
+
▁sheet -3032
|
3293 |
+
▁pro -3033
|
3294 |
+
▁practiced -3034
|
3295 |
+
▁create -3035
|
3296 |
+
ellig -3036
|
3297 |
+
▁lit -3037
|
3298 |
+
▁giving -3038
|
3299 |
+
▁whispered -3039
|
3300 |
+
▁gifted -3040
|
3301 |
+
▁roof -3041
|
3302 |
+
▁spaghetti -3042
|
3303 |
+
▁load -3043
|
3304 |
+
▁intellig -3044
|
3305 |
+
azz -3045
|
3306 |
+
▁rode -3046
|
3307 |
+
asses -3047
|
3308 |
+
▁pipe -3048
|
3309 |
+
ither -3049
|
3310 |
+
urkey -3050
|
3311 |
+
▁barber -3051
|
3312 |
+
▁harsh -3052
|
3313 |
+
▁vi -3053
|
3314 |
+
▁thread -3054
|
3315 |
+
▁pow -3055
|
3316 |
+
▁bicy -3056
|
3317 |
+
▁libr -3057
|
3318 |
+
▁envel -3058
|
3319 |
+
uth -3059
|
3320 |
+
ccol -3060
|
3321 |
+
▁sailed -3061
|
3322 |
+
▁mitten -3062
|
3323 |
+
ccoli -3063
|
3324 |
+
▁persistent -3064
|
3325 |
+
▁compassion -3065
|
3326 |
+
▁cocoa -3066
|
3327 |
+
▁dust -3067
|
3328 |
+
ubby -3068
|
3329 |
+
▁Buzz -3069
|
3330 |
+
▁coo -3070
|
3331 |
+
▁speed -3071
|
3332 |
+
▁computer -3072
|
3333 |
+
▁Dan -3073
|
3334 |
+
▁shrimp -3074
|
3335 |
+
▁glove -3075
|
3336 |
+
▁figure -3076
|
3337 |
+
▁pigeon -3077
|
3338 |
+
▁turkey -3078
|
3339 |
+
▁rice -3079
|
3340 |
+
omes -3080
|
3341 |
+
lcan -3081
|
3342 |
+
▁raft -3082
|
3343 |
+
▁feathers -3083
|
3344 |
+
▁desk -3084
|
3345 |
+
hip -3085
|
3346 |
+
▁disappointed -3086
|
3347 |
+
ging -3087
|
3348 |
+
▁inse -3088
|
3349 |
+
▁envious -3089
|
3350 |
+
▁charming -3090
|
3351 |
+
▁carp -3091
|
3352 |
+
▁questions -3092
|
3353 |
+
▁stream -3093
|
3354 |
+
weet -3094
|
3355 |
+
lcano -3095
|
3356 |
+
▁stronger -3096
|
3357 |
+
▁knot -3097
|
3358 |
+
▁ears -3098
|
3359 |
+
▁wheat -3099
|
3360 |
+
▁forward -3100
|
3361 |
+
▁chubby -3101
|
3362 |
+
▁trap -3102
|
3363 |
+
▁boxes -3103
|
3364 |
+
▁restless -3104
|
3365 |
+
▁tap -3105
|
3366 |
+
▁tube -3106
|
3367 |
+
▁carpet -3107
|
3368 |
+
▁crawl -3108
|
3369 |
+
▁delight -3109
|
3370 |
+
▁friendship -3110
|
3371 |
+
ulif -3111
|
3372 |
+
▁aeroplane -3112
|
3373 |
+
▁intelligent -3113
|
3374 |
+
▁dreams -3114
|
3375 |
+
▁trunk -3115
|
3376 |
+
▁coins -3116
|
3377 |
+
▁deliver -3117
|
3378 |
+
▁spun -3118
|
3379 |
+
▁onion -3119
|
3380 |
+
olin -3120
|
3381 |
+
▁Polly -3121
|
3382 |
+
▁half -3122
|
3383 |
+
▁loop -3123
|
3384 |
+
▁vide -3124
|
3385 |
+
▁volcano -3125
|
3386 |
+
▁bri -3126
|
3387 |
+
▁sle -3127
|
3388 |
+
▁broccoli -3128
|
3389 |
+
▁caulif -3129
|
3390 |
+
▁vine -3130
|
3391 |
+
essie -3131
|
3392 |
+
▁track -3132
|
3393 |
+
ye -3133
|
3394 |
+
cycle -3134
|
3395 |
+
▁thief -3135
|
3396 |
+
▁insect -3136
|
3397 |
+
▁ticket -3137
|
3398 |
+
▁sleeping -3138
|
3399 |
+
▁mill -3139
|
3400 |
+
▁pebble -3140
|
3401 |
+
▁alert -3141
|
3402 |
+
▁attract -3142
|
3403 |
+
▁acce -3143
|
3404 |
+
ulu -3144
|
3405 |
+
▁eraser -3145
|
3406 |
+
asing -3146
|
3407 |
+
▁destro -3147
|
3408 |
+
▁numbers -3148
|
3409 |
+
▁haircut -3149
|
3410 |
+
▁louder -3150
|
3411 |
+
▁screen -3151
|
3412 |
+
▁Bet -3152
|
3413 |
+
▁Mummy -3153
|
3414 |
+
ital -3154
|
3415 |
+
▁planet -3155
|
3416 |
+
▁graceful -3156
|
3417 |
+
▁decide -3157
|
3418 |
+
▁celebrate -3158
|
3419 |
+
▁hosp -3159
|
3420 |
+
▁univer -3160
|
3421 |
+
isted -3161
|
3422 |
+
rework -3162
|
3423 |
+
▁cauliflower -3163
|
3424 |
+
anger -3164
|
3425 |
+
▁competitive -3165
|
3426 |
+
acht -3166
|
3427 |
+
▁hospital -3167
|
3428 |
+
▁poem -3168
|
3429 |
+
▁saus -3169
|
3430 |
+
▁leop -3170
|
3431 |
+
▁peach -3171
|
3432 |
+
▁nicely -3172
|
3433 |
+
▁yaw -3173
|
3434 |
+
ache -3174
|
3435 |
+
▁learning -3175
|
3436 |
+
▁happening -3176
|
3437 |
+
▁parade -3177
|
3438 |
+
▁attractive -3178
|
3439 |
+
ulb -3179
|
3440 |
+
atient -3180
|
3441 |
+
▁dolphin -3181
|
3442 |
+
▁Alice -3182
|
3443 |
+
▁base -3183
|
3444 |
+
▁soldier -3184
|
3445 |
+
▁curt -3185
|
3446 |
+
▁OK -3186
|
3447 |
+
▁curtain -3187
|
3448 |
+
▁violin -3188
|
3449 |
+
▁wheels -3189
|
3450 |
+
▁yacht -3190
|
3451 |
+
ats -3191
|
3452 |
+
▁ignorant -3192
|
3453 |
+
▁scatter -3193
|
3454 |
+
▁envelope -3194
|
3455 |
+
▁ways -3195
|
3456 |
+
▁travel -3196
|
3457 |
+
▁excite -3197
|
3458 |
+
▁rod -3198
|
3459 |
+
▁compassionate -3199
|
3460 |
+
▁barrel -3200
|
3461 |
+
▁Lulu -3201
|
3462 |
+
▁bubble -3202
|
3463 |
+
▁bulb -3203
|
3464 |
+
▁firework -3204
|
3465 |
+
Go -3205
|
3466 |
+
▁eventually -3206
|
3467 |
+
▁Pet -3207
|
3468 |
+
▁returned -3208
|
3469 |
+
zzy -3209
|
3470 |
+
▁scooter -3210
|
3471 |
+
▁rag -3211
|
3472 |
+
▁homes -3212
|
3473 |
+
▁bicycle -3213
|
3474 |
+
elery -3214
|
3475 |
+
▁cricket -3215
|
3476 |
+
▁judge -3216
|
3477 |
+
▁tem -3217
|
3478 |
+
▁leopard -3218
|
3479 |
+
▁question -3219
|
3480 |
+
▁needle -3220
|
3481 |
+
▁thu -3221
|
3482 |
+
▁ador -3222
|
3483 |
+
ten -3223
|
3484 |
+
▁pony -3224
|
3485 |
+
▁order -3225
|
3486 |
+
▁cushion -3226
|
3487 |
+
▁Miss -3227
|
3488 |
+
▁hook -3228
|
3489 |
+
igator -3229
|
3490 |
+
tern -3230
|
3491 |
+
▁rubbed -3231
|
3492 |
+
Sue -3232
|
3493 |
+
▁lying -3233
|
3494 |
+
▁truth -3234
|
3495 |
+
▁uncle -3235
|
3496 |
+
dom -3236
|
3497 |
+
▁cooked -3237
|
3498 |
+
▁chalk -3238
|
3499 |
+
▁adorable -3239
|
3500 |
+
▁seal -3240
|
3501 |
+
▁tray -3241
|
3502 |
+
▁impatient -3242
|
3503 |
+
▁skin -3243
|
3504 |
+
▁bushes -3244
|
3505 |
+
▁prun -3245
|
3506 |
+
▁soar -3246
|
3507 |
+
▁celery -3247
|
3508 |
+
▁shells -3248
|
3509 |
+
▁grown -3249
|
3510 |
+
▁themselves -3250
|
3511 |
+
▁spell -3251
|
3512 |
+
▁purse -3252
|
3513 |
+
▁Sh -3253
|
3514 |
+
▁radish -3254
|
3515 |
+
▁lively -3255
|
3516 |
+
▁sniff -3256
|
3517 |
+
▁deter -3257
|
3518 |
+
▁motorcycle -3258
|
3519 |
+
▁pengu -3259
|
3520 |
+
▁case -3260
|
3521 |
+
▁Birdy -3261
|
3522 |
+
▁alligator -3262
|
3523 |
+
▁walls -3263
|
3524 |
+
▁distant -3264
|
3525 |
+
▁send -3265
|
3526 |
+
▁speak -3266
|
3527 |
+
▁slept -3267
|
3528 |
+
▁meat -3268
|
3529 |
+
▁bounced -3269
|
3530 |
+
▁determ -3270
|
3531 |
+
illa -3271
|
3532 |
+
▁cleaning -3272
|
3533 |
+
▁Tina -3273
|
3534 |
+
▁forth -3274
|
3535 |
+
▁film -3275
|
3536 |
+
▁chain -3276
|
3537 |
+
▁pit -3277
|
3538 |
+
▁marry -3278
|
3539 |
+
▁steak -3279
|
3540 |
+
▁spinning -3280
|
3541 |
+
▁bin -3281
|
3542 |
+
▁avocado -3282
|
3543 |
+
▁behave -3283
|
3544 |
+
urb -3284
|
3545 |
+
▁enth -3285
|
3546 |
+
▁Pete -3286
|
3547 |
+
▁counting -3287
|
3548 |
+
▁surf -3288
|
3549 |
+
▁destroy -3289
|
3550 |
+
ebook -3290
|
3551 |
+
▁notebook -3291
|
3552 |
+
ebra -3292
|
3553 |
+
▁skip -3293
|
3554 |
+
ision -3294
|
3555 |
+
vator -3295
|
3556 |
+
▁impro -3296
|
3557 |
+
usia -3297
|
3558 |
+
▁laughs -3298
|
3559 |
+
▁enthusia -3299
|
3560 |
+
▁saying -3300
|
3561 |
+
▁wiped -3301
|
3562 |
+
chair -3302
|
3563 |
+
▁wallet -3303
|
3564 |
+
▁bandage -3304
|
3565 |
+
▁biggest -3305
|
3566 |
+
▁elevator -3306
|
3567 |
+
▁Fo -3307
|
3568 |
+
▁diary -3308
|
3569 |
+
▁post -3309
|
3570 |
+
▁metal -3310
|
3571 |
+
▁stum -3311
|
3572 |
+
▁dive -3312
|
3573 |
+
▁pattern -3313
|
3574 |
+
▁ed -3314
|
3575 |
+
▁unlock -3315
|
3576 |
+
▁shut -3316
|
3577 |
+
dest -3317
|
3578 |
+
▁week -3318
|
3579 |
+
▁disturb -3319
|
3580 |
+
▁pole -3320
|
3581 |
+
▁oy -3321
|
3582 |
+
▁earth -3322
|
3583 |
+
▁club -3323
|
3584 |
+
▁mint -3324
|
3585 |
+
▁armchair -3325
|
3586 |
+
▁skipped -3326
|
3587 |
+
Sp -3327
|
3588 |
+
▁bags -3328
|
3589 |
+
▁jellyfish -3329
|
3590 |
+
▁zebra -3330
|
3591 |
+
ject -3331
|
3592 |
+
bul -3332
|
3593 |
+
▁showing -3333
|
3594 |
+
▁temp -3334
|
3595 |
+
▁sweater -3335
|
3596 |
+
ating -3336
|
3597 |
+
▁nurse -3337
|
3598 |
+
▁compl -3338
|
3599 |
+
▁lime -3339
|
3600 |
+
Give -3340
|
3601 |
+
▁bump -3341
|
3602 |
+
▁skull -3342
|
3603 |
+
ito -3343
|
3604 |
+
bulance -3344
|
3605 |
+
▁enc -3345
|
3606 |
+
▁mixer -3346
|
3607 |
+
nam -3347
|
3608 |
+
▁ambulance -3348
|
3609 |
+
▁stranger -3349
|
3610 |
+
▁screw -3350
|
3611 |
+
rage -3351
|
3612 |
+
▁folder -3352
|
3613 |
+
▁journal -3353
|
3614 |
+
aged -3354
|
3615 |
+
▁Rob -3355
|
3616 |
+
▁loudly -3356
|
3617 |
+
▁gathered -3357
|
3618 |
+
▁shield -3358
|
3619 |
+
▁tummy -3359
|
3620 |
+
▁decorate -3360
|
3621 |
+
quito -3361
|
3622 |
+
▁buttons -3362
|
3623 |
+
▁library -3363
|
3624 |
+
▁falls -3364
|
3625 |
+
▁trucks -3365
|
3626 |
+
irit -3366
|
3627 |
+
▁lights -3367
|
3628 |
+
▁ink -3368
|
3629 |
+
▁city -3369
|
3630 |
+
▁herb -3370
|
3631 |
+
▁station -3371
|
3632 |
+
▁mos -3372
|
3633 |
+
▁prep -3373
|
3634 |
+
▁fu -3374
|
3635 |
+
nger -3375
|
3636 |
+
nament -3376
|
3637 |
+
▁ornament -3377
|
3638 |
+
▁modest -3378
|
3639 |
+
▁polish -3379
|
3640 |
+
▁mosquito -3380
|
3641 |
+
ention -3381
|
3642 |
+
▁playground -3382
|
3643 |
+
▁Cl -3383
|
3644 |
+
▁attic -3384
|
3645 |
+
▁pointing -3385
|
3646 |
+
▁salt -3386
|
3647 |
+
▁Susie -3387
|
3648 |
+
▁knows -3388
|
3649 |
+
▁cord -3389
|
3650 |
+
▁guard -3390
|
3651 |
+
▁Rose -3391
|
3652 |
+
ctop -3392
|
3653 |
+
▁vest -3393
|
3654 |
+
▁marble -3394
|
3655 |
+
lies -3395
|
3656 |
+
▁resc -3396
|
3657 |
+
▁strawberry -3397
|
3658 |
+
▁whenever -3398
|
3659 |
+
ceed -3399
|
3660 |
+
▁father -3400
|
3661 |
+
▁split -3401
|
3662 |
+
▁itch -3402
|
3663 |
+
▁football -3403
|
3664 |
+
▁kay -3404
|
3665 |
+
▁hipp -3405
|
3666 |
+
▁aut -3406
|
3667 |
+
▁yet -3407
|
3668 |
+
kele -3408
|
3669 |
+
keleton -3409
|
3670 |
+
▁pirate -3410
|
3671 |
+
▁support -3411
|
3672 |
+
▁brothers -3412
|
3673 |
+
ctopus -3413
|
3674 |
+
▁Sunny -3414
|
3675 |
+
▁cable -3415
|
3676 |
+
?". -3416
|
3677 |
+
▁disappeared -3417
|
3678 |
+
▁driving -3418
|
3679 |
+
▁once -3419
|
3680 |
+
uring -3420
|
3681 |
+
▁cupboard -3421
|
3682 |
+
▁led -3422
|
3683 |
+
▁Tweet -3423
|
3684 |
+
aky -3424
|
3685 |
+
▁ple -3425
|
3686 |
+
▁tripped -3426
|
3687 |
+
▁People -3427
|
3688 |
+
▁wishes -3428
|
3689 |
+
obile -3429
|
3690 |
+
oby -3430
|
3691 |
+
▁Zoom -3431
|
3692 |
+
▁root -3432
|
3693 |
+
▁sung -3433
|
3694 |
+
omobile -3434
|
3695 |
+
▁mild -3435
|
3696 |
+
▁kayak -3436
|
3697 |
+
▁octopus -3437
|
3698 |
+
umb -3438
|
3699 |
+
▁complet -3439
|
3700 |
+
▁coal -3440
|
3701 |
+
▁succeed -3441
|
3702 |
+
▁automobile -3442
|
3703 |
+
▁added -3443
|
3704 |
+
stic -3444
|
3705 |
+
▁calling -3445
|
3706 |
+
▁complain -3446
|
3707 |
+
▁stack -3447
|
3708 |
+
▁sneeze -3448
|
3709 |
+
ushed -3449
|
3710 |
+
▁flea -3450
|
3711 |
+
▁yoga -3451
|
3712 |
+
▁reading -3452
|
3713 |
+
▁enthusiastic -3453
|
3714 |
+
par -3454
|
3715 |
+
▁cartoon -3455
|
3716 |
+
ophone -3456
|
3717 |
+
▁drawer -3457
|
3718 |
+
htub -3458
|
3719 |
+
▁thunder -3459
|
3720 |
+
▁golf -3460
|
3721 |
+
▁chess -3461
|
3722 |
+
▁skeleton -3462
|
3723 |
+
▁bathtub -3463
|
3724 |
+
▁Betty -3464
|
3725 |
+
▁veil -3465
|
3726 |
+
▁ribb -3466
|
3727 |
+
▁suggest -3467
|
3728 |
+
▁kindness -3468
|
3729 |
+
▁gor -3469
|
3730 |
+
▁poke -3470
|
3731 |
+
▁flame -3471
|
3732 |
+
▁matt -3472
|
3733 |
+
lasses -3473
|
3734 |
+
▁hunter -3474
|
3735 |
+
▁video -3475
|
3736 |
+
▁hall -3476
|
3737 |
+
▁edge -3477
|
3738 |
+
▁cups -3478
|
3739 |
+
▁growl -3479
|
3740 |
+
work -3480
|
3741 |
+
▁sunglasses -3481
|
3742 |
+
▁penny -3482
|
3743 |
+
Re -3483
|
3744 |
+
▁drawings -3484
|
3745 |
+
▁spear -3485
|
3746 |
+
▁hippo -3486
|
3747 |
+
▁math -3487
|
3748 |
+
▁repair -3488
|
3749 |
+
▁oyster -3489
|
3750 |
+
▁itself -3490
|
3751 |
+
▁muffin -3491
|
3752 |
+
▁glowing -3492
|
3753 |
+
▁switch -3493
|
3754 |
+
▁means -3494
|
3755 |
+
▁teleph -3495
|
3756 |
+
▁zipp -3496
|
3757 |
+
essert -3497
|
3758 |
+
utes -3498
|
3759 |
+
▁pastry -3499
|
3760 |
+
▁costume -3500
|
3761 |
+
▁maze -3501
|
3762 |
+
▁makeup -3502
|
3763 |
+
▁Pippin -3503
|
3764 |
+
▁dessert -3504
|
3765 |
+
iron -3505
|
3766 |
+
▁waffle -3506
|
3767 |
+
▁pear -3507
|
3768 |
+
▁telephone -3508
|
3769 |
+
▁mattress -3509
|
3770 |
+
▁rolling -3510
|
3771 |
+
Well -3511
|
3772 |
+
ric -3512
|
3773 |
+
▁arg -3513
|
3774 |
+
▁pun -3514
|
3775 |
+
ophy -3515
|
3776 |
+
▁repe -3516
|
3777 |
+
▁powder -3517
|
3778 |
+
▁pine -3518
|
3779 |
+
▁gear -3519
|
3780 |
+
▁determined -3520
|
3781 |
+
▁missile -3521
|
3782 |
+
▁Bessie -3522
|
3783 |
+
Spot -3523
|
3784 |
+
▁frame -3524
|
3785 |
+
case -3525
|
3786 |
+
▁package -3526
|
3787 |
+
▁trophy -3527
|
3788 |
+
▁handle -3528
|
3789 |
+
▁packed -3529
|
3790 |
+
▁cob -3530
|
3791 |
+
▁hedge -3531
|
3792 |
+
▁meadow -3532
|
3793 |
+
▁wife -3533
|
3794 |
+
ines -3534
|
3795 |
+
aving -3535
|
3796 |
+
▁rot -3536
|
3797 |
+
rophone -3537
|
3798 |
+
▁grapes -3538
|
3799 |
+
urch -3539
|
3800 |
+
web -3540
|
3801 |
+
ait -3541
|
3802 |
+
▁Zip -3542
|
3803 |
+
▁magaz -3543
|
3804 |
+
▁knight -3544
|
3805 |
+
▁basketball -3545
|
3806 |
+
▁encou -3546
|
3807 |
+
▁separ -3547
|
3808 |
+
▁camp -3548
|
3809 |
+
Bye -3549
|
3810 |
+
time -3550
|
3811 |
+
▁stairs -3551
|
3812 |
+
▁shocked -3552
|
3813 |
+
▁file -3553
|
3814 |
+
▁strugg -3554
|
3815 |
+
▁cobweb -3555
|
3816 |
+
esday -3556
|
3817 |
+
▁wool -3557
|
3818 |
+
▁microphone -3558
|
3819 |
+
▁minutes -3559
|
3820 |
+
per -3560
|
3821 |
+
▁Spike -3561
|
3822 |
+
▁leash -3562
|
3823 |
+
▁weep -3563
|
3824 |
+
▁Toby -3564
|
3825 |
+
▁managed -3565
|
3826 |
+
▁barking -3566
|
3827 |
+
ffe -3567
|
3828 |
+
▁Snow -3568
|
3829 |
+
▁perm -3569
|
3830 |
+
istol -3570
|
3831 |
+
▁tear -3571
|
3832 |
+
ffee -3572
|
3833 |
+
▁bananas -3573
|
3834 |
+
▁slides -3574
|
3835 |
+
▁staff -3575
|
3836 |
+
iew -3576
|
3837 |
+
▁colour -3577
|
3838 |
+
▁hoc -3578
|
3839 |
+
▁gorilla -3579
|
3840 |
+
▁hockey -3580
|
3841 |
+
old -3581
|
3842 |
+
▁vend -3582
|
3843 |
+
was -3583
|
3844 |
+
head -3584
|
3845 |
+
▁safely -3585
|
3846 |
+
▁spirit -3586
|
3847 |
+
ature -3587
|
3848 |
+
keep -3588
|
3849 |
+
▁view -3589
|
3850 |
+
▁steps -3590
|
3851 |
+
washer -3591
|
3852 |
+
▁ok -3592
|
3853 |
+
▁eye -3593
|
3854 |
+
▁cooler -3594
|
3855 |
+
▁giggled -3595
|
3856 |
+
▁sailor -3596
|
3857 |
+
▁photo -3597
|
3858 |
+
▁gasp -3598
|
3859 |
+
▁task -3599
|
3860 |
+
▁hotel -3600
|
3861 |
+
▁marched -3601
|
3862 |
+
rosc -3602
|
3863 |
+
▁church -3603
|
3864 |
+
▁flour -3604
|
3865 |
+
▁sausage -3605
|
3866 |
+
cing -3606
|
3867 |
+
hic -3607
|
3868 |
+
▁early -3608
|
3869 |
+
hin -3609
|
3870 |
+
otter -3610
|
3871 |
+
▁vehic -3611
|
3872 |
+
▁dishwasher -3612
|
3873 |
+
▁Next -3613
|
3874 |
+
▁pistol -3614
|
3875 |
+
▁baseball -3615
|
3876 |
+
▁remain -3616
|
3877 |
+
▁cooking -3617
|
3878 |
+
chor -3618
|
3879 |
+
▁otter -3619
|
3880 |
+
roscope -3620
|
3881 |
+
▁temple -3621
|
3882 |
+
▁medal -3622
|
3883 |
+
▁either -3623
|
3884 |
+
▁organize -3624
|
3885 |
+
▁vendor -3625
|
3886 |
+
▁grill -3626
|
3887 |
+
▁those -3627
|
3888 |
+
▁Look -3628
|
3889 |
+
ilot -3629
|
3890 |
+
▁pretending -3630
|
3891 |
+
▁rever -3631
|
3892 |
+
▁battery -3632
|
3893 |
+
▁ten -3633
|
3894 |
+
▁five -3634
|
3895 |
+
▁ow -3635
|
3896 |
+
▁iron -3636
|
3897 |
+
▁oil -3637
|
3898 |
+
▁fireman -3638
|
3899 |
+
▁laser -3639
|
3900 |
+
▁knock -3640
|
3901 |
+
▁Kim -3641
|
3902 |
+
▁opens -3642
|
3903 |
+
▁often -3643
|
3904 |
+
▁grandpa -3644
|
3905 |
+
▁tools -3645
|
3906 |
+
▁rise -3646
|
3907 |
+
▁pee -3647
|
3908 |
+
▁sandbox -3648
|
3909 |
+
▁sne -3649
|
3910 |
+
▁anchor -3650
|
3911 |
+
seum -3651
|
3912 |
+
See -3652
|
3913 |
+
▁Mar -3653
|
3914 |
+
▁skirt -3654
|
3915 |
+
▁thinking -3655
|
3916 |
+
▁whip -3656
|
3917 |
+
ctory -3657
|
3918 |
+
▁trash -3658
|
3919 |
+
▁rhin -3659
|
3920 |
+
▁patch -3660
|
3921 |
+
▁sight -3661
|
3922 |
+
▁museum -3662
|
3923 |
+
▁lotion -3663
|
3924 |
+
▁cardboard -3664
|
3925 |
+
▁ward -3665
|
3926 |
+
▁short -3666
|
3927 |
+
ney -3667
|
3928 |
+
▁Mrs -3668
|
3929 |
+
▁Un -3669
|
3930 |
+
ense -3670
|
3931 |
+
▁factory -3671
|
3932 |
+
▁wardrobe -3672
|
3933 |
+
apers -3673
|
3934 |
+
▁towers -3674
|
3935 |
+
▁hive -3675
|
3936 |
+
▁coffee -3676
|
3937 |
+
▁Give -3677
|
3938 |
+
▁cell -3678
|
3939 |
+
▁hanging -3679
|
3940 |
+
ucet -3680
|
3941 |
+
ne -3681
|
3942 |
+
▁blackboard -3682
|
3943 |
+
ailable -3683
|
3944 |
+
▁napkin -3684
|
3945 |
+
▁quit -3685
|
3946 |
+
loo -3686
|
3947 |
+
▁ur -3687
|
3948 |
+
▁message -3688
|
3949 |
+
▁may -3689
|
3950 |
+
▁Grandpa -3690
|
3951 |
+
▁mem -3691
|
3952 |
+
▁hours -3692
|
3953 |
+
ron -3693
|
3954 |
+
eer -3694
|
3955 |
+
azor -3695
|
3956 |
+
▁valu -3696
|
3957 |
+
▁penguin -3697
|
3958 |
+
▁ig -3698
|
3959 |
+
▁passport -3699
|
3960 |
+
ugged -3700
|
3961 |
+
▁realised -3701
|
3962 |
+
▁faucet -3702
|
3963 |
+
place -3703
|
3964 |
+
▁dreamed -3704
|
3965 |
+
▁igloo -3705
|
3966 |
+
▁pilot -3706
|
3967 |
+
▁freez -3707
|
3968 |
+
enny -3708
|
3969 |
+
▁newsp -3709
|
3970 |
+
▁bathe -3710
|
3971 |
+
▁picking -3711
|
3972 |
+
ination -3712
|
3973 |
+
▁cane -3713
|
3974 |
+
▁holds -3714
|
3975 |
+
play -3715
|
3976 |
+
▁juicy -3716
|
3977 |
+
htray -3717
|
3978 |
+
▁hanger -3718
|
3979 |
+
keeper -3719
|
3980 |
+
aroo -3720
|
3981 |
+
▁check -3721
|
3982 |
+
▁available -3722
|
3983 |
+
angaroo -3723
|
3984 |
+
▁tornado -3724
|
3985 |
+
▁reward -3725
|
3986 |
+
imney -3726
|
3987 |
+
▁sett -3727
|
3988 |
+
▁oak -3728
|
3989 |
+
▁laund -3729
|
3990 |
+
ready -3730
|
3991 |
+
▁laundry -3731
|
3992 |
+
▁fingers -3732
|
3993 |
+
▁chimney -3733
|
3994 |
+
▁lend -3734
|
3995 |
+
▁stumbled -3735
|
3996 |
+
▁novel -3736
|
3997 |
+
▁cherries -3737
|
3998 |
+
▁size -3738
|
3999 |
+
▁spilled -3739
|
4000 |
+
ately -3740
|
4001 |
+
▁mule -3741
|
4002 |
+
▁allowed -3742
|
4003 |
+
umber -3743
|
4004 |
+
▁kangaroo -3744
|
4005 |
+
▁fisher -3745
|
4006 |
+
ampoo -3746
|
4007 |
+
▁Before -3747
|
4008 |
+
▁already -3748
|
4009 |
+
▁excitement -3749
|
4010 |
+
▁gain -3750
|
4011 |
+
ocer -3751
|
4012 |
+
▁Everywhere -3752
|
4013 |
+
▁complete -3753
|
4014 |
+
▁magazine -3754
|
4015 |
+
▁microscope -3755
|
4016 |
+
▁fireplace -3756
|
4017 |
+
▁pal -3757
|
4018 |
+
▁imagine -3758
|
4019 |
+
▁shrink -3759
|
4020 |
+
▁display -3760
|
4021 |
+
▁fastest -3761
|
4022 |
+
▁telling -3762
|
4023 |
+
▁sub -3763
|
4024 |
+
▁ -3764
|
4025 |
+
e -3765
|
4026 |
+
a -3766
|
4027 |
+
t -3767
|
4028 |
+
o -3768
|
4029 |
+
h -3769
|
4030 |
+
n -3770
|
4031 |
+
d -3771
|
4032 |
+
i -3772
|
4033 |
+
s -3773
|
4034 |
+
r -3774
|
4035 |
+
l -3775
|
4036 |
+
y -3776
|
4037 |
+
m -3777
|
4038 |
+
. -3778
|
4039 |
+
w -3779
|
4040 |
+
u -3780
|
4041 |
+
p -3781
|
4042 |
+
g -3782
|
4043 |
+
c -3783
|
4044 |
+
b -3784
|
4045 |
+
f -3785
|
4046 |
+
, -3786
|
4047 |
+
k -3787
|
4048 |
+
T -3788
|
4049 |
+
" -3789
|
4050 |
+
v -3790
|
4051 |
+
S -3791
|
4052 |
+
H -3792
|
4053 |
+
I -3793
|
4054 |
+
O -3794
|
4055 |
+
' -3795
|
4056 |
+
L -3796
|
4057 |
+
! -3797
|
4058 |
+
B -3798
|
4059 |
+
x -3799
|
4060 |
+
M -3800
|
4061 |
+
A -3801
|
4062 |
+
W -3802
|
4063 |
+
j -3803
|
4064 |
+
? -3804
|
4065 |
+
Y -3805
|
4066 |
+
z -3806
|
4067 |
+
J -3807
|
4068 |
+
F -3808
|
4069 |
+
D -3809
|
4070 |
+
C -3810
|
4071 |
+
q -3811
|
4072 |
+
N -3812
|
4073 |
+
E -3813
|
4074 |
+
K -3814
|
4075 |
+
P -3815
|
4076 |
+
G -3816
|
4077 |
+
R -3817
|
4078 |
+
- -3818
|
4079 |
+
: -3819
|
4080 |
+
Z -3820
|
4081 |
+
V -3821
|
4082 |
+
U -3822
|
4083 |
+
3 -3823
|
4084 |
+
; -3824
|
4085 |
+
Q -3825
|
4086 |
+
X -3826
|
4087 |
+
1 -3827
|
4088 |
+
0 -3828
|
4089 |
+
2 -3829
|
4090 |
+
5 -3830
|
4091 |
+
4 -3831
|
4092 |
+
9 -3832
|
4093 |
+
8 -3833
|
4094 |
+
6 -3834
|
4095 |
+
7 -3835
|
4096 |
+
$ -3836
|
tok4096_old.model
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:49933007ee0b91a1f42dac994be9020ba15685e5d4814a9d968d7c76e9a05f80
|
3 |
+
size 64482
|
tok4096_old.vocab
ADDED
@@ -0,0 +1,4096 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
<unk> 0
|
2 |
+
<s> 0
|
3 |
+
</s> 0
|
4 |
+
<0x00> 0
|
5 |
+
<0x01> 0
|
6 |
+
<0x02> 0
|
7 |
+
<0x03> 0
|
8 |
+
<0x04> 0
|
9 |
+
<0x05> 0
|
10 |
+
<0x06> 0
|
11 |
+
<0x07> 0
|
12 |
+
<0x08> 0
|
13 |
+
<0x09> 0
|
14 |
+
<0x0A> 0
|
15 |
+
<0x0B> 0
|
16 |
+
<0x0C> 0
|
17 |
+
<0x0D> 0
|
18 |
+
<0x0E> 0
|
19 |
+
<0x0F> 0
|
20 |
+
<0x10> 0
|
21 |
+
<0x11> 0
|
22 |
+
<0x12> 0
|
23 |
+
<0x13> 0
|
24 |
+
<0x14> 0
|
25 |
+
<0x15> 0
|
26 |
+
<0x16> 0
|
27 |
+
<0x17> 0
|
28 |
+
<0x18> 0
|
29 |
+
<0x19> 0
|
30 |
+
<0x1A> 0
|
31 |
+
<0x1B> 0
|
32 |
+
<0x1C> 0
|
33 |
+
<0x1D> 0
|
34 |
+
<0x1E> 0
|
35 |
+
<0x1F> 0
|
36 |
+
<0x20> 0
|
37 |
+
<0x21> 0
|
38 |
+
<0x22> 0
|
39 |
+
<0x23> 0
|
40 |
+
<0x24> 0
|
41 |
+
<0x25> 0
|
42 |
+
<0x26> 0
|
43 |
+
<0x27> 0
|
44 |
+
<0x28> 0
|
45 |
+
<0x29> 0
|
46 |
+
<0x2A> 0
|
47 |
+
<0x2B> 0
|
48 |
+
<0x2C> 0
|
49 |
+
<0x2D> 0
|
50 |
+
<0x2E> 0
|
51 |
+
<0x2F> 0
|
52 |
+
<0x30> 0
|
53 |
+
<0x31> 0
|
54 |
+
<0x32> 0
|
55 |
+
<0x33> 0
|
56 |
+
<0x34> 0
|
57 |
+
<0x35> 0
|
58 |
+
<0x36> 0
|
59 |
+
<0x37> 0
|
60 |
+
<0x38> 0
|
61 |
+
<0x39> 0
|
62 |
+
<0x3A> 0
|
63 |
+
<0x3B> 0
|
64 |
+
<0x3C> 0
|
65 |
+
<0x3D> 0
|
66 |
+
<0x3E> 0
|
67 |
+
<0x3F> 0
|
68 |
+
<0x40> 0
|
69 |
+
<0x41> 0
|
70 |
+
<0x42> 0
|
71 |
+
<0x43> 0
|
72 |
+
<0x44> 0
|
73 |
+
<0x45> 0
|
74 |
+
<0x46> 0
|
75 |
+
<0x47> 0
|
76 |
+
<0x48> 0
|
77 |
+
<0x49> 0
|
78 |
+
<0x4A> 0
|
79 |
+
<0x4B> 0
|
80 |
+
<0x4C> 0
|
81 |
+
<0x4D> 0
|
82 |
+
<0x4E> 0
|
83 |
+
<0x4F> 0
|
84 |
+
<0x50> 0
|
85 |
+
<0x51> 0
|
86 |
+
<0x52> 0
|
87 |
+
<0x53> 0
|
88 |
+
<0x54> 0
|
89 |
+
<0x55> 0
|
90 |
+
<0x56> 0
|
91 |
+
<0x57> 0
|
92 |
+
<0x58> 0
|
93 |
+
<0x59> 0
|
94 |
+
<0x5A> 0
|
95 |
+
<0x5B> 0
|
96 |
+
<0x5C> 0
|
97 |
+
<0x5D> 0
|
98 |
+
<0x5E> 0
|
99 |
+
<0x5F> 0
|
100 |
+
<0x60> 0
|
101 |
+
<0x61> 0
|
102 |
+
<0x62> 0
|
103 |
+
<0x63> 0
|
104 |
+
<0x64> 0
|
105 |
+
<0x65> 0
|
106 |
+
<0x66> 0
|
107 |
+
<0x67> 0
|
108 |
+
<0x68> 0
|
109 |
+
<0x69> 0
|
110 |
+
<0x6A> 0
|
111 |
+
<0x6B> 0
|
112 |
+
<0x6C> 0
|
113 |
+
<0x6D> 0
|
114 |
+
<0x6E> 0
|
115 |
+
<0x6F> 0
|
116 |
+
<0x70> 0
|
117 |
+
<0x71> 0
|
118 |
+
<0x72> 0
|
119 |
+
<0x73> 0
|
120 |
+
<0x74> 0
|
121 |
+
<0x75> 0
|
122 |
+
<0x76> 0
|
123 |
+
<0x77> 0
|
124 |
+
<0x78> 0
|
125 |
+
<0x79> 0
|
126 |
+
<0x7A> 0
|
127 |
+
<0x7B> 0
|
128 |
+
<0x7C> 0
|
129 |
+
<0x7D> 0
|
130 |
+
<0x7E> 0
|
131 |
+
<0x7F> 0
|
132 |
+
<0x80> 0
|
133 |
+
<0x81> 0
|
134 |
+
<0x82> 0
|
135 |
+
<0x83> 0
|
136 |
+
<0x84> 0
|
137 |
+
<0x85> 0
|
138 |
+
<0x86> 0
|
139 |
+
<0x87> 0
|
140 |
+
<0x88> 0
|
141 |
+
<0x89> 0
|
142 |
+
<0x8A> 0
|
143 |
+
<0x8B> 0
|
144 |
+
<0x8C> 0
|
145 |
+
<0x8D> 0
|
146 |
+
<0x8E> 0
|
147 |
+
<0x8F> 0
|
148 |
+
<0x90> 0
|
149 |
+
<0x91> 0
|
150 |
+
<0x92> 0
|
151 |
+
<0x93> 0
|
152 |
+
<0x94> 0
|
153 |
+
<0x95> 0
|
154 |
+
<0x96> 0
|
155 |
+
<0x97> 0
|
156 |
+
<0x98> 0
|
157 |
+
<0x99> 0
|
158 |
+
<0x9A> 0
|
159 |
+
<0x9B> 0
|
160 |
+
<0x9C> 0
|
161 |
+
<0x9D> 0
|
162 |
+
<0x9E> 0
|
163 |
+
<0x9F> 0
|
164 |
+
<0xA0> 0
|
165 |
+
<0xA1> 0
|
166 |
+
<0xA2> 0
|
167 |
+
<0xA3> 0
|
168 |
+
<0xA4> 0
|
169 |
+
<0xA5> 0
|
170 |
+
<0xA6> 0
|
171 |
+
<0xA7> 0
|
172 |
+
<0xA8> 0
|
173 |
+
<0xA9> 0
|
174 |
+
<0xAA> 0
|
175 |
+
<0xAB> 0
|
176 |
+
<0xAC> 0
|
177 |
+
<0xAD> 0
|
178 |
+
<0xAE> 0
|
179 |
+
<0xAF> 0
|
180 |
+
<0xB0> 0
|
181 |
+
<0xB1> 0
|
182 |
+
<0xB2> 0
|
183 |
+
<0xB3> 0
|
184 |
+
<0xB4> 0
|
185 |
+
<0xB5> 0
|
186 |
+
<0xB6> 0
|
187 |
+
<0xB7> 0
|
188 |
+
<0xB8> 0
|
189 |
+
<0xB9> 0
|
190 |
+
<0xBA> 0
|
191 |
+
<0xBB> 0
|
192 |
+
<0xBC> 0
|
193 |
+
<0xBD> 0
|
194 |
+
<0xBE> 0
|
195 |
+
<0xBF> 0
|
196 |
+
<0xC0> 0
|
197 |
+
<0xC1> 0
|
198 |
+
<0xC2> 0
|
199 |
+
<0xC3> 0
|
200 |
+
<0xC4> 0
|
201 |
+
<0xC5> 0
|
202 |
+
<0xC6> 0
|
203 |
+
<0xC7> 0
|
204 |
+
<0xC8> 0
|
205 |
+
<0xC9> 0
|
206 |
+
<0xCA> 0
|
207 |
+
<0xCB> 0
|
208 |
+
<0xCC> 0
|
209 |
+
<0xCD> 0
|
210 |
+
<0xCE> 0
|
211 |
+
<0xCF> 0
|
212 |
+
<0xD0> 0
|
213 |
+
<0xD1> 0
|
214 |
+
<0xD2> 0
|
215 |
+
<0xD3> 0
|
216 |
+
<0xD4> 0
|
217 |
+
<0xD5> 0
|
218 |
+
<0xD6> 0
|
219 |
+
<0xD7> 0
|
220 |
+
<0xD8> 0
|
221 |
+
<0xD9> 0
|
222 |
+
<0xDA> 0
|
223 |
+
<0xDB> 0
|
224 |
+
<0xDC> 0
|
225 |
+
<0xDD> 0
|
226 |
+
<0xDE> 0
|
227 |
+
<0xDF> 0
|
228 |
+
<0xE0> 0
|
229 |
+
<0xE1> 0
|
230 |
+
<0xE2> 0
|
231 |
+
<0xE3> 0
|
232 |
+
<0xE4> 0
|
233 |
+
<0xE5> 0
|
234 |
+
<0xE6> 0
|
235 |
+
<0xE7> 0
|
236 |
+
<0xE8> 0
|
237 |
+
<0xE9> 0
|
238 |
+
<0xEA> 0
|
239 |
+
<0xEB> 0
|
240 |
+
<0xEC> 0
|
241 |
+
<0xED> 0
|
242 |
+
<0xEE> 0
|
243 |
+
<0xEF> 0
|
244 |
+
<0xF0> 0
|
245 |
+
<0xF1> 0
|
246 |
+
<0xF2> 0
|
247 |
+
<0xF3> 0
|
248 |
+
<0xF4> 0
|
249 |
+
<0xF5> 0
|
250 |
+
<0xF6> 0
|
251 |
+
<0xF7> 0
|
252 |
+
<0xF8> 0
|
253 |
+
<0xF9> 0
|
254 |
+
<0xFA> 0
|
255 |
+
<0xFB> 0
|
256 |
+
<0xFC> 0
|
257 |
+
<0xFD> 0
|
258 |
+
<0xFE> 0
|
259 |
+
<0xFF> 0
|
260 |
+
▁t -0
|
261 |
+
he -1
|
262 |
+
▁a -2
|
263 |
+
▁s -3
|
264 |
+
▁w -4
|
265 |
+
nd -5
|
266 |
+
▁the -6
|
267 |
+
ed -7
|
268 |
+
▁to -8
|
269 |
+
▁b -9
|
270 |
+
▁and -10
|
271 |
+
▁h -11
|
272 |
+
in -12
|
273 |
+
▁f -13
|
274 |
+
▁wa -14
|
275 |
+
▁T -15
|
276 |
+
it -16
|
277 |
+
re -17
|
278 |
+
ou -18
|
279 |
+
▁l -19
|
280 |
+
▁d -20
|
281 |
+
▁c -21
|
282 |
+
▁he -22
|
283 |
+
▁p -23
|
284 |
+
ay -24
|
285 |
+
▁m -25
|
286 |
+
er -26
|
287 |
+
▁was -27
|
288 |
+
om -28
|
289 |
+
im -29
|
290 |
+
on -30
|
291 |
+
il -31
|
292 |
+
▁The -32
|
293 |
+
id -33
|
294 |
+
is -34
|
295 |
+
at -35
|
296 |
+
ar -36
|
297 |
+
▁sa -37
|
298 |
+
▁n -38
|
299 |
+
▁g -39
|
300 |
+
ing -40
|
301 |
+
▁ha -41
|
302 |
+
▁S -42
|
303 |
+
en -43
|
304 |
+
an -44
|
305 |
+
or -45
|
306 |
+
le -46
|
307 |
+
ll -47
|
308 |
+
▁L -48
|
309 |
+
▁th -49
|
310 |
+
ot -50
|
311 |
+
ily -51
|
312 |
+
▁her -52
|
313 |
+
▁it -53
|
314 |
+
▁" -54
|
315 |
+
am -55
|
316 |
+
ir -56
|
317 |
+
et -57
|
318 |
+
▁Lily -58
|
319 |
+
▁u -59
|
320 |
+
▁O -60
|
321 |
+
▁H -61
|
322 |
+
▁On -62
|
323 |
+
▁in -63
|
324 |
+
ut -64
|
325 |
+
▁pl -65
|
326 |
+
ri -66
|
327 |
+
▁Tim -67
|
328 |
+
ow -68
|
329 |
+
▁day -69
|
330 |
+
▁be -70
|
331 |
+
ver -71
|
332 |
+
ce -72
|
333 |
+
ith -73
|
334 |
+
ig -74
|
335 |
+
▁o -75
|
336 |
+
▁with -76
|
337 |
+
▁said -77
|
338 |
+
▁play -78
|
339 |
+
▁She -79
|
340 |
+
pp -80
|
341 |
+
ck -81
|
342 |
+
ld -82
|
343 |
+
▁They -83
|
344 |
+
my -84
|
345 |
+
▁e -85
|
346 |
+
▁his -86
|
347 |
+
▁He -87
|
348 |
+
oo -88
|
349 |
+
▁y -89
|
350 |
+
▁st -90
|
351 |
+
▁up -91
|
352 |
+
▁that -92
|
353 |
+
▁r -93
|
354 |
+
▁on -94
|
355 |
+
ke -95
|
356 |
+
ked -96
|
357 |
+
st -97
|
358 |
+
▁mom -98
|
359 |
+
▁she -99
|
360 |
+
▁I -100
|
361 |
+
ve -101
|
362 |
+
nt -102
|
363 |
+
itt -103
|
364 |
+
very -104
|
365 |
+
▁you -105
|
366 |
+
▁happ -106
|
367 |
+
▁they -107
|
368 |
+
end -108
|
369 |
+
▁B -109
|
370 |
+
ime -110
|
371 |
+
▁big -111
|
372 |
+
▁fri -112
|
373 |
+
se -113
|
374 |
+
▁of -114
|
375 |
+
▁friend -115
|
376 |
+
ittle -116
|
377 |
+
▁little -117
|
378 |
+
ent -118
|
379 |
+
▁time -119
|
380 |
+
un -120
|
381 |
+
ad -121
|
382 |
+
▁had -122
|
383 |
+
▁we -123
|
384 |
+
▁there -124
|
385 |
+
▁so -125
|
386 |
+
▁One -126
|
387 |
+
her -127
|
388 |
+
▁for -128
|
389 |
+
all -129
|
390 |
+
ould -130
|
391 |
+
▁nam -131
|
392 |
+
▁want -132
|
393 |
+
▁M -133
|
394 |
+
▁happy -134
|
395 |
+
▁saw -135
|
396 |
+
▁named -136
|
397 |
+
ved -137
|
398 |
+
▁li -138
|
399 |
+
▁but -139
|
400 |
+
▁very -140
|
401 |
+
▁do -141
|
402 |
+
▁lo -142
|
403 |
+
ch -143
|
404 |
+
▁Once -144
|
405 |
+
▁ne -145
|
406 |
+
▁Timmy -146
|
407 |
+
es -147
|
408 |
+
▁upon -148
|
409 |
+
out -149
|
410 |
+
▁k -150
|
411 |
+
▁sh -151
|
412 |
+
ound -152
|
413 |
+
." -153
|
414 |
+
ly -154
|
415 |
+
▁A -155
|
416 |
+
▁not -156
|
417 |
+
▁wh -157
|
418 |
+
el -158
|
419 |
+
ide -159
|
420 |
+
ome -160
|
421 |
+
ht -161
|
422 |
+
al -162
|
423 |
+
▁re -163
|
424 |
+
▁bo -164
|
425 |
+
ter -165
|
426 |
+
▁went -166
|
427 |
+
▁as -167
|
428 |
+
▁an -168
|
429 |
+
▁hel -169
|
430 |
+
▁friends -170
|
431 |
+
▁help -171
|
432 |
+
!" -172
|
433 |
+
ake -173
|
434 |
+
▁too -174
|
435 |
+
▁were -175
|
436 |
+
▁loved -176
|
437 |
+
▁wanted -177
|
438 |
+
▁sm -178
|
439 |
+
ird -179
|
440 |
+
ore -180
|
441 |
+
ack -181
|
442 |
+
▁bird -182
|
443 |
+
irl -183
|
444 |
+
▁did -184
|
445 |
+
ry -185
|
446 |
+
▁girl -186
|
447 |
+
▁toy -187
|
448 |
+
ra -188
|
449 |
+
▁all -189
|
450 |
+
ug -190
|
451 |
+
ind -191
|
452 |
+
▁him -192
|
453 |
+
▁It -193
|
454 |
+
ur -194
|
455 |
+
ame -195
|
456 |
+
▁loo -196
|
457 |
+
▁could -197
|
458 |
+
rom -198
|
459 |
+
▁Tom -199
|
460 |
+
▁j -200
|
461 |
+
▁out -201
|
462 |
+
way -202
|
463 |
+
get -203
|
464 |
+
hen -204
|
465 |
+
ted -205
|
466 |
+
ec -206
|
467 |
+
▁at -207
|
468 |
+
▁is -208
|
469 |
+
gether -209
|
470 |
+
▁kn -210
|
471 |
+
▁go -211
|
472 |
+
ain -212
|
473 |
+
▁se -213
|
474 |
+
▁fun -214
|
475 |
+
▁together -215
|
476 |
+
ard -216
|
477 |
+
▁But -217
|
478 |
+
ark -218
|
479 |
+
ul -219
|
480 |
+
ood -220
|
481 |
+
ue -221
|
482 |
+
▁can -222
|
483 |
+
side -223
|
484 |
+
▁le -224
|
485 |
+
?" -225
|
486 |
+
ic -226
|
487 |
+
ill -227
|
488 |
+
▁tre -228
|
489 |
+
ax -229
|
490 |
+
▁asked -230
|
491 |
+
▁boy -231
|
492 |
+
▁sad -232
|
493 |
+
hed -233
|
494 |
+
ght -234
|
495 |
+
▁Max -235
|
496 |
+
▁W -236
|
497 |
+
ful -237
|
498 |
+
▁F -238
|
499 |
+
elt -239
|
500 |
+
▁ro -240
|
501 |
+
▁back -241
|
502 |
+
▁star -242
|
503 |
+
▁felt -243
|
504 |
+
own -244
|
505 |
+
▁have -245
|
506 |
+
▁them -246
|
507 |
+
▁bec -247
|
508 |
+
▁ca -248
|
509 |
+
other -249
|
510 |
+
▁cat -250
|
511 |
+
one -251
|
512 |
+
▁cl -252
|
513 |
+
▁al -253
|
514 |
+
▁sc -254
|
515 |
+
▁sp -255
|
516 |
+
▁found -256
|
517 |
+
um -257
|
518 |
+
▁their -258
|
519 |
+
▁man -259
|
520 |
+
▁dog -260
|
521 |
+
round -261
|
522 |
+
▁played -262
|
523 |
+
hing -263
|
524 |
+
ro -264
|
525 |
+
▁park -265
|
526 |
+
ong -266
|
527 |
+
ick -267
|
528 |
+
▁looked -268
|
529 |
+
▁smil -269
|
530 |
+
▁car -270
|
531 |
+
▁came -271
|
532 |
+
▁ball -272
|
533 |
+
▁me -273
|
534 |
+
▁are -274
|
535 |
+
▁started -275
|
536 |
+
▁fe -276
|
537 |
+
▁fa -277
|
538 |
+
▁would -278
|
539 |
+
▁like -279
|
540 |
+
▁tree -280
|
541 |
+
omet -281
|
542 |
+
▁new -282
|
543 |
+
▁mommy -283
|
544 |
+
ss -284
|
545 |
+
▁ex -285
|
546 |
+
▁ag -286
|
547 |
+
ared -287
|
548 |
+
▁Ben -288
|
549 |
+
ure -289
|
550 |
+
▁what -290
|
551 |
+
▁didn -291
|
552 |
+
ings -292
|
553 |
+
ie -293
|
554 |
+
▁make -294
|
555 |
+
dd -295
|
556 |
+
▁somet -296
|
557 |
+
▁see -297
|
558 |
+
▁no -298
|
559 |
+
ny -299
|
560 |
+
▁J -300
|
561 |
+
ought -301
|
562 |
+
▁playing -302
|
563 |
+
ade -303
|
564 |
+
ried -304
|
565 |
+
▁wor -305
|
566 |
+
▁some -306
|
567 |
+
▁home -307
|
568 |
+
op -308
|
569 |
+
ice -309
|
570 |
+
▁when -310
|
571 |
+
ouse -311
|
572 |
+
ag -312
|
573 |
+
▁mu -313
|
574 |
+
▁got -314
|
575 |
+
You -315
|
576 |
+
▁co -316
|
577 |
+
▁made -317
|
578 |
+
▁away -318
|
579 |
+
▁wal -319
|
580 |
+
if -320
|
581 |
+
▁smiled -321
|
582 |
+
▁then -322
|
583 |
+
▁other -323
|
584 |
+
▁again -324
|
585 |
+
ty -325
|
586 |
+
▁la -326
|
587 |
+
▁every -327
|
588 |
+
▁good -328
|
589 |
+
king -329
|
590 |
+
ned -330
|
591 |
+
▁outside -331
|
592 |
+
▁toys -332
|
593 |
+
▁find -333
|
594 |
+
▁from -334
|
595 |
+
ble -335
|
596 |
+
au -336
|
597 |
+
ave -337
|
598 |
+
▁around -338
|
599 |
+
ook -339
|
600 |
+
▁put -340
|
601 |
+
▁fl -341
|
602 |
+
ened -342
|
603 |
+
ep -343
|
604 |
+
▁Sue -344
|
605 |
+
ways -345
|
606 |
+
," -346
|
607 |
+
ause -347
|
608 |
+
▁something -348
|
609 |
+
uck -349
|
610 |
+
ight -350
|
611 |
+
▁always -351
|
612 |
+
ally -352
|
613 |
+
▁From -353
|
614 |
+
▁because -354
|
615 |
+
▁lear -355
|
616 |
+
▁thought -356
|
617 |
+
oud -357
|
618 |
+
▁things -358
|
619 |
+
▁scared -359
|
620 |
+
▁ran -360
|
621 |
+
ell -361
|
622 |
+
▁liked -362
|
623 |
+
▁who -363
|
624 |
+
udd -364
|
625 |
+
▁sw -365
|
626 |
+
▁down -366
|
627 |
+
▁Her -367
|
628 |
+
▁Sam -368
|
629 |
+
▁get -369
|
630 |
+
▁kne -370
|
631 |
+
as -371
|
632 |
+
▁my -372
|
633 |
+
▁ab -373
|
634 |
+
▁took -374
|
635 |
+
ant -375
|
636 |
+
▁dec -376
|
637 |
+
ret -377
|
638 |
+
ust -378
|
639 |
+
▁about -379
|
640 |
+
ach -380
|
641 |
+
▁know -381
|
642 |
+
ist -382
|
643 |
+
pl -383
|
644 |
+
▁eat -384
|
645 |
+
▁your -385
|
646 |
+
▁ch -386
|
647 |
+
▁house -387
|
648 |
+
▁told -388
|
649 |
+
fter -389
|
650 |
+
ited -390
|
651 |
+
▁care -391
|
652 |
+
▁small -392
|
653 |
+
▁knew -393
|
654 |
+
ank -394
|
655 |
+
ided -395
|
656 |
+
▁tried -396
|
657 |
+
▁decided -397
|
658 |
+
▁any -398
|
659 |
+
pped -399
|
660 |
+
hat -400
|
661 |
+
▁br -401
|
662 |
+
▁pr -402
|
663 |
+
▁bl -403
|
664 |
+
ish -404
|
665 |
+
▁Sp -405
|
666 |
+
ite -406
|
667 |
+
▁bu -407
|
668 |
+
▁lot -408
|
669 |
+
▁int -409
|
670 |
+
▁say -410
|
671 |
+
fe -411
|
672 |
+
▁You -412
|
673 |
+
▁So -413
|
674 |
+
▁learned -414
|
675 |
+
ous -415
|
676 |
+
ile -416
|
677 |
+
▁dad -417
|
678 |
+
▁exc -418
|
679 |
+
▁pret -419
|
680 |
+
udden -420
|
681 |
+
qu -421
|
682 |
+
uddenly -422
|
683 |
+
▁ta -423
|
684 |
+
▁Spot -424
|
685 |
+
▁When -425
|
686 |
+
▁v -426
|
687 |
+
ise -427
|
688 |
+
▁laug -428
|
689 |
+
▁sun -429
|
690 |
+
▁much -430
|
691 |
+
▁more -431
|
692 |
+
ers -432
|
693 |
+
▁feel -433
|
694 |
+
are -434
|
695 |
+
ob -435
|
696 |
+
▁lived -436
|
697 |
+
nder -437
|
698 |
+
▁ke -438
|
699 |
+
▁box -439
|
700 |
+
ive -440
|
701 |
+
▁will -441
|
702 |
+
ace -442
|
703 |
+
▁show -443
|
704 |
+
▁po -444
|
705 |
+
▁hug -445
|
706 |
+
ven -446
|
707 |
+
ump -447
|
708 |
+
▁Mom -448
|
709 |
+
▁into -449
|
710 |
+
uc -450
|
711 |
+
▁un -451
|
712 |
+
▁D -452
|
713 |
+
ia -453
|
714 |
+
▁one -454
|
715 |
+
urp -455
|
716 |
+
▁gave -456
|
717 |
+
▁Suddenly -457
|
718 |
+
▁water -458
|
719 |
+
▁need -459
|
720 |
+
▁excited -460
|
721 |
+
etter -461
|
722 |
+
▁inside -462
|
723 |
+
▁ho -463
|
724 |
+
▁As -464
|
725 |
+
ate -465
|
726 |
+
oth -466
|
727 |
+
ap -467
|
728 |
+
ort -468
|
729 |
+
▁how -469
|
730 |
+
▁room -470
|
731 |
+
▁gra -471
|
732 |
+
▁tr -472
|
733 |
+
▁And -473
|
734 |
+
dy -474
|
735 |
+
▁pick -475
|
736 |
+
▁couldn -476
|
737 |
+
▁gre -477
|
738 |
+
▁E -478
|
739 |
+
▁pe -479
|
740 |
+
▁cle -480
|
741 |
+
▁if -481
|
742 |
+
▁many -482
|
743 |
+
▁His -483
|
744 |
+
▁take -484
|
745 |
+
▁look -485
|
746 |
+
▁long -486
|
747 |
+
▁pu -487
|
748 |
+
our -488
|
749 |
+
▁pretty -489
|
750 |
+
▁became -490
|
751 |
+
▁Mia -491
|
752 |
+
urt -492
|
753 |
+
▁op -493
|
754 |
+
urpr -494
|
755 |
+
▁run -495
|
756 |
+
▁over -496
|
757 |
+
▁sk -497
|
758 |
+
iz -498
|
759 |
+
▁surpr -499
|
760 |
+
▁best -500
|
761 |
+
here -501
|
762 |
+
▁better -502
|
763 |
+
▁bear -503
|
764 |
+
bb -504
|
765 |
+
lf -505
|
766 |
+
▁im -506
|
767 |
+
▁than -507
|
768 |
+
ised -508
|
769 |
+
▁mo -509
|
770 |
+
ged -510
|
771 |
+
▁red -511
|
772 |
+
▁kind -512
|
773 |
+
▁just -513
|
774 |
+
lew -514
|
775 |
+
Th -515
|
776 |
+
▁fi -516
|
777 |
+
ge -517
|
778 |
+
ma -518
|
779 |
+
ink -519
|
780 |
+
▁str -520
|
781 |
+
▁gr -521
|
782 |
+
▁flow -522
|
783 |
+
iny -523
|
784 |
+
imal -524
|
785 |
+
▁animal -525
|
786 |
+
▁even -526
|
787 |
+
Yes -527
|
788 |
+
▁sl -528
|
789 |
+
▁this -529
|
790 |
+
em -530
|
791 |
+
▁end -531
|
792 |
+
▁fast -532
|
793 |
+
▁clean -533
|
794 |
+
▁laughed -534
|
795 |
+
▁jump -535
|
796 |
+
▁careful -536
|
797 |
+
▁dre -537
|
798 |
+
sed -538
|
799 |
+
▁both -539
|
800 |
+
ched -540
|
801 |
+
▁wat -541
|
802 |
+
▁list -542
|
803 |
+
▁Bob -543
|
804 |
+
▁or -544
|
805 |
+
ucy -545
|
806 |
+
▁rock -546
|
807 |
+
ber -547
|
808 |
+
▁nice -548
|
809 |
+
ving -549
|
810 |
+
▁Lucy -550
|
811 |
+
ess -551
|
812 |
+
▁After -552
|
813 |
+
Can -553
|
814 |
+
▁clo -554
|
815 |
+
▁tow -555
|
816 |
+
▁never -556
|
817 |
+
▁imp -557
|
818 |
+
▁by -558
|
819 |
+
▁says -559
|
820 |
+
▁Then -560
|
821 |
+
▁under -561
|
822 |
+
ion -562
|
823 |
+
▁old -563
|
824 |
+
▁happened -564
|
825 |
+
ct -565
|
826 |
+
▁heard -566
|
827 |
+
▁fly -567
|
828 |
+
▁walked -568
|
829 |
+
ine -569
|
830 |
+
pec -570
|
831 |
+
▁hurt -571
|
832 |
+
▁sn -572
|
833 |
+
▁safe -573
|
834 |
+
ase -574
|
835 |
+
▁animals -575
|
836 |
+
▁com -576
|
837 |
+
▁proud -577
|
838 |
+
▁en -578
|
839 |
+
ied -579
|
840 |
+
▁try -580
|
841 |
+
▁ri -581
|
842 |
+
▁hand -582
|
843 |
+
▁te -583
|
844 |
+
igh -584
|
845 |
+
▁don -585
|
846 |
+
ft -586
|
847 |
+
▁col -587
|
848 |
+
▁fore -588
|
849 |
+
▁sky -589
|
850 |
+
orry -590
|
851 |
+
▁lots -591
|
852 |
+
Thank -592
|
853 |
+
▁flew -593
|
854 |
+
kay -594
|
855 |
+
▁dan -595
|
856 |
+
▁while -596
|
857 |
+
ara -597
|
858 |
+
▁bea -598
|
859 |
+
▁fo -599
|
860 |
+
▁food -600
|
861 |
+
▁fam -601
|
862 |
+
▁fish -602
|
863 |
+
▁ground -603
|
864 |
+
▁stor -604
|
865 |
+
▁let -605
|
866 |
+
▁ra -606
|
867 |
+
▁repl -607
|
868 |
+
▁each -608
|
869 |
+
oug -609
|
870 |
+
illy -610
|
871 |
+
▁sorry -611
|
872 |
+
▁rem -612
|
873 |
+
▁picked -613
|
874 |
+
ough -614
|
875 |
+
▁pic -615
|
876 |
+
▁che -616
|
877 |
+
▁ide -617
|
878 |
+
▁off -618
|
879 |
+
▁its -619
|
880 |
+
ies -620
|
881 |
+
▁shiny -621
|
882 |
+
▁idea -622
|
883 |
+
ady -623
|
884 |
+
▁We -624
|
885 |
+
▁real -625
|
886 |
+
▁replied -626
|
887 |
+
ex -627
|
888 |
+
▁bad -628
|
889 |
+
ff -629
|
890 |
+
by -630
|
891 |
+
imb -631
|
892 |
+
▁Benny -632
|
893 |
+
▁share -633
|
894 |
+
sh -634
|
895 |
+
gry -635
|
896 |
+
▁come -636
|
897 |
+
▁climb -637
|
898 |
+
▁tur -638
|
899 |
+
▁Jack -639
|
900 |
+
▁Sara -640
|
901 |
+
ool -641
|
902 |
+
ial -642
|
903 |
+
��import -643
|
904 |
+
ture -644
|
905 |
+
▁way -645
|
906 |
+
▁loud -646
|
907 |
+
▁spec -647
|
908 |
+
more -648
|
909 |
+
▁special -649
|
910 |
+
▁anymore -650
|
911 |
+
▁beaut -651
|
912 |
+
ning -652
|
913 |
+
▁unt -653
|
914 |
+
▁bro -654
|
915 |
+
▁important -655
|
916 |
+
self -656
|
917 |
+
▁family -657
|
918 |
+
rm -658
|
919 |
+
▁wind -659
|
920 |
+
▁ad -660
|
921 |
+
nn -661
|
922 |
+
▁thanked -662
|
923 |
+
▁still -663
|
924 |
+
▁dra -664
|
925 |
+
▁hugged -665
|
926 |
+
▁hard -666
|
927 |
+
and -667
|
928 |
+
▁until -668
|
929 |
+
▁surprised -669
|
930 |
+
iful -670
|
931 |
+
▁beautiful -671
|
932 |
+
▁tal -672
|
933 |
+
ild -673
|
934 |
+
▁Ann -674
|
935 |
+
▁helped -675
|
936 |
+
eet -676
|
937 |
+
▁love -677
|
938 |
+
arden -678
|
939 |
+
▁garden -679
|
940 |
+
▁forest -680
|
941 |
+
pected -681
|
942 |
+
ized -682
|
943 |
+
▁being -683
|
944 |
+
▁near -684
|
945 |
+
▁qu -685
|
946 |
+
ip -686
|
947 |
+
ople -687
|
948 |
+
▁tw -688
|
949 |
+
hy -689
|
950 |
+
▁gl -690
|
951 |
+
expected -691
|
952 |
+
▁unexpected -692
|
953 |
+
ummy -693
|
954 |
+
▁fell -694
|
955 |
+
vor -695
|
956 |
+
▁walk -696
|
957 |
+
▁picture -697
|
958 |
+
▁con -698
|
959 |
+
▁keep -699
|
960 |
+
▁cu -700
|
961 |
+
▁color -701
|
962 |
+
▁after -702
|
963 |
+
▁expl -703
|
964 |
+
vent -704
|
965 |
+
xt -705
|
966 |
+
▁In -706
|
967 |
+
▁next -707
|
968 |
+
▁book -708
|
969 |
+
▁people -709
|
970 |
+
hes -710
|
971 |
+
▁bug -711
|
972 |
+
▁favor -712
|
973 |
+
▁give -713
|
974 |
+
▁favorite -714
|
975 |
+
▁showed -715
|
976 |
+
▁now -716
|
977 |
+
▁cry -717
|
978 |
+
▁fin -718
|
979 |
+
▁N -719
|
980 |
+
▁par -720
|
981 |
+
▁high -721
|
982 |
+
ember -722
|
983 |
+
▁store -723
|
984 |
+
unny -724
|
985 |
+
▁ma -725
|
986 |
+
▁going -726
|
987 |
+
▁Anna -727
|
988 |
+
▁far -728
|
989 |
+
▁cre -729
|
990 |
+
▁app -730
|
991 |
+
ished -731
|
992 |
+
▁should -732
|
993 |
+
ak -733
|
994 |
+
▁mag -734
|
995 |
+
ock -735
|
996 |
+
▁call -736
|
997 |
+
▁listen -737
|
998 |
+
▁great -738
|
999 |
+
▁cake -739
|
1000 |
+
▁am -740
|
1001 |
+
▁stay -741
|
1002 |
+
▁Amy -742
|
1003 |
+
fore -743
|
1004 |
+
▁remember -744
|
1005 |
+
ary -745
|
1006 |
+
▁lost -746
|
1007 |
+
▁rain -747
|
1008 |
+
▁squ -748
|
1009 |
+
▁wo -749
|
1010 |
+
Let -750
|
1011 |
+
ull -751
|
1012 |
+
▁cook -752
|
1013 |
+
ger -753
|
1014 |
+
▁bed -754
|
1015 |
+
▁P -755
|
1016 |
+
▁jo -756
|
1017 |
+
▁ac -757
|
1018 |
+
pt -758
|
1019 |
+
▁fr -759
|
1020 |
+
▁bra -760
|
1021 |
+
▁pa -761
|
1022 |
+
▁own -762
|
1023 |
+
rel -763
|
1024 |
+
▁opened -764
|
1025 |
+
▁truck -765
|
1026 |
+
▁butter -766
|
1027 |
+
▁ever -767
|
1028 |
+
▁before -768
|
1029 |
+
▁strong -769
|
1030 |
+
▁sto -770
|
1031 |
+
▁flowers -771
|
1032 |
+
age -772
|
1033 |
+
▁okay -773
|
1034 |
+
▁Every -774
|
1035 |
+
▁blue -775
|
1036 |
+
▁door -776
|
1037 |
+
▁fix -777
|
1038 |
+
▁watch -778
|
1039 |
+
It -779
|
1040 |
+
What -780
|
1041 |
+
▁where -781
|
1042 |
+
▁worry -782
|
1043 |
+
▁noise -783
|
1044 |
+
uff -784
|
1045 |
+
ater -785
|
1046 |
+
▁de -786
|
1047 |
+
▁place -787
|
1048 |
+
Don -788
|
1049 |
+
▁realized -789
|
1050 |
+
les -790
|
1051 |
+
▁ate -791
|
1052 |
+
lease -792
|
1053 |
+
No -793
|
1054 |
+
▁doll -794
|
1055 |
+
▁mor -795
|
1056 |
+
▁wr -796
|
1057 |
+
bbit -797
|
1058 |
+
▁boat -798
|
1059 |
+
▁story -799
|
1060 |
+
imes -800
|
1061 |
+
▁advent -801
|
1062 |
+
eddy -802
|
1063 |
+
▁magic -803
|
1064 |
+
▁yummy -804
|
1065 |
+
▁Let -805
|
1066 |
+
▁R -806
|
1067 |
+
▁Billy -807
|
1068 |
+
Mom -808
|
1069 |
+
leep -809
|
1070 |
+
thing -810
|
1071 |
+
be -811
|
1072 |
+
▁rabbit -812
|
1073 |
+
▁met -813
|
1074 |
+
▁butterf -814
|
1075 |
+
rog -815
|
1076 |
+
▁leave -816
|
1077 |
+
▁wait -817
|
1078 |
+
▁bunny -818
|
1079 |
+
▁Jo -819
|
1080 |
+
▁happily -820
|
1081 |
+
oon -821
|
1082 |
+
able -822
|
1083 |
+
▁tra -823
|
1084 |
+
▁catch -824
|
1085 |
+
uch -825
|
1086 |
+
ting -826
|
1087 |
+
▁mouse -827
|
1088 |
+
▁bre -828
|
1089 |
+
▁dress -829
|
1090 |
+
owl -830
|
1091 |
+
so -831
|
1092 |
+
▁draw -832
|
1093 |
+
▁mon -833
|
1094 |
+
irrel -834
|
1095 |
+
▁Sally -835
|
1096 |
+
▁also -836
|
1097 |
+
▁Fin -837
|
1098 |
+
▁C -838
|
1099 |
+
▁face -839
|
1100 |
+
▁jumped -840
|
1101 |
+
▁stopped -841
|
1102 |
+
▁squirrel -842
|
1103 |
+
▁everyone -843
|
1104 |
+
▁others -844
|
1105 |
+
▁sing -845
|
1106 |
+
irst -846
|
1107 |
+
▁frog -847
|
1108 |
+
ught -848
|
1109 |
+
▁called -849
|
1110 |
+
ens -850
|
1111 |
+
▁brave -851
|
1112 |
+
That -852
|
1113 |
+
▁stick -853
|
1114 |
+
▁adventure -854
|
1115 |
+
ane -855
|
1116 |
+
▁kid -856
|
1117 |
+
▁sat -857
|
1118 |
+
▁cont -858
|
1119 |
+
▁game -859
|
1120 |
+
▁kept -860
|
1121 |
+
ious -861
|
1122 |
+
▁K -862
|
1123 |
+
▁butterfly -863
|
1124 |
+
▁needed -864
|
1125 |
+
▁soon -865
|
1126 |
+
ndma -866
|
1127 |
+
ired -867
|
1128 |
+
led -868
|
1129 |
+
▁walking -869
|
1130 |
+
▁use -870
|
1131 |
+
▁slide -871
|
1132 |
+
▁warm -872
|
1133 |
+
▁sometimes -873
|
1134 |
+
▁right -874
|
1135 |
+
▁sand -875
|
1136 |
+
ppy -876
|
1137 |
+
▁forg -877
|
1138 |
+
▁pie -878
|
1139 |
+
▁feeling -879
|
1140 |
+
oy -880
|
1141 |
+
▁having -881
|
1142 |
+
▁pain -882
|
1143 |
+
▁ey -883
|
1144 |
+
▁dif -884
|
1145 |
+
dded -885
|
1146 |
+
▁thr -886
|
1147 |
+
▁Mommy -887
|
1148 |
+
▁rest -888
|
1149 |
+
uffy -889
|
1150 |
+
ken -890
|
1151 |
+
▁angry -891
|
1152 |
+
▁hear -892
|
1153 |
+
▁flower -893
|
1154 |
+
▁night -894
|
1155 |
+
▁Th -895
|
1156 |
+
▁remembered -896
|
1157 |
+
▁work -897
|
1158 |
+
day -898
|
1159 |
+
Wow -899
|
1160 |
+
ol -900
|
1161 |
+
zy -901
|
1162 |
+
▁At -902
|
1163 |
+
ued -903
|
1164 |
+
▁kids -904
|
1165 |
+
▁Can -905
|
1166 |
+
▁ice -906
|
1167 |
+
▁dis -907
|
1168 |
+
joy -908
|
1169 |
+
▁Fl -909
|
1170 |
+
▁open -910
|
1171 |
+
ath -911
|
1172 |
+
▁sure -912
|
1173 |
+
▁Wh -913
|
1174 |
+
iced -914
|
1175 |
+
Look -915
|
1176 |
+
▁smile -916
|
1177 |
+
ree -917
|
1178 |
+
▁mean -918
|
1179 |
+
▁tri -919
|
1180 |
+
▁our -920
|
1181 |
+
▁tired -921
|
1182 |
+
ange -922
|
1183 |
+
irt -923
|
1184 |
+
▁hat -924
|
1185 |
+
ster -925
|
1186 |
+
itc -926
|
1187 |
+
▁us -927
|
1188 |
+
▁cra -928
|
1189 |
+
▁soft -929
|
1190 |
+
▁head -930
|
1191 |
+
us -931
|
1192 |
+
▁brother -932
|
1193 |
+
▁buy -933
|
1194 |
+
▁fire -934
|
1195 |
+
▁looking -935
|
1196 |
+
▁din -936
|
1197 |
+
▁sleep -937
|
1198 |
+
▁beh -938
|
1199 |
+
▁first -939
|
1200 |
+
▁prom -940
|
1201 |
+
▁birds -941
|
1202 |
+
▁del -942
|
1203 |
+
▁used -943
|
1204 |
+
▁cr -944
|
1205 |
+
▁enjoy -945
|
1206 |
+
▁contin -946
|
1207 |
+
▁ba -947
|
1208 |
+
▁clos -948
|
1209 |
+
ner -949
|
1210 |
+
▁green -950
|
1211 |
+
ng -951
|
1212 |
+
▁wear -952
|
1213 |
+
▁hole -953
|
1214 |
+
▁ask -954
|
1215 |
+
itchen -955
|
1216 |
+
▁kitchen -956
|
1217 |
+
▁sound -957
|
1218 |
+
ount -958
|
1219 |
+
▁hands -959
|
1220 |
+
gan -960
|
1221 |
+
▁nodded -961
|
1222 |
+
uit -962
|
1223 |
+
▁lady -963
|
1224 |
+
▁Do -964
|
1225 |
+
Hi -965
|
1226 |
+
▁eyes -966
|
1227 |
+
▁watched -967
|
1228 |
+
▁making -968
|
1229 |
+
▁prin -969
|
1230 |
+
▁continued -970
|
1231 |
+
▁party -971
|
1232 |
+
▁G -972
|
1233 |
+
▁cut -973
|
1234 |
+
▁mess -974
|
1235 |
+
▁z -975
|
1236 |
+
▁duck -976
|
1237 |
+
▁funny -977
|
1238 |
+
▁flo -978
|
1239 |
+
ello -979
|
1240 |
+
fere -980
|
1241 |
+
Hello -981
|
1242 |
+
▁dr -982
|
1243 |
+
▁differe -983
|
1244 |
+
▁yell -984
|
1245 |
+
llow -985
|
1246 |
+
▁bel -986
|
1247 |
+
▁town -987
|
1248 |
+
ident -988
|
1249 |
+
▁tast -989
|
1250 |
+
itty -990
|
1251 |
+
▁cand -991
|
1252 |
+
▁piece -992
|
1253 |
+
▁Mr -993
|
1254 |
+
▁tell -994
|
1255 |
+
▁mis -995
|
1256 |
+
▁cried -996
|
1257 |
+
▁moral -997
|
1258 |
+
▁acc -998
|
1259 |
+
que -999
|
1260 |
+
ient -1000
|
1261 |
+
▁Fluffy -1001
|
1262 |
+
maz -1002
|
1263 |
+
▁two -1003
|
1264 |
+
▁amaz -1004
|
1265 |
+
ear -1005
|
1266 |
+
air -1006
|
1267 |
+
▁pond -1007
|
1268 |
+
▁noticed -1008
|
1269 |
+
▁hid -1009
|
1270 |
+
▁cold -1010
|
1271 |
+
▁dro -1011
|
1272 |
+
▁broken -1012
|
1273 |
+
▁bri -1013
|
1274 |
+
▁hot -1014
|
1275 |
+
▁swim -1015
|
1276 |
+
▁ru -1016
|
1277 |
+
▁worked -1017
|
1278 |
+
▁follow -1018
|
1279 |
+
▁accident -1019
|
1280 |
+
▁read -1020
|
1281 |
+
▁ar -1021
|
1282 |
+
▁turned -1022
|
1283 |
+
▁race -1023
|
1284 |
+
▁farm -1024
|
1285 |
+
ect -1025
|
1286 |
+
▁cool -1026
|
1287 |
+
where -1027
|
1288 |
+
▁trees -1028
|
1289 |
+
▁hun -1029
|
1290 |
+
▁different -1030
|
1291 |
+
▁lion -1031
|
1292 |
+
▁grandma -1032
|
1293 |
+
oney -1033
|
1294 |
+
▁quick -1034
|
1295 |
+
aybe -1035
|
1296 |
+
▁Tw -1036
|
1297 |
+
▁cookies -1037
|
1298 |
+
▁Kitty -1038
|
1299 |
+
▁bag -1039
|
1300 |
+
▁daddy -1040
|
1301 |
+
▁sweet -1041
|
1302 |
+
▁talk -1042
|
1303 |
+
▁pull -1043
|
1304 |
+
▁please -1044
|
1305 |
+
We -1045
|
1306 |
+
▁stop -1046
|
1307 |
+
▁hair -1047
|
1308 |
+
▁scary -1048
|
1309 |
+
▁thing -1049
|
1310 |
+
reed -1050
|
1311 |
+
▁hop -1051
|
1312 |
+
▁behind -1052
|
1313 |
+
▁think -1053
|
1314 |
+
▁surprise -1054
|
1315 |
+
ered -1055
|
1316 |
+
▁explore -1056
|
1317 |
+
orn -1057
|
1318 |
+
▁climbed -1058
|
1319 |
+
▁song -1059
|
1320 |
+
▁per -1060
|
1321 |
+
▁helping -1061
|
1322 |
+
▁top -1062
|
1323 |
+
▁tall -1063
|
1324 |
+
▁Now -1064
|
1325 |
+
▁cream -1065
|
1326 |
+
▁Tweet -1066
|
1327 |
+
hn -1067
|
1328 |
+
▁dri -1068
|
1329 |
+
▁grass -1069
|
1330 |
+
▁move -1070
|
1331 |
+
▁bar -1071
|
1332 |
+
▁Later -1072
|
1333 |
+
▁listened -1073
|
1334 |
+
▁running -1074
|
1335 |
+
▁turn -1075
|
1336 |
+
▁wrong -1076
|
1337 |
+
aper -1077
|
1338 |
+
▁John -1078
|
1339 |
+
▁curi -1079
|
1340 |
+
▁cars -1080
|
1341 |
+
▁dark -1081
|
1342 |
+
▁build -1082
|
1343 |
+
▁friendly -1083
|
1344 |
+
▁owner -1084
|
1345 |
+
▁dinner -1085
|
1346 |
+
▁cla -1086
|
1347 |
+
▁sho -1087
|
1348 |
+
▁curious -1088
|
1349 |
+
ph -1089
|
1350 |
+
▁agreed -1090
|
1351 |
+
▁shared -1091
|
1352 |
+
▁table -1092
|
1353 |
+
▁coming -1093
|
1354 |
+
▁closer -1094
|
1355 |
+
▁bright -1095
|
1356 |
+
▁learn -1096
|
1357 |
+
ced -1097
|
1358 |
+
▁hungry -1098
|
1359 |
+
▁floor -1099
|
1360 |
+
ike -1100
|
1361 |
+
▁quickly -1101
|
1362 |
+
oice -1102
|
1363 |
+
▁another -1103
|
1364 |
+
ucky -1104
|
1365 |
+
▁That -1105
|
1366 |
+
▁dance -1106
|
1367 |
+
▁dream -1107
|
1368 |
+
▁swing -1108
|
1369 |
+
▁block -1109
|
1370 |
+
▁here -1110
|
1371 |
+
sy -1111
|
1372 |
+
▁doing -1112
|
1373 |
+
▁Sarah -1113
|
1374 |
+
▁might -1114
|
1375 |
+
ey -1115
|
1376 |
+
ign -1116
|
1377 |
+
▁forgot -1117
|
1378 |
+
▁teddy -1118
|
1379 |
+
▁accidentally -1119
|
1380 |
+
nts -1120
|
1381 |
+
▁leaves -1121
|
1382 |
+
▁wet -1122
|
1383 |
+
▁touch -1123
|
1384 |
+
▁broke -1124
|
1385 |
+
▁shar -1125
|
1386 |
+
key -1126
|
1387 |
+
▁stuck -1127
|
1388 |
+
ather -1128
|
1389 |
+
▁tail -1129
|
1390 |
+
ards -1130
|
1391 |
+
lly -1131
|
1392 |
+
▁brought -1132
|
1393 |
+
▁smell -1133
|
1394 |
+
▁hide -1134
|
1395 |
+
▁underst -1135
|
1396 |
+
ittens -1136
|
1397 |
+
▁Just -1137
|
1398 |
+
▁herself -1138
|
1399 |
+
Mommy -1139
|
1400 |
+
Why -1140
|
1401 |
+
asure -1141
|
1402 |
+
▁himself -1142
|
1403 |
+
▁gone -1143
|
1404 |
+
▁paper -1144
|
1405 |
+
▁left -1145
|
1406 |
+
▁wood -1146
|
1407 |
+
▁finished -1147
|
1408 |
+
▁pretend -1148
|
1409 |
+
▁This -1149
|
1410 |
+
▁promised -1150
|
1411 |
+
▁why -1151
|
1412 |
+
▁vis -1152
|
1413 |
+
▁grate -1153
|
1414 |
+
▁light -1154
|
1415 |
+
▁close -1155
|
1416 |
+
rot -1156
|
1417 |
+
▁grateful -1157
|
1418 |
+
icy -1158
|
1419 |
+
▁candy -1159
|
1420 |
+
▁fair -1160
|
1421 |
+
▁ready -1161
|
1422 |
+
bo -1162
|
1423 |
+
▁yard -1163
|
1424 |
+
▁delic -1164
|
1425 |
+
▁“ -1165
|
1426 |
+
▁plan -1166
|
1427 |
+
▁anything -1167
|
1428 |
+
▁glad -1168
|
1429 |
+
bye -1169
|
1430 |
+
▁has -1170
|
1431 |
+
▁colors -1171
|
1432 |
+
▁voice -1172
|
1433 |
+
▁tight -1173
|
1434 |
+
▁perf -1174
|
1435 |
+
▁hill -1175
|
1436 |
+
▁ride -1176
|
1437 |
+
▁really -1177
|
1438 |
+
▁owl -1178
|
1439 |
+
▁through -1179
|
1440 |
+
▁Finally -1180
|
1441 |
+
▁Tommy -1181
|
1442 |
+
▁trying -1182
|
1443 |
+
av -1183
|
1444 |
+
ield -1184
|
1445 |
+
▁puppy -1185
|
1446 |
+
art -1186
|
1447 |
+
Oh -1187
|
1448 |
+
▁wished -1188
|
1449 |
+
ached -1189
|
1450 |
+
▁train -1190
|
1451 |
+
oup -1191
|
1452 |
+
▁Mittens -1192
|
1453 |
+
cess -1193
|
1454 |
+
row -1194
|
1455 |
+
▁Dad -1195
|
1456 |
+
oom -1196
|
1457 |
+
▁hold -1197
|
1458 |
+
▁window -1198
|
1459 |
+
▁shout -1199
|
1460 |
+
▁fall -1200
|
1461 |
+
▁sunny -1201
|
1462 |
+
▁balloon -1202
|
1463 |
+
▁pink -1203
|
1464 |
+
▁full -1204
|
1465 |
+
▁snow -1205
|
1466 |
+
ctor -1206
|
1467 |
+
pe -1207
|
1468 |
+
▁began -1208
|
1469 |
+
▁yellow -1209
|
1470 |
+
ation -1210
|
1471 |
+
irty -1211
|
1472 |
+
▁world -1212
|
1473 |
+
▁fruit -1213
|
1474 |
+
bbed -1214
|
1475 |
+
▁pictures -1215
|
1476 |
+
gg -1216
|
1477 |
+
▁dirty -1217
|
1478 |
+
▁While -1218
|
1479 |
+
▁ve -1219
|
1480 |
+
▁been -1220
|
1481 |
+
isy -1221
|
1482 |
+
ssed -1222
|
1483 |
+
set -1223
|
1484 |
+
▁someone -1224
|
1485 |
+
▁less -1225
|
1486 |
+
▁seen -1226
|
1487 |
+
▁wonder -1227
|
1488 |
+
▁everywhere -1228
|
1489 |
+
▁moment -1229
|
1490 |
+
▁pare -1230
|
1491 |
+
co -1231
|
1492 |
+
▁grow -1232
|
1493 |
+
▁ju -1233
|
1494 |
+
▁eating -1234
|
1495 |
+
af -1235
|
1496 |
+
▁flying -1236
|
1497 |
+
▁visit -1237
|
1498 |
+
▁roll -1238
|
1499 |
+
▁goodbye -1239
|
1500 |
+
stle -1240
|
1501 |
+
▁count -1241
|
1502 |
+
ac -1242
|
1503 |
+
ask -1243
|
1504 |
+
▁nest -1244
|
1505 |
+
▁only -1245
|
1506 |
+
▁does -1246
|
1507 |
+
▁blocks -1247
|
1508 |
+
▁land -1248
|
1509 |
+
▁sit -1249
|
1510 |
+
▁set -1250
|
1511 |
+
avy -1251
|
1512 |
+
▁bran -1252
|
1513 |
+
▁pat -1253
|
1514 |
+
Okay -1254
|
1515 |
+
▁mus -1255
|
1516 |
+
▁sear -1256
|
1517 |
+
▁win -1257
|
1518 |
+
▁break -1258
|
1519 |
+
▁ste -1259
|
1520 |
+
▁name -1260
|
1521 |
+
▁apple -1261
|
1522 |
+
▁done -1262
|
1523 |
+
▁monkey -1263
|
1524 |
+
▁baby -1264
|
1525 |
+
amp -1265
|
1526 |
+
▁happen -1266
|
1527 |
+
ons -1267
|
1528 |
+
▁thre -1268
|
1529 |
+
▁slow -1269
|
1530 |
+
▁air -1270
|
1531 |
+
red -1271
|
1532 |
+
▁reached -1272
|
1533 |
+
▁mar -1273
|
1534 |
+
▁pre -1274
|
1535 |
+
▁comp -1275
|
1536 |
+
▁books -1276
|
1537 |
+
▁waited -1277
|
1538 |
+
▁bit -1278
|
1539 |
+
thy -1279
|
1540 |
+
▁laugh -1280
|
1541 |
+
▁yes -1281
|
1542 |
+
▁crying -1282
|
1543 |
+
▁colorful -1283
|
1544 |
+
▁gent -1284
|
1545 |
+
▁beach -1285
|
1546 |
+
▁Em -1286
|
1547 |
+
▁arm -1287
|
1548 |
+
orm -1288
|
1549 |
+
ained -1289
|
1550 |
+
der -1290
|
1551 |
+
zz -1291
|
1552 |
+
▁To -1292
|
1553 |
+
▁won -1293
|
1554 |
+
▁plant -1294
|
1555 |
+
▁held -1295
|
1556 |
+
▁pen -1296
|
1557 |
+
ister -1297
|
1558 |
+
▁carrot -1298
|
1559 |
+
▁reach -1299
|
1560 |
+
▁clot -1300
|
1561 |
+
ries -1301
|
1562 |
+
os -1302
|
1563 |
+
▁pus -1303
|
1564 |
+
▁clothes -1304
|
1565 |
+
ash -1305
|
1566 |
+
de -1306
|
1567 |
+
▁wasn -1307
|
1568 |
+
▁wise -1308
|
1569 |
+
ste -1309
|
1570 |
+
▁sister -1310
|
1571 |
+
ames -1311
|
1572 |
+
illed -1312
|
1573 |
+
▁Everyone -1313
|
1574 |
+
gon -1314
|
1575 |
+
▁fight -1315
|
1576 |
+
ix -1316
|
1577 |
+
▁towards -1317
|
1578 |
+
▁cup -1318
|
1579 |
+
▁pro -1319
|
1580 |
+
▁mat -1320
|
1581 |
+
▁upset -1321
|
1582 |
+
up -1322
|
1583 |
+
stead -1323
|
1584 |
+
▁thank -1324
|
1585 |
+
▁monster -1325
|
1586 |
+
▁pol -1326
|
1587 |
+
▁treasure -1327
|
1588 |
+
▁paint -1328
|
1589 |
+
▁finally -1329
|
1590 |
+
▁heavy -1330
|
1591 |
+
▁parents -1331
|
1592 |
+
▁music -1332
|
1593 |
+
Sure -1333
|
1594 |
+
room -1334
|
1595 |
+
ance -1335
|
1596 |
+
▁enjoyed -1336
|
1597 |
+
▁treat -1337
|
1598 |
+
▁everything -1338
|
1599 |
+
▁There -1339
|
1600 |
+
▁alone -1340
|
1601 |
+
▁lesson -1341
|
1602 |
+
▁spl -1342
|
1603 |
+
▁job -1343
|
1604 |
+
ower -1344
|
1605 |
+
▁castle -1345
|
1606 |
+
▁delicious -1346
|
1607 |
+
▁bike -1347
|
1608 |
+
gle -1348
|
1609 |
+
ott -1349
|
1610 |
+
▁Bobo -1350
|
1611 |
+
▁nap -1351
|
1612 |
+
▁bigger -1352
|
1613 |
+
▁danger -1353
|
1614 |
+
▁join -1354
|
1615 |
+
▁getting -1355
|
1616 |
+
cle -1356
|
1617 |
+
▁cloud -1357
|
1618 |
+
▁followed -1358
|
1619 |
+
ich -1359
|
1620 |
+
▁sail -1360
|
1621 |
+
▁woods -1361
|
1622 |
+
▁understand -1362
|
1623 |
+
▁res -1363
|
1624 |
+
ere -1364
|
1625 |
+
▁doctor -1365
|
1626 |
+
ream -1366
|
1627 |
+
▁child -1367
|
1628 |
+
▁money -1368
|
1629 |
+
▁woke -1369
|
1630 |
+
▁swings -1370
|
1631 |
+
▁hopped -1371
|
1632 |
+
ully -1372
|
1633 |
+
▁arri -1373
|
1634 |
+
less -1374
|
1635 |
+
▁spot -1375
|
1636 |
+
▁games -1376
|
1637 |
+
▁pot -1377
|
1638 |
+
▁ele -1378
|
1639 |
+
llie -1379
|
1640 |
+
▁wall -1380
|
1641 |
+
Lily -1381
|
1642 |
+
▁mix -1382
|
1643 |
+
▁je -1383
|
1644 |
+
▁em -1384
|
1645 |
+
fully -1385
|
1646 |
+
▁swam -1386
|
1647 |
+
▁Jane -1387
|
1648 |
+
▁looks -1388
|
1649 |
+
▁dry -1389
|
1650 |
+
▁All -1390
|
1651 |
+
▁without -1391
|
1652 |
+
outh -1392
|
1653 |
+
ast -1393
|
1654 |
+
▁blew -1394
|
1655 |
+
bble -1395
|
1656 |
+
aught -1396
|
1657 |
+
▁mouth -1397
|
1658 |
+
▁Bl -1398
|
1659 |
+
▁gif -1399
|
1660 |
+
ze -1400
|
1661 |
+
▁bath -1401
|
1662 |
+
▁fur -1402
|
1663 |
+
▁grabbed -1403
|
1664 |
+
▁bor -1404
|
1665 |
+
▁bott -1405
|
1666 |
+
man -1406
|
1667 |
+
▁must -1407
|
1668 |
+
▁bite -1408
|
1669 |
+
▁shouted -1409
|
1670 |
+
ves -1410
|
1671 |
+
▁field -1411
|
1672 |
+
▁snack -1412
|
1673 |
+
▁river -1413
|
1674 |
+
▁arrived -1414
|
1675 |
+
▁pulled -1415
|
1676 |
+
ins -1416
|
1677 |
+
▁caught -1417
|
1678 |
+
▁pushed -1418
|
1679 |
+
▁rel -1419
|
1680 |
+
oc -1420
|
1681 |
+
cy -1421
|
1682 |
+
▁hit -1422
|
1683 |
+
▁heal -1423
|
1684 |
+
▁tower -1424
|
1685 |
+
▁leg -1425
|
1686 |
+
th -1426
|
1687 |
+
▁deep -1427
|
1688 |
+
▁pet -1428
|
1689 |
+
unch -1429
|
1690 |
+
iss -1430
|
1691 |
+
▁explained -1431
|
1692 |
+
▁word -1432
|
1693 |
+
This -1433
|
1694 |
+
▁tiny -1434
|
1695 |
+
▁stayed -1435
|
1696 |
+
chool -1436
|
1697 |
+
▁pieces -1437
|
1698 |
+
▁What -1438
|
1699 |
+
▁waved -1439
|
1700 |
+
aisy -1440
|
1701 |
+
▁chair -1441
|
1702 |
+
▁gu -1442
|
1703 |
+
▁Blue -1443
|
1704 |
+
fort -1444
|
1705 |
+
▁threw -1445
|
1706 |
+
▁dangerous -1446
|
1707 |
+
▁school -1447
|
1708 |
+
let -1448
|
1709 |
+
▁side -1449
|
1710 |
+
▁bee -1450
|
1711 |
+
▁black -1451
|
1712 |
+
▁wouldn -1452
|
1713 |
+
▁white -1453
|
1714 |
+
Do -1454
|
1715 |
+
▁able -1455
|
1716 |
+
▁carefully -1456
|
1717 |
+
▁Soon -1457
|
1718 |
+
▁es -1458
|
1719 |
+
cket -1459
|
1720 |
+
▁sea -1460
|
1721 |
+
▁silly -1461
|
1722 |
+
eared -1462
|
1723 |
+
▁Sammy -1463
|
1724 |
+
▁free -1464
|
1725 |
+
▁worried -1465
|
1726 |
+
gged -1466
|
1727 |
+
▁perfect -1467
|
1728 |
+
▁el -1468
|
1729 |
+
iet -1469
|
1730 |
+
▁king -1470
|
1731 |
+
ence -1471
|
1732 |
+
▁Inside -1472
|
1733 |
+
▁clapped -1473
|
1734 |
+
ila -1474
|
1735 |
+
▁branch -1475
|
1736 |
+
▁fox -1476
|
1737 |
+
itting -1477
|
1738 |
+
▁blank -1478
|
1739 |
+
▁key -1479
|
1740 |
+
▁cour -1480
|
1741 |
+
▁quiet -1481
|
1742 |
+
▁adventures -1482
|
1743 |
+
come -1483
|
1744 |
+
▁else -1484
|
1745 |
+
ocked -1485
|
1746 |
+
▁ear -1486
|
1747 |
+
▁blanket -1487
|
1748 |
+
▁enough -1488
|
1749 |
+
▁amazed -1489
|
1750 |
+
▁course -1490
|
1751 |
+
ated -1491
|
1752 |
+
pping -1492
|
1753 |
+
▁bowl -1493
|
1754 |
+
▁mother -1494
|
1755 |
+
▁today -1495
|
1756 |
+
▁talked -1496
|
1757 |
+
▁Lila -1497
|
1758 |
+
ier -1498
|
1759 |
+
oun -1499
|
1760 |
+
▁drink -1500
|
1761 |
+
▁que -1501
|
1762 |
+
▁princess -1502
|
1763 |
+
▁dropped -1503
|
1764 |
+
▁fairy -1504
|
1765 |
+
▁soup -1505
|
1766 |
+
▁sharing -1506
|
1767 |
+
▁farmer -1507
|
1768 |
+
▁sec -1508
|
1769 |
+
▁sees -1509
|
1770 |
+
▁bat -1510
|
1771 |
+
▁sick -1511
|
1772 |
+
▁att -1512
|
1773 |
+
▁sandw -1513
|
1774 |
+
ord -1514
|
1775 |
+
▁tom -1515
|
1776 |
+
▁bring -1516
|
1777 |
+
phant -1517
|
1778 |
+
▁danced -1518
|
1779 |
+
▁gi -1519
|
1780 |
+
ek -1520
|
1781 |
+
▁spr -1521
|
1782 |
+
bor -1522
|
1783 |
+
og -1523
|
1784 |
+
▁amazing -1524
|
1785 |
+
▁pudd -1525
|
1786 |
+
▁well -1526
|
1787 |
+
▁poin -1527
|
1788 |
+
▁instead -1528
|
1789 |
+
▁ant -1529
|
1790 |
+
▁three -1530
|
1791 |
+
▁wish -1531
|
1792 |
+
▁late -1532
|
1793 |
+
▁pack -1533
|
1794 |
+
▁dolls -1534
|
1795 |
+
▁Teddy -1535
|
1796 |
+
yard -1536
|
1797 |
+
▁jar -1537
|
1798 |
+
▁closed -1538
|
1799 |
+
ming -1539
|
1800 |
+
ract -1540
|
1801 |
+
▁backyard -1541
|
1802 |
+
▁elephant -1542
|
1803 |
+
▁morning -1543
|
1804 |
+
▁though -1544
|
1805 |
+
▁smart -1545
|
1806 |
+
cked -1546
|
1807 |
+
ible -1547
|
1808 |
+
▁rocks -1548
|
1809 |
+
▁pig -1549
|
1810 |
+
▁cray -1550
|
1811 |
+
ee -1551
|
1812 |
+
▁lunch -1552
|
1813 |
+
olly -1553
|
1814 |
+
▁sitting -1554
|
1815 |
+
▁sang -1555
|
1816 |
+
▁dragon -1556
|
1817 |
+
ire -1557
|
1818 |
+
ses -1558
|
1819 |
+
▁wel -1559
|
1820 |
+
▁bus -1560
|
1821 |
+
▁storm -1561
|
1822 |
+
▁Daisy -1562
|
1823 |
+
▁such -1563
|
1824 |
+
▁strange -1564
|
1825 |
+
▁cow -1565
|
1826 |
+
▁ph -1566
|
1827 |
+
ling -1567
|
1828 |
+
asket -1568
|
1829 |
+
▁mail -1569
|
1830 |
+
iver -1570
|
1831 |
+
▁miss -1571
|
1832 |
+
▁basket -1572
|
1833 |
+
▁searched -1573
|
1834 |
+
▁leaf -1574
|
1835 |
+
▁neigh -1575
|
1836 |
+
sp -1576
|
1837 |
+
▁makes -1577
|
1838 |
+
▁creat -1578
|
1839 |
+
▁crab -1579
|
1840 |
+
But -1580
|
1841 |
+
▁sign -1581
|
1842 |
+
ased -1582
|
1843 |
+
ang -1583
|
1844 |
+
ub -1584
|
1845 |
+
ball -1585
|
1846 |
+
ined -1586
|
1847 |
+
Of -1587
|
1848 |
+
▁few -1588
|
1849 |
+
ross -1589
|
1850 |
+
▁turns -1590
|
1851 |
+
▁juice -1591
|
1852 |
+
▁letter -1592
|
1853 |
+
▁mud -1593
|
1854 |
+
". -1594
|
1855 |
+
▁cute -1595
|
1856 |
+
▁barked -1596
|
1857 |
+
ever -1597
|
1858 |
+
▁stre -1598
|
1859 |
+
▁Gra -1599
|
1860 |
+
pper -1600
|
1861 |
+
▁belie -1601
|
1862 |
+
used -1602
|
1863 |
+
▁orange -1603
|
1864 |
+
ese -1604
|
1865 |
+
▁neck -1605
|
1866 |
+
▁carry -1606
|
1867 |
+
ren -1607
|
1868 |
+
▁wings -1608
|
1869 |
+
▁past -1609
|
1870 |
+
▁gift -1610
|
1871 |
+
itten -1611
|
1872 |
+
▁purp -1612
|
1873 |
+
▁cheese -1613
|
1874 |
+
▁wore -1614
|
1875 |
+
▁war -1615
|
1876 |
+
▁hig -1616
|
1877 |
+
▁fan -1617
|
1878 |
+
▁year -1618
|
1879 |
+
▁patient -1619
|
1880 |
+
Tim -1620
|
1881 |
+
▁shoes -1621
|
1882 |
+
▁Emma -1622
|
1883 |
+
▁Ducky -1623
|
1884 |
+
▁ben -1624
|
1885 |
+
▁smo -1625
|
1886 |
+
me -1626
|
1887 |
+
▁apples -1627
|
1888 |
+
▁secret -1628
|
1889 |
+
▁hiding -1629
|
1890 |
+
▁belong -1630
|
1891 |
+
▁purple -1631
|
1892 |
+
uddy -1632
|
1893 |
+
▁fixed -1633
|
1894 |
+
igg -1634
|
1895 |
+
▁egg -1635
|
1896 |
+
▁brown -1636
|
1897 |
+
▁taking -1637
|
1898 |
+
▁butt -1638
|
1899 |
+
app -1639
|
1900 |
+
▁neighbor -1640
|
1901 |
+
▁children -1641
|
1902 |
+
▁Tweety -1642
|
1903 |
+
▁round -1643
|
1904 |
+
▁faster -1644
|
1905 |
+
▁welcome -1645
|
1906 |
+
▁dist -1646
|
1907 |
+
blem -1647
|
1908 |
+
▁problem -1648
|
1909 |
+
▁boun -1649
|
1910 |
+
▁shap -1650
|
1911 |
+
vel -1651
|
1912 |
+
▁mil -1652
|
1913 |
+
▁whe -1653
|
1914 |
+
▁road -1654
|
1915 |
+
▁fit -1655
|
1916 |
+
▁stu -1656
|
1917 |
+
▁seem -1657
|
1918 |
+
▁singing -1658
|
1919 |
+
▁bottle -1659
|
1920 |
+
br -1660
|
1921 |
+
▁spid -1661
|
1922 |
+
▁bought -1662
|
1923 |
+
▁colle -1663
|
1924 |
+
ises -1664
|
1925 |
+
▁suddenly -1665
|
1926 |
+
▁sug -1666
|
1927 |
+
▁hor -1667
|
1928 |
+
▁throw -1668
|
1929 |
+
ipped -1669
|
1930 |
+
▁Ch -1670
|
1931 |
+
▁jun -1671
|
1932 |
+
▁likes -1672
|
1933 |
+
isk -1673
|
1934 |
+
▁snake -1674
|
1935 |
+
▁filled -1675
|
1936 |
+
▁buck -1676
|
1937 |
+
▁Maybe -1677
|
1938 |
+
▁milk -1678
|
1939 |
+
▁Buddy -1679
|
1940 |
+
ail -1680
|
1941 |
+
ian -1681
|
1942 |
+
▁bench -1682
|
1943 |
+
▁days -1683
|
1944 |
+
▁higher -1684
|
1945 |
+
▁helpful -1685
|
1946 |
+
▁disapp -1686
|
1947 |
+
▁craw -1687
|
1948 |
+
irth -1688
|
1949 |
+
▁wagged -1689
|
1950 |
+
irthday -1690
|
1951 |
+
fish -1691
|
1952 |
+
onely -1692
|
1953 |
+
▁lonely -1693
|
1954 |
+
board -1694
|
1955 |
+
▁pocket -1695
|
1956 |
+
▁heart -1696
|
1957 |
+
▁cozy -1697
|
1958 |
+
▁trou -1698
|
1959 |
+
ugg -1699
|
1960 |
+
emo -1700
|
1961 |
+
sw -1701
|
1962 |
+
▁min -1702
|
1963 |
+
▁talking -1703
|
1964 |
+
▁trip -1704
|
1965 |
+
unt -1705
|
1966 |
+
ining -1706
|
1967 |
+
fused -1707
|
1968 |
+
▁Nemo -1708
|
1969 |
+
▁ob -1709
|
1970 |
+
▁answ -1710
|
1971 |
+
▁Together -1711
|
1972 |
+
▁har -1712
|
1973 |
+
▁start -1713
|
1974 |
+
▁band -1714
|
1975 |
+
▁paw -1715
|
1976 |
+
▁words -1716
|
1977 |
+
▁forever -1717
|
1978 |
+
▁teac -1718
|
1979 |
+
▁nose -1719
|
1980 |
+
aur -1720
|
1981 |
+
▁driver -1721
|
1982 |
+
▁lake -1722
|
1983 |
+
▁same -1723
|
1984 |
+
ose -1724
|
1985 |
+
itch -1725
|
1986 |
+
▁inc -1726
|
1987 |
+
▁birthday -1727
|
1988 |
+
iskers -1728
|
1989 |
+
▁street -1729
|
1990 |
+
▁prot -1730
|
1991 |
+
▁stand -1731
|
1992 |
+
▁pers -1732
|
1993 |
+
▁mist -1733
|
1994 |
+
▁Bu -1734
|
1995 |
+
erry -1735
|
1996 |
+
▁Br -1736
|
1997 |
+
▁whist -1737
|
1998 |
+
▁tasty -1738
|
1999 |
+
▁kick -1739
|
2000 |
+
▁Whiskers -1740
|
2001 |
+
▁eas -1741
|
2002 |
+
▁knocked -1742
|
2003 |
+
▁puddle -1743
|
2004 |
+
to -1744
|
2005 |
+
▁spider -1745
|
2006 |
+
ountain -1746
|
2007 |
+
▁coat -1747
|
2008 |
+
▁mark -1748
|
2009 |
+
▁teacher -1749
|
2010 |
+
▁seed -1750
|
2011 |
+
Maybe -1751
|
2012 |
+
▁healthy -1752
|
2013 |
+
▁rolled -1753
|
2014 |
+
▁act -1754
|
2015 |
+
▁ban -1755
|
2016 |
+
ass -1756
|
2017 |
+
▁missed -1757
|
2018 |
+
▁pop -1758
|
2019 |
+
▁Ellie -1759
|
2020 |
+
fortable -1760
|
2021 |
+
▁cover -1761
|
2022 |
+
▁shell -1762
|
2023 |
+
▁des -1763
|
2024 |
+
▁believe -1764
|
2025 |
+
▁drove -1765
|
2026 |
+
▁birdie -1766
|
2027 |
+
▁wants -1767
|
2028 |
+
cing -1768
|
2029 |
+
▁honey -1769
|
2030 |
+
eb -1770
|
2031 |
+
▁cookie -1771
|
2032 |
+
▁grew -1772
|
2033 |
+
▁banan -1773
|
2034 |
+
▁pill -1774
|
2035 |
+
▁gentle -1775
|
2036 |
+
▁spin -1776
|
2037 |
+
bow -1777
|
2038 |
+
▁val -1778
|
2039 |
+
▁bow -1779
|
2040 |
+
▁spo -1780
|
2041 |
+
idge -1781
|
2042 |
+
▁appeared -1782
|
2043 |
+
▁bush -1783
|
2044 |
+
▁collect -1784
|
2045 |
+
▁drew -1785
|
2046 |
+
▁teach -1786
|
2047 |
+
▁Brown -1787
|
2048 |
+
The -1788
|
2049 |
+
▁landed -1789
|
2050 |
+
▁- -1790
|
2051 |
+
▁organ -1791
|
2052 |
+
▁shop -1792
|
2053 |
+
▁most -1793
|
2054 |
+
▁shining -1794
|
2055 |
+
▁part -1795
|
2056 |
+
▁sharp -1796
|
2057 |
+
▁fence -1797
|
2058 |
+
ches -1798
|
2059 |
+
▁Z -1799
|
2060 |
+
ize -1800
|
2061 |
+
alm -1801
|
2062 |
+
▁living -1802
|
2063 |
+
▁magical -1803
|
2064 |
+
▁nut -1804
|
2065 |
+
▁power -1805
|
2066 |
+
ale -1806
|
2067 |
+
ato -1807
|
2068 |
+
umb -1808
|
2069 |
+
▁later -1809
|
2070 |
+
▁sandwich -1810
|
2071 |
+
▁rainbow -1811
|
2072 |
+
▁shy -1812
|
2073 |
+
▁shirt -1813
|
2074 |
+
▁knee -1814
|
2075 |
+
▁seek -1815
|
2076 |
+
▁laughing -1816
|
2077 |
+
▁shr -1817
|
2078 |
+
▁longer -1818
|
2079 |
+
▁af -1819
|
2080 |
+
▁wra -1820
|
2081 |
+
ital -1821
|
2082 |
+
sting -1822
|
2083 |
+
▁Joe -1823
|
2084 |
+
▁worm -1824
|
2085 |
+
▁songs -1825
|
2086 |
+
▁watching -1826
|
2087 |
+
▁hosp -1827
|
2088 |
+
▁hospital -1828
|
2089 |
+
▁moved -1829
|
2090 |
+
cer -1830
|
2091 |
+
▁phone -1831
|
2092 |
+
bbles -1832
|
2093 |
+
▁rob -1833
|
2094 |
+
▁sack -1834
|
2095 |
+
▁pract -1835
|
2096 |
+
▁feather -1836
|
2097 |
+
▁kite -1837
|
2098 |
+
ually -1838
|
2099 |
+
▁cave -1839
|
2100 |
+
▁spoon -1840
|
2101 |
+
▁ap -1841
|
2102 |
+
▁suc -1842
|
2103 |
+
▁pile -1843
|
2104 |
+
ator -1844
|
2105 |
+
▁live -1845
|
2106 |
+
▁mad -1846
|
2107 |
+
▁Thank -1847
|
2108 |
+
▁puzz -1848
|
2109 |
+
▁jungle -1849
|
2110 |
+
▁mine -1850
|
2111 |
+
▁horse -1851
|
2112 |
+
▁onto -1852
|
2113 |
+
aughty -1853
|
2114 |
+
▁inv -1854
|
2115 |
+
▁chick -1855
|
2116 |
+
▁robot -1856
|
2117 |
+
▁cou -1857
|
2118 |
+
▁busy -1858
|
2119 |
+
▁meet -1859
|
2120 |
+
▁naughty -1860
|
2121 |
+
▁life -1861
|
2122 |
+
▁mach -1862
|
2123 |
+
▁spark -1863
|
2124 |
+
umpy -1864
|
2125 |
+
▁bread -1865
|
2126 |
+
▁med -1866
|
2127 |
+
epend -1867
|
2128 |
+
▁coo -1868
|
2129 |
+
nic -1869
|
2130 |
+
cks -1870
|
2131 |
+
orrow -1871
|
2132 |
+
▁kitten -1872
|
2133 |
+
▁crayons -1873
|
2134 |
+
raid -1874
|
2135 |
+
▁cart -1875
|
2136 |
+
▁picnic -1876
|
2137 |
+
▁building -1877
|
2138 |
+
▁afraid -1878
|
2139 |
+
▁button -1879
|
2140 |
+
▁joy -1880
|
2141 |
+
▁carrots -1881
|
2142 |
+
▁wonderful -1882
|
2143 |
+
▁bucket -1883
|
2144 |
+
▁along -1884
|
2145 |
+
▁wolf -1885
|
2146 |
+
▁wash -1886
|
2147 |
+
▁pan -1887
|
2148 |
+
▁chased -1888
|
2149 |
+
▁scream -1889
|
2150 |
+
ocol -1890
|
2151 |
+
▁smiles -1891
|
2152 |
+
▁gently -1892
|
2153 |
+
ourn -1893
|
2154 |
+
adow -1894
|
2155 |
+
▁asleep -1895
|
2156 |
+
ular -1896
|
2157 |
+
▁chocol -1897
|
2158 |
+
▁thin -1898
|
2159 |
+
▁journ -1899
|
2160 |
+
▁tomorrow -1900
|
2161 |
+
▁oven -1901
|
2162 |
+
▁lem -1902
|
2163 |
+
▁bur -1903
|
2164 |
+
▁exp -1904
|
2165 |
+
ially -1905
|
2166 |
+
una -1906
|
2167 |
+
▁fold -1907
|
2168 |
+
▁cir -1908
|
2169 |
+
▁drawing -1909
|
2170 |
+
mb -1910
|
2171 |
+
pecially -1911
|
2172 |
+
▁swimming -1912
|
2173 |
+
▁taste -1913
|
2174 |
+
▁rope -1914
|
2175 |
+
▁especially -1915
|
2176 |
+
▁spicy -1916
|
2177 |
+
eter -1917
|
2178 |
+
▁dirt -1918
|
2179 |
+
▁peace -1919
|
2180 |
+
▁mum -1920
|
2181 |
+
▁foot -1921
|
2182 |
+
com -1922
|
2183 |
+
▁meant -1923
|
2184 |
+
▁holding -1924
|
2185 |
+
▁messy -1925
|
2186 |
+
▁ser -1926
|
2187 |
+
irp -1927
|
2188 |
+
▁plane -1928
|
2189 |
+
▁di -1929
|
2190 |
+
▁chocolate -1930
|
2191 |
+
▁tasted -1931
|
2192 |
+
Good -1932
|
2193 |
+
Please -1933
|
2194 |
+
▁shake -1934
|
2195 |
+
▁bugs -1935
|
2196 |
+
▁protect -1936
|
2197 |
+
▁zoo -1937
|
2198 |
+
▁slowly -1938
|
2199 |
+
▁push -1939
|
2200 |
+
ert -1940
|
2201 |
+
▁su -1941
|
2202 |
+
▁save -1942
|
2203 |
+
▁intere -1943
|
2204 |
+
▁vill -1944
|
2205 |
+
▁drive -1945
|
2206 |
+
▁young -1946
|
2207 |
+
▁seat -1947
|
2208 |
+
▁touc -1948
|
2209 |
+
▁stone -1949
|
2210 |
+
▁pour -1950
|
2211 |
+
▁cheered -1951
|
2212 |
+
▁shook -1952
|
2213 |
+
▁sounds -1953
|
2214 |
+
▁mistake -1954
|
2215 |
+
ress -1955
|
2216 |
+
▁coin -1956
|
2217 |
+
▁bone -1957
|
2218 |
+
oose -1958
|
2219 |
+
lla -1959
|
2220 |
+
▁lucky -1960
|
2221 |
+
cean -1961
|
2222 |
+
▁ocean -1962
|
2223 |
+
ity -1963
|
2224 |
+
▁sal -1964
|
2225 |
+
▁pres -1965
|
2226 |
+
▁anyone -1966
|
2227 |
+
llo -1967
|
2228 |
+
shine -1968
|
2229 |
+
▁promise -1969
|
2230 |
+
▁knowing -1970
|
2231 |
+
ho -1971
|
2232 |
+
▁nearby -1972
|
2233 |
+
gly -1973
|
2234 |
+
▁imag -1974
|
2235 |
+
▁ce -1975
|
2236 |
+
▁sol -1976
|
2237 |
+
▁sunshine -1977
|
2238 |
+
▁confused -1978
|
2239 |
+
My -1979
|
2240 |
+
umber -1980
|
2241 |
+
▁wild -1981
|
2242 |
+
gest -1982
|
2243 |
+
▁touched -1983
|
2244 |
+
▁glow -1984
|
2245 |
+
▁ugly -1985
|
2246 |
+
▁whole -1986
|
2247 |
+
▁mind -1987
|
2248 |
+
ions -1988
|
2249 |
+
▁turt -1989
|
2250 |
+
▁treats -1990
|
2251 |
+
▁joke -1991
|
2252 |
+
▁machine -1992
|
2253 |
+
elly -1993
|
2254 |
+
▁smelled -1994
|
2255 |
+
den -1995
|
2256 |
+
ella -1996
|
2257 |
+
ten -1997
|
2258 |
+
▁pass -1998
|
2259 |
+
getable -1999
|
2260 |
+
▁cleaned -2000
|
2261 |
+
▁gray -2001
|
2262 |
+
els -2002
|
2263 |
+
▁vegetable -2003
|
2264 |
+
▁Tweetie -2004
|
2265 |
+
▁Grandma -2005
|
2266 |
+
ove -2006
|
2267 |
+
ment -2007
|
2268 |
+
▁ret -2008
|
2269 |
+
▁whistle -2009
|
2270 |
+
▁fle -2010
|
2271 |
+
▁bake -2011
|
2272 |
+
kin -2012
|
2273 |
+
▁calm -2013
|
2274 |
+
▁fancy -2014
|
2275 |
+
▁Jim -2015
|
2276 |
+
▁hidden -2016
|
2277 |
+
▁myster -2017
|
2278 |
+
▁wave -2018
|
2279 |
+
▁Le -2019
|
2280 |
+
▁hoped -2020
|
2281 |
+
oop -2021
|
2282 |
+
imi -2022
|
2283 |
+
▁tid -2023
|
2284 |
+
▁stars -2024
|
2285 |
+
▁splas -2025
|
2286 |
+
izz -2026
|
2287 |
+
▁turtle -2027
|
2288 |
+
▁interesting -2028
|
2289 |
+
▁couch -2029
|
2290 |
+
pa -2030
|
2291 |
+
▁supp -2031
|
2292 |
+
▁vase -2032
|
2293 |
+
▁village -2033
|
2294 |
+
▁clever -2034
|
2295 |
+
▁shapes -2035
|
2296 |
+
▁present -2036
|
2297 |
+
▁ship -2037
|
2298 |
+
▁TV -2038
|
2299 |
+
▁shelf -2039
|
2300 |
+
▁net -2040
|
2301 |
+
▁Mimi -2041
|
2302 |
+
▁whenever -2042
|
2303 |
+
▁wide -2043
|
2304 |
+
▁wing -2044
|
2305 |
+
bar -2045
|
2306 |
+
▁retur -2046
|
2307 |
+
▁tea -2047
|
2308 |
+
▁finish -2048
|
2309 |
+
▁Jen -2049
|
2310 |
+
▁Daddy -2050
|
2311 |
+
▁tidy -2051
|
2312 |
+
dge -2052
|
2313 |
+
onest -2053
|
2314 |
+
ife -2054
|
2315 |
+
ont -2055
|
2316 |
+
▁waiting -2056
|
2317 |
+
▁jelly -2057
|
2318 |
+
▁ign -2058
|
2319 |
+
▁bell -2059
|
2320 |
+
▁asks -2060
|
2321 |
+
ama -2061
|
2322 |
+
▁saved -2062
|
2323 |
+
▁boss -2063
|
2324 |
+
▁Bella -2064
|
2325 |
+
▁spe -2065
|
2326 |
+
▁ent -2066
|
2327 |
+
▁fing -2067
|
2328 |
+
▁card -2068
|
2329 |
+
▁rude -2069
|
2330 |
+
barra -2070
|
2331 |
+
box -2071
|
2332 |
+
▁puzzle -2072
|
2333 |
+
▁clown -2073
|
2334 |
+
▁embarra -2074
|
2335 |
+
▁wondered -2075
|
2336 |
+
▁forget -2076
|
2337 |
+
▁cloth -2077
|
2338 |
+
▁Molly -2078
|
2339 |
+
.” -2079
|
2340 |
+
▁Jerry -2080
|
2341 |
+
▁tightly -2081
|
2342 |
+
lace -2082
|
2343 |
+
▁sour -2083
|
2344 |
+
vous -2084
|
2345 |
+
▁write -2085
|
2346 |
+
▁necklace -2086
|
2347 |
+
▁smooth -2087
|
2348 |
+
!” -2088
|
2349 |
+
▁honest -2089
|
2350 |
+
▁front -2090
|
2351 |
+
Hey -2091
|
2352 |
+
▁pillow -2092
|
2353 |
+
erly -2093
|
2354 |
+
▁wearing -2094
|
2355 |
+
la -2095
|
2356 |
+
▁grumpy -2096
|
2357 |
+
mer -2097
|
2358 |
+
▁hello -2098
|
2359 |
+
▁stories -2099
|
2360 |
+
▁giant -2100
|
2361 |
+
▁sel -2101
|
2362 |
+
▁zoom -2102
|
2363 |
+
▁spoil -2103
|
2364 |
+
▁ducks -2104
|
2365 |
+
▁sur -2105
|
2366 |
+
▁path -2106
|
2367 |
+
▁bark -2107
|
2368 |
+
cap -2108
|
2369 |
+
▁snowman -2109
|
2370 |
+
▁av -2110
|
2371 |
+
▁chew -2111
|
2372 |
+
ult -2112
|
2373 |
+
▁rad -2113
|
2374 |
+
▁emp -2114
|
2375 |
+
▁plate -2115
|
2376 |
+
▁empty -2116
|
2377 |
+
ndpa -2117
|
2378 |
+
ope -2118
|
2379 |
+
▁prince -2119
|
2380 |
+
▁fruits -2120
|
2381 |
+
▁string -2121
|
2382 |
+
▁lemon -2122
|
2383 |
+
▁years -2123
|
2384 |
+
▁group -2124
|
2385 |
+
▁runs -2125
|
2386 |
+
▁class -2126
|
2387 |
+
▁working -2127
|
2388 |
+
▁quest -2128
|
2389 |
+
▁jew -2129
|
2390 |
+
lower -2130
|
2391 |
+
▁spray -2131
|
2392 |
+
▁Re -2132
|
2393 |
+
▁trouble -2133
|
2394 |
+
▁pizz -2134
|
2395 |
+
▁selfish -2135
|
2396 |
+
▁Their -2136
|
2397 |
+
▁lad -2137
|
2398 |
+
ward -2138
|
2399 |
+
▁huge -2139
|
2400 |
+
▁thinks -2140
|
2401 |
+
▁gather -2141
|
2402 |
+
▁pretended -2142
|
2403 |
+
▁noises -2143
|
2404 |
+
eth -2144
|
2405 |
+
▁Leo -2145
|
2406 |
+
ness -2146
|
2407 |
+
urse -2147
|
2408 |
+
▁change -2148
|
2409 |
+
▁arms -2149
|
2410 |
+
aughter -2150
|
2411 |
+
▁pizza -2151
|
2412 |
+
▁ner -2152
|
2413 |
+
▁fighting -2153
|
2414 |
+
▁vegetables -2154
|
2415 |
+
oppy -2155
|
2416 |
+
ors -2156
|
2417 |
+
▁nervous -2157
|
2418 |
+
ork -2158
|
2419 |
+
▁pointed -2159
|
2420 |
+
▁ladder -2160
|
2421 |
+
▁stra -2161
|
2422 |
+
▁sleepy -2162
|
2423 |
+
izzy -2163
|
2424 |
+
▁Sn -2164
|
2425 |
+
▁fil -2165
|
2426 |
+
ars -2166
|
2427 |
+
▁explor -2167
|
2428 |
+
▁grab -2168
|
2429 |
+
▁chest -2169
|
2430 |
+
▁ash -2170
|
2431 |
+
▁line -2171
|
2432 |
+
▁slid -2172
|
2433 |
+
▁sheep -2173
|
2434 |
+
▁mot -2174
|
2435 |
+
ipe -2175
|
2436 |
+
▁Johnny -2176
|
2437 |
+
▁jumping -2177
|
2438 |
+
▁fake -2178
|
2439 |
+
▁legs -2179
|
2440 |
+
▁sold -2180
|
2441 |
+
▁decor -2181
|
2442 |
+
▁trust -2182
|
2443 |
+
▁across -2183
|
2444 |
+
▁clouds -2184
|
2445 |
+
ensive -2185
|
2446 |
+
▁lazy -2186
|
2447 |
+
▁lay -2187
|
2448 |
+
▁cheer -2188
|
2449 |
+
▁scar -2189
|
2450 |
+
era -2190
|
2451 |
+
▁expensive -2191
|
2452 |
+
▁smelly -2192
|
2453 |
+
▁moon -2193
|
2454 |
+
▁van -2194
|
2455 |
+
▁Jill -2195
|
2456 |
+
est -2196
|
2457 |
+
work -2197
|
2458 |
+
▁tie -2198
|
2459 |
+
▁search -2199
|
2460 |
+
uce -2200
|
2461 |
+
▁hang -2201
|
2462 |
+
▁Fred -2202
|
2463 |
+
▁feels -2203
|
2464 |
+
▁pool -2204
|
2465 |
+
▁lovely -2205
|
2466 |
+
▁Remy -2206
|
2467 |
+
▁twins -2207
|
2468 |
+
imed -2208
|
2469 |
+
▁drum -2209
|
2470 |
+
▁drank -2210
|
2471 |
+
▁lift -2211
|
2472 |
+
▁step -2212
|
2473 |
+
▁remind -2213
|
2474 |
+
▁embarrassed -2214
|
2475 |
+
▁person -2215
|
2476 |
+
▁stepped -2216
|
2477 |
+
▁easy -2217
|
2478 |
+
pect -2218
|
2479 |
+
▁which -2219
|
2480 |
+
▁Mark -2220
|
2481 |
+
▁dogs -2221
|
2482 |
+
▁carried -2222
|
2483 |
+
▁yog -2223
|
2484 |
+
▁hum -2224
|
2485 |
+
▁police -2225
|
2486 |
+
▁beak -2226
|
2487 |
+
▁scre -2227
|
2488 |
+
Tom -2228
|
2489 |
+
▁ring -2229
|
2490 |
+
▁bal -2230
|
2491 |
+
▁reg -2231
|
2492 |
+
▁bossy -2232
|
2493 |
+
▁cleaning -2233
|
2494 |
+
osaur -2234
|
2495 |
+
▁Emily -2235
|
2496 |
+
▁snacks -2236
|
2497 |
+
▁tool -2237
|
2498 |
+
▁balls -2238
|
2499 |
+
▁weak -2239
|
2500 |
+
▁Be -2240
|
2501 |
+
▁daughter -2241
|
2502 |
+
iting -2242
|
2503 |
+
▁chase -2243
|
2504 |
+
▁cro -2244
|
2505 |
+
Be -2245
|
2506 |
+
▁pri -2246
|
2507 |
+
▁dinosaur -2247
|
2508 |
+
irr -2248
|
2509 |
+
ush -2249
|
2510 |
+
▁deer -2250
|
2511 |
+
▁queen -2251
|
2512 |
+
▁pin -2252
|
2513 |
+
▁law -2253
|
2514 |
+
▁sweetie -2254
|
2515 |
+
▁closet -2255
|
2516 |
+
▁places -2256
|
2517 |
+
▁teeth -2257
|
2518 |
+
▁gold -2258
|
2519 |
+
▁sticks -2259
|
2520 |
+
ond -2260
|
2521 |
+
▁last -2261
|
2522 |
+
▁gun -2262
|
2523 |
+
▁passed -2263
|
2524 |
+
▁stood -2264
|
2525 |
+
▁plants -2265
|
2526 |
+
▁Brownie -2266
|
2527 |
+
isa -2267
|
2528 |
+
OK -2268
|
2529 |
+
▁creative -2269
|
2530 |
+
▁polite -2270
|
2531 |
+
▁My -2271
|
2532 |
+
▁mov -2272
|
2533 |
+
▁splash -2273
|
2534 |
+
amed -2274
|
2535 |
+
▁sugar -2275
|
2536 |
+
▁excla -2276
|
2537 |
+
▁Bunny -2277
|
2538 |
+
▁pay -2278
|
2539 |
+
▁hope -2279
|
2540 |
+
▁exclaimed -2280
|
2541 |
+
▁rich -2281
|
2542 |
+
▁relie -2282
|
2543 |
+
▁dish -2283
|
2544 |
+
▁blow -2284
|
2545 |
+
▁understood -2285
|
2546 |
+
▁answer -2286
|
2547 |
+
▁sell -2287
|
2548 |
+
▁powerful -2288
|
2549 |
+
▁medic -2289
|
2550 |
+
▁furry -2290
|
2551 |
+
lves -2291
|
2552 |
+
▁wand -2292
|
2553 |
+
▁medicine -2293
|
2554 |
+
▁Lisa -2294
|
2555 |
+
erp -2295
|
2556 |
+
▁mountain -2296
|
2557 |
+
▁rocket -2297
|
2558 |
+
▁lead -2298
|
2559 |
+
oman -2299
|
2560 |
+
cape -2300
|
2561 |
+
▁check -2301
|
2562 |
+
▁woman -2302
|
2563 |
+
▁Bun -2303
|
2564 |
+
▁hero -2304
|
2565 |
+
oof -2305
|
2566 |
+
▁fear -2306
|
2567 |
+
▁Red -2307
|
2568 |
+
▁eag -2308
|
2569 |
+
▁pump -2309
|
2570 |
+
▁peaceful -2310
|
2571 |
+
▁weird -2311
|
2572 |
+
▁seemed -2312
|
2573 |
+
▁map -2313
|
2574 |
+
▁success -2314
|
2575 |
+
erpill -2315
|
2576 |
+
▁caterpill -2316
|
2577 |
+
▁stret -2317
|
2578 |
+
▁famous -2318
|
2579 |
+
▁gen -2319
|
2580 |
+
▁test -2320
|
2581 |
+
ual -2321
|
2582 |
+
ipp -2322
|
2583 |
+
▁boring -2323
|
2584 |
+
▁dancing -2324
|
2585 |
+
▁motor -2325
|
2586 |
+
erries -2326
|
2587 |
+
▁Ollie -2327
|
2588 |
+
owed -2328
|
2589 |
+
▁ones -2329
|
2590 |
+
▁chicken -2330
|
2591 |
+
▁berries -2331
|
2592 |
+
▁disco -2332
|
2593 |
+
▁spilled -2333
|
2594 |
+
▁sort -2334
|
2595 |
+
arge -2335
|
2596 |
+
▁Bet -2336
|
2597 |
+
rag -2337
|
2598 |
+
ti -2338
|
2599 |
+
▁nothing -2339
|
2600 |
+
▁matter -2340
|
2601 |
+
itter -2341
|
2602 |
+
▁cri -2342
|
2603 |
+
▁gate -2343
|
2604 |
+
het -2344
|
2605 |
+
▁cage -2345
|
2606 |
+
▁mysterious -2346
|
2607 |
+
▁match -2347
|
2608 |
+
▁caterpillar -2348
|
2609 |
+
▁relieved -2349
|
2610 |
+
▁happening -2350
|
2611 |
+
▁lock -2351
|
2612 |
+
▁space -2352
|
2613 |
+
▁tig -2353
|
2614 |
+
oomy -2354
|
2615 |
+
aghet -2355
|
2616 |
+
aghetti -2356
|
2617 |
+
ometimes -2357
|
2618 |
+
ume -2358
|
2619 |
+
▁tummy -2359
|
2620 |
+
▁shark -2360
|
2621 |
+
▁print -2361
|
2622 |
+
▁maybe -2362
|
2623 |
+
lebr -2363
|
2624 |
+
▁lose -2364
|
2625 |
+
▁adm -2365
|
2626 |
+
▁gigg -2366
|
2627 |
+
▁scare -2367
|
2628 |
+
▁celebr -2368
|
2629 |
+
▁clear -2369
|
2630 |
+
▁spaghetti -2370
|
2631 |
+
▁Mama -2371
|
2632 |
+
arl -2372
|
2633 |
+
▁dizzy -2373
|
2634 |
+
▁journey -2374
|
2635 |
+
▁spent -2375
|
2636 |
+
▁rec -2376
|
2637 |
+
aving -2377
|
2638 |
+
▁ord -2378
|
2639 |
+
▁hugs -2379
|
2640 |
+
▁soap -2380
|
2641 |
+
▁mic -2381
|
2642 |
+
▁poor -2382
|
2643 |
+
ustr -2383
|
2644 |
+
▁rough -2384
|
2645 |
+
▁crown -2385
|
2646 |
+
▁asking -2386
|
2647 |
+
▁team -2387
|
2648 |
+
gy -2388
|
2649 |
+
▁hur -2389
|
2650 |
+
pack -2390
|
2651 |
+
▁whale -2391
|
2652 |
+
▁pray -2392
|
2653 |
+
▁With -2393
|
2654 |
+
▁forgive -2394
|
2655 |
+
▁jewel -2395
|
2656 |
+
▁taught -2396
|
2657 |
+
ser -2397
|
2658 |
+
▁organized -2398
|
2659 |
+
▁bald -2399
|
2660 |
+
▁mixed -2400
|
2661 |
+
▁large -2401
|
2662 |
+
▁frustr -2402
|
2663 |
+
���towel -2403
|
2664 |
+
▁balloons -2404
|
2665 |
+
isp -2405
|
2666 |
+
▁missing -2406
|
2667 |
+
▁Mary -2407
|
2668 |
+
▁How -2408
|
2669 |
+
▁banana -2409
|
2670 |
+
▁finding -2410
|
2671 |
+
▁guit -2411
|
2672 |
+
▁true -2412
|
2673 |
+
▁rare -2413
|
2674 |
+
▁feet -2414
|
2675 |
+
oot -2415
|
2676 |
+
▁toug -2416
|
2677 |
+
▁noisy -2417
|
2678 |
+
aking -2418
|
2679 |
+
▁faces -2419
|
2680 |
+
▁moving -2420
|
2681 |
+
not -2421
|
2682 |
+
ventually -2422
|
2683 |
+
▁slipped -2423
|
2684 |
+
port -2424
|
2685 |
+
▁mirr -2425
|
2686 |
+
▁comes -2426
|
2687 |
+
▁covered -2427
|
2688 |
+
airs -2428
|
2689 |
+
▁comfortable -2429
|
2690 |
+
▁boot -2430
|
2691 |
+
iff -2431
|
2692 |
+
▁spend -2432
|
2693 |
+
▁rid -2433
|
2694 |
+
phone -2434
|
2695 |
+
▁micro -2435
|
2696 |
+
ragile -2436
|
2697 |
+
▁jack -2437
|
2698 |
+
▁norm -2438
|
2699 |
+
▁stir -2439
|
2700 |
+
▁cannot -2440
|
2701 |
+
▁stuff -2441
|
2702 |
+
ado -2442
|
2703 |
+
▁mirror -2443
|
2704 |
+
▁lamp -2444
|
2705 |
+
▁become -2445
|
2706 |
+
ory -2446
|
2707 |
+
▁tough -2447
|
2708 |
+
ique -2448
|
2709 |
+
▁tick -2449
|
2710 |
+
▁normal -2450
|
2711 |
+
▁frustrated -2451
|
2712 |
+
▁straw -2452
|
2713 |
+
▁splashed -2453
|
2714 |
+
ote -2454
|
2715 |
+
▁breath -2455
|
2716 |
+
ones -2456
|
2717 |
+
▁guitar -2457
|
2718 |
+
▁Why -2458
|
2719 |
+
▁fragile -2459
|
2720 |
+
▁often -2460
|
2721 |
+
ute -2461
|
2722 |
+
▁number -2462
|
2723 |
+
▁whisp -2463
|
2724 |
+
▁unique -2464
|
2725 |
+
▁hunt -2465
|
2726 |
+
unk -2466
|
2727 |
+
▁gener -2467
|
2728 |
+
▁ignor -2468
|
2729 |
+
▁batter -2469
|
2730 |
+
▁mel -2470
|
2731 |
+
und -2471
|
2732 |
+
▁borrow -2472
|
2733 |
+
ilt -2473
|
2734 |
+
olog -2474
|
2735 |
+
▁snee -2475
|
2736 |
+
alous -2476
|
2737 |
+
▁glass -2477
|
2738 |
+
▁feed -2478
|
2739 |
+
alk -2479
|
2740 |
+
▁shoot -2480
|
2741 |
+
zed -2481
|
2742 |
+
▁exam -2482
|
2743 |
+
▁flag -2483
|
2744 |
+
bby -2484
|
2745 |
+
aw -2485
|
2746 |
+
▁glue -2486
|
2747 |
+
▁ants -2487
|
2748 |
+
▁jealous -2488
|
2749 |
+
▁Luna -2489
|
2750 |
+
anut -2490
|
2751 |
+
▁apolog -2491
|
2752 |
+
▁jacket -2492
|
2753 |
+
imp -2493
|
2754 |
+
issors -2494
|
2755 |
+
▁dest -2495
|
2756 |
+
▁Come -2496
|
2757 |
+
▁brush -2497
|
2758 |
+
▁march -2498
|
2759 |
+
read -2499
|
2760 |
+
▁body -2500
|
2761 |
+
▁feathers -2501
|
2762 |
+
▁icy -2502
|
2763 |
+
▁discover -2503
|
2764 |
+
arn -2504
|
2765 |
+
▁Mrs -2505
|
2766 |
+
▁yelled -2506
|
2767 |
+
▁cost -2507
|
2768 |
+
▁ashamed -2508
|
2769 |
+
▁sword -2509
|
2770 |
+
▁cone -2510
|
2771 |
+
▁ter -2511
|
2772 |
+
▁spoiled -2512
|
2773 |
+
▁branches -2513
|
2774 |
+
▁creature -2514
|
2775 |
+
▁takes -2515
|
2776 |
+
fast -2516
|
2777 |
+
▁incred -2517
|
2778 |
+
▁eggs -2518
|
2779 |
+
Come -2519
|
2780 |
+
▁scissors -2520
|
2781 |
+
▁pumpkin -2521
|
2782 |
+
▁breakfast -2522
|
2783 |
+
▁St -2523
|
2784 |
+
▁resc -2524
|
2785 |
+
▁tiger -2525
|
2786 |
+
▁yourself -2526
|
2787 |
+
▁strawber -2527
|
2788 |
+
▁spread -2528
|
2789 |
+
▁driving -2529
|
2790 |
+
▁note -2530
|
2791 |
+
▁generous -2531
|
2792 |
+
Are -2532
|
2793 |
+
▁fis -2533
|
2794 |
+
▁dig -2534
|
2795 |
+
▁fine -2535
|
2796 |
+
▁unus -2536
|
2797 |
+
cil -2537
|
2798 |
+
▁scarf -2538
|
2799 |
+
▁hopping -2539
|
2800 |
+
▁incredible -2540
|
2801 |
+
▁thick -2541
|
2802 |
+
▁unusual -2542
|
2803 |
+
▁eld -2543
|
2804 |
+
▁fill -2544
|
2805 |
+
St -2545
|
2806 |
+
▁acorn -2546
|
2807 |
+
yal -2547
|
2808 |
+
▁pencil -2548
|
2809 |
+
▁balance -2549
|
2810 |
+
▁washed -2550
|
2811 |
+
▁exploring -2551
|
2812 |
+
▁yarn -2552
|
2813 |
+
▁movie -2553
|
2814 |
+
▁shore -2554
|
2815 |
+
▁finger -2555
|
2816 |
+
selves -2556
|
2817 |
+
▁perform -2557
|
2818 |
+
▁roar -2558
|
2819 |
+
▁terri -2559
|
2820 |
+
▁tele -2560
|
2821 |
+
▁Cat -2561
|
2822 |
+
▁peanut -2562
|
2823 |
+
▁tun -2563
|
2824 |
+
▁tent -2564
|
2825 |
+
▁fridge -2565
|
2826 |
+
▁leaving -2566
|
2827 |
+
Timmy -2567
|
2828 |
+
▁bounce -2568
|
2829 |
+
▁dough -2569
|
2830 |
+
▁Chirp -2570
|
2831 |
+
▁built -2571
|
2832 |
+
▁these -2572
|
2833 |
+
▁suggest -2573
|
2834 |
+
▁kiss -2574
|
2835 |
+
▁loudly -2575
|
2836 |
+
▁offered -2576
|
2837 |
+
▁Bobby -2577
|
2838 |
+
▁loyal -2578
|
2839 |
+
▁seeds -2579
|
2840 |
+
▁bubbles -2580
|
2841 |
+
fic -2581
|
2842 |
+
▁add -2582
|
2843 |
+
ggy -2583
|
2844 |
+
▁cross -2584
|
2845 |
+
▁elderly -2585
|
2846 |
+
▁harm -2586
|
2847 |
+
▁swan -2587
|
2848 |
+
▁nod -2588
|
2849 |
+
▁track -2589
|
2850 |
+
▁kicked -2590
|
2851 |
+
andy -2591
|
2852 |
+
▁solve -2592
|
2853 |
+
▁shadow -2593
|
2854 |
+
dle -2594
|
2855 |
+
ground -2595
|
2856 |
+
▁bloom -2596
|
2857 |
+
▁diffic -2597
|
2858 |
+
▁Fr -2598
|
2859 |
+
light -2599
|
2860 |
+
▁stubb -2600
|
2861 |
+
▁ind -2601
|
2862 |
+
mbre -2602
|
2863 |
+
▁unl -2603
|
2864 |
+
Max -2604
|
2865 |
+
▁fat -2605
|
2866 |
+
▁umbre -2606
|
2867 |
+
▁painting -2607
|
2868 |
+
▁taken -2608
|
2869 |
+
▁tomato -2609
|
2870 |
+
▁dead -2610
|
2871 |
+
▁difficult -2611
|
2872 |
+
▁wagon -2612
|
2873 |
+
als -2613
|
2874 |
+
▁useful -2614
|
2875 |
+
▁bathroom -2615
|
2876 |
+
▁stubborn -2616
|
2877 |
+
▁log -2617
|
2878 |
+
▁mighty -2618
|
2879 |
+
▁wrote -2619
|
2880 |
+
▁Even -2620
|
2881 |
+
▁painted -2621
|
2882 |
+
▁waves -2622
|
2883 |
+
cc -2623
|
2884 |
+
ipop -2624
|
2885 |
+
llipop -2625
|
2886 |
+
cient -2626
|
2887 |
+
▁giggled -2627
|
2888 |
+
▁pir -2628
|
2889 |
+
▁lollipop -2629
|
2890 |
+
▁delicate -2630
|
2891 |
+
▁fluffy -2631
|
2892 |
+
ray -2632
|
2893 |
+
▁barn -2633
|
2894 |
+
kn -2634
|
2895 |
+
▁sque -2635
|
2896 |
+
▁terrible -2636
|
2897 |
+
▁Don -2637
|
2898 |
+
▁packed -2638
|
2899 |
+
▁ancient -2639
|
2900 |
+
▁tape -2640
|
2901 |
+
bin -2641
|
2902 |
+
umsy -2642
|
2903 |
+
▁cor -2643
|
2904 |
+
▁crazy -2644
|
2905 |
+
▁rode -2645
|
2906 |
+
▁tag -2646
|
2907 |
+
▁ham -2647
|
2908 |
+
uring -2648
|
2909 |
+
▁fool -2649
|
2910 |
+
▁Sometimes -2650
|
2911 |
+
robe -2651
|
2912 |
+
▁umbrella -2652
|
2913 |
+
▁clumsy -2653
|
2914 |
+
▁wake -2654
|
2915 |
+
▁cabin -2655
|
2916 |
+
▁compet -2656
|
2917 |
+
▁weal -2657
|
2918 |
+
known -2658
|
2919 |
+
ipper -2659
|
2920 |
+
▁fright -2660
|
2921 |
+
corn -2661
|
2922 |
+
▁Chirpy -2662
|
2923 |
+
▁bushes -2663
|
2924 |
+
ighed -2664
|
2925 |
+
▁witch -2665
|
2926 |
+
▁stat -2666
|
2927 |
+
▁tripped -2667
|
2928 |
+
▁Momo -2668
|
2929 |
+
▁using -2669
|
2930 |
+
Where -2670
|
2931 |
+
▁unknown -2671
|
2932 |
+
▁escape -2672
|
2933 |
+
▁clock -2673
|
2934 |
+
▁bitter -2674
|
2935 |
+
pes -2675
|
2936 |
+
▁stove -2676
|
2937 |
+
▁Andy -2677
|
2938 |
+
▁bean -2678
|
2939 |
+
Now -2679
|
2940 |
+
▁scr -2680
|
2941 |
+
▁Polly -2681
|
2942 |
+
▁screamed -2682
|
2943 |
+
▁libr -2683
|
2944 |
+
asing -2684
|
2945 |
+
▁popcorn -2685
|
2946 |
+
▁forgave -2686
|
2947 |
+
ony -2687
|
2948 |
+
▁nosy -2688
|
2949 |
+
▁licked -2689
|
2950 |
+
ying -2690
|
2951 |
+
▁dol -2691
|
2952 |
+
▁dolph -2692
|
2953 |
+
▁Snow -2693
|
2954 |
+
▁gar -2694
|
2955 |
+
▁market -2695
|
2956 |
+
▁dove -2696
|
2957 |
+
▁foolish -2697
|
2958 |
+
▁kindness -2698
|
2959 |
+
▁anyway -2699
|
2960 |
+
▁Bear -2700
|
2961 |
+
▁wander -2701
|
2962 |
+
▁fier -2702
|
2963 |
+
▁measure -2703
|
2964 |
+
▁If -2704
|
2965 |
+
▁circle -2705
|
2966 |
+
▁dug -2706
|
2967 |
+
▁Pe -2707
|
2968 |
+
▁frightened -2708
|
2969 |
+
▁jam -2709
|
2970 |
+
▁gloomy -2710
|
2971 |
+
▁dreaming -2711
|
2972 |
+
▁ref -2712
|
2973 |
+
edient -2713
|
2974 |
+
comfortable -2714
|
2975 |
+
▁Al -2715
|
2976 |
+
▁mailbox -2716
|
2977 |
+
lies -2717
|
2978 |
+
▁Your -2718
|
2979 |
+
▁fierce -2719
|
2980 |
+
illi -2720
|
2981 |
+
▁wealthy -2721
|
2982 |
+
gu -2722
|
2983 |
+
▁uncomfortable -2723
|
2984 |
+
▁gas -2724
|
2985 |
+
xible -2725
|
2986 |
+
▁depend -2726
|
2987 |
+
ung -2727
|
2988 |
+
urous -2728
|
2989 |
+
▁crack -2729
|
2990 |
+
▁wis -2730
|
2991 |
+
▁cere -2731
|
2992 |
+
▁adventurous -2732
|
2993 |
+
▁bored -2733
|
2994 |
+
land -2734
|
2995 |
+
iable -2735
|
2996 |
+
▁wrap -2736
|
2997 |
+
▁U -2737
|
2998 |
+
▁bridge -2738
|
2999 |
+
▁obedient -2739
|
3000 |
+
▁disappeared -2740
|
3001 |
+
▁respect -2741
|
3002 |
+
▁salad -2742
|
3003 |
+
▁board -2743
|
3004 |
+
?” -2744
|
3005 |
+
fted -2745
|
3006 |
+
▁gum -2746
|
3007 |
+
▁competit -2747
|
3008 |
+
▁means -2748
|
3009 |
+
▁char -2749
|
3010 |
+
▁Jimmy -2750
|
3011 |
+
▁statue -2751
|
3012 |
+
▁crawled -2752
|
3013 |
+
▁clay -2753
|
3014 |
+
▁study -2754
|
3015 |
+
▁safely -2755
|
3016 |
+
▁sleeping -2756
|
3017 |
+
▁flexible -2757
|
3018 |
+
arth -2758
|
3019 |
+
inal -2759
|
3020 |
+
▁week -2760
|
3021 |
+
▁ruined -2761
|
3022 |
+
▁cereal -2762
|
3023 |
+
▁record -2763
|
3024 |
+
coa -2764
|
3025 |
+
▁hose -2765
|
3026 |
+
▁nuts -2766
|
3027 |
+
▁sauce -2767
|
3028 |
+
elp -2768
|
3029 |
+
▁swe -2769
|
3030 |
+
▁giving -2770
|
3031 |
+
▁impress -2771
|
3032 |
+
▁trucks -2772
|
3033 |
+
ict -2773
|
3034 |
+
▁potato -2774
|
3035 |
+
▁tank -2775
|
3036 |
+
irsty -2776
|
3037 |
+
illiant -2777
|
3038 |
+
▁office -2778
|
3039 |
+
▁Instead -2779
|
3040 |
+
▁belonged -2780
|
3041 |
+
▁shoe -2781
|
3042 |
+
▁brace -2782
|
3043 |
+
▁liz -2783
|
3044 |
+
▁brilliant -2784
|
3045 |
+
▁dull -2785
|
3046 |
+
▁trick -2786
|
3047 |
+
▁bracelet -2787
|
3048 |
+
▁wheel -2788
|
3049 |
+
▁Bird -2789
|
3050 |
+
▁reliable -2790
|
3051 |
+
▁poured -2791
|
3052 |
+
▁orig -2792
|
3053 |
+
▁practiced -2793
|
3054 |
+
▁stage -2794
|
3055 |
+
▁cher -2795
|
3056 |
+
met -2796
|
3057 |
+
▁grandpa -2797
|
3058 |
+
ormous -2798
|
3059 |
+
cod -2799
|
3060 |
+
▁twist -2800
|
3061 |
+
▁corn -2801
|
3062 |
+
▁helmet -2802
|
3063 |
+
▁successful -2803
|
3064 |
+
apped -2804
|
3065 |
+
▁enormous -2805
|
3066 |
+
▁badly -2806
|
3067 |
+
▁smiling -2807
|
3068 |
+
▁original -2808
|
3069 |
+
▁cam -2809
|
3070 |
+
▁Ros -2810
|
3071 |
+
▁bananas -2811
|
3072 |
+
▁thirsty -2812
|
3073 |
+
▁cocoa -2813
|
3074 |
+
▁island -2814
|
3075 |
+
▁Please -2815
|
3076 |
+
sc -2816
|
3077 |
+
▁gives -2817
|
3078 |
+
▁flash -2818
|
3079 |
+
cles -2819
|
3080 |
+
▁meal -2820
|
3081 |
+
▁destro -2821
|
3082 |
+
▁independ -2822
|
3083 |
+
▁juicy -2823
|
3084 |
+
▁rose -2824
|
3085 |
+
▁sunf -2825
|
3086 |
+
▁hairy -2826
|
3087 |
+
any -2827
|
3088 |
+
isted -2828
|
3089 |
+
Stop -2829
|
3090 |
+
inky -2830
|
3091 |
+
▁serious -2831
|
3092 |
+
▁cooking -2832
|
3093 |
+
▁goes -2833
|
3094 |
+
▁loves -2834
|
3095 |
+
▁knife -2835
|
3096 |
+
▁lizard -2836
|
3097 |
+
▁mole -2837
|
3098 |
+
▁hoop -2838
|
3099 |
+
▁steal -2839
|
3100 |
+
▁suggested -2840
|
3101 |
+
▁independent -2841
|
3102 |
+
loo -2842
|
3103 |
+
ours -2843
|
3104 |
+
▁mask -2844
|
3105 |
+
ery -2845
|
3106 |
+
oin -2846
|
3107 |
+
▁shiver -2847
|
3108 |
+
▁Doggy -2848
|
3109 |
+
▁toast -2849
|
3110 |
+
▁marble -2850
|
3111 |
+
▁parade -2851
|
3112 |
+
gust -2852
|
3113 |
+
▁impressive -2853
|
3114 |
+
▁Rosie -2854
|
3115 |
+
▁hay -2855
|
3116 |
+
▁blueber -2856
|
3117 |
+
▁aunt -2857
|
3118 |
+
▁ang -2858
|
3119 |
+
inary -2859
|
3120 |
+
ushed -2860
|
3121 |
+
▁horn -2861
|
3122 |
+
bled -2862
|
3123 |
+
▁disgust -2863
|
3124 |
+
▁crocod -2864
|
3125 |
+
▁grace -2865
|
3126 |
+
▁mid -2866
|
3127 |
+
▁Go -2867
|
3128 |
+
anger -2868
|
3129 |
+
▁raven -2869
|
3130 |
+
▁relax -2870
|
3131 |
+
upid -2871
|
3132 |
+
atter -2872
|
3133 |
+
▁joined -2873
|
3134 |
+
▁goat -2874
|
3135 |
+
▁early -2875
|
3136 |
+
shion -2876
|
3137 |
+
▁dependable -2877
|
3138 |
+
ages -2878
|
3139 |
+
▁counted -2879
|
3140 |
+
▁forth -2880
|
3141 |
+
▁wip -2881
|
3142 |
+
▁cheap -2882
|
3143 |
+
▁rat -2883
|
3144 |
+
▁invited -2884
|
3145 |
+
▁middle -2885
|
3146 |
+
ps -2886
|
3147 |
+
▁deliver -2887
|
3148 |
+
▁disgusting -2888
|
3149 |
+
▁Sm -2889
|
3150 |
+
▁pant -2890
|
3151 |
+
▁stamp -2891
|
3152 |
+
▁smaller -2892
|
3153 |
+
▁penny -2893
|
3154 |
+
uth -2894
|
3155 |
+
▁moder -2895
|
3156 |
+
iches -2896
|
3157 |
+
▁lifted -2897
|
3158 |
+
▁playful -2898
|
3159 |
+
▁sandwiches -2899
|
3160 |
+
▁square -2900
|
3161 |
+
ilty -2901
|
3162 |
+
cut -2902
|
3163 |
+
▁Buzz -2903
|
3164 |
+
▁popular -2904
|
3165 |
+
Me -2905
|
3166 |
+
▁regular -2906
|
3167 |
+
▁jolly -2907
|
3168 |
+
▁guilty -2908
|
3169 |
+
▁fountain -2909
|
3170 |
+
▁lab -2910
|
3171 |
+
▁exciting -2911
|
3172 |
+
uper -2912
|
3173 |
+
Help -2913
|
3174 |
+
▁beet -2914
|
3175 |
+
▁hammer -2915
|
3176 |
+
▁prize -2916
|
3177 |
+
host -2917
|
3178 |
+
▁knight -2918
|
3179 |
+
▁thoughtful -2919
|
3180 |
+
▁crocodile -2920
|
3181 |
+
▁tor -2921
|
3182 |
+
amond -2922
|
3183 |
+
▁clap -2923
|
3184 |
+
aurant -2924
|
3185 |
+
▁restaurant -2925
|
3186 |
+
▁locked -2926
|
3187 |
+
▁corner -2927
|
3188 |
+
▁stupid -2928
|
3189 |
+
▁hurts -2929
|
3190 |
+
▁disappoin -2930
|
3191 |
+
▁diamond -2931
|
3192 |
+
▁pasta -2932
|
3193 |
+
▁Freddy -2933
|
3194 |
+
▁puts -2934
|
3195 |
+
▁charming -2935
|
3196 |
+
▁eye -2936
|
3197 |
+
▁paws -2937
|
3198 |
+
▁compass -2938
|
3199 |
+
▁reminded -2939
|
3200 |
+
▁fork -2940
|
3201 |
+
▁sock -2941
|
3202 |
+
▁crayon -2942
|
3203 |
+
▁choose -2943
|
3204 |
+
▁crane -2944
|
3205 |
+
▁jet -2945
|
3206 |
+
▁camera -2946
|
3207 |
+
▁needs -2947
|
3208 |
+
▁destroy -2948
|
3209 |
+
▁env -2949
|
3210 |
+
▁ghost -2950
|
3211 |
+
iness -2951
|
3212 |
+
▁tunn -2952
|
3213 |
+
If -2953
|
3214 |
+
cream -2954
|
3215 |
+
▁gem -2955
|
3216 |
+
atch -2956
|
3217 |
+
▁cheerful -2957
|
3218 |
+
▁warned -2958
|
3219 |
+
▁sailed -2959
|
3220 |
+
ost -2960
|
3221 |
+
time -2961
|
3222 |
+
▁pige -2962
|
3223 |
+
▁jog -2963
|
3224 |
+
▁squee -2964
|
3225 |
+
▁arrow -2965
|
3226 |
+
▁garage -2966
|
3227 |
+
▁rep -2967
|
3228 |
+
▁batht -2968
|
3229 |
+
▁stri -2969
|
3230 |
+
▁bathtub -2970
|
3231 |
+
▁returned -2971
|
3232 |
+
▁Betsy -2972
|
3233 |
+
▁grown -2973
|
3234 |
+
▁saf -2974
|
3235 |
+
▁twig -2975
|
3236 |
+
▁gir -2976
|
3237 |
+
▁saying -2977
|
3238 |
+
▁pil -2978
|
3239 |
+
▁muff -2979
|
3240 |
+
▁harmless -2980
|
3241 |
+
ctop -2981
|
3242 |
+
ates -2982
|
3243 |
+
▁fearful -2983
|
3244 |
+
▁trunk -2984
|
3245 |
+
▁careless -2985
|
3246 |
+
▁hunter -2986
|
3247 |
+
▁nowhere -2987
|
3248 |
+
▁led -2988
|
3249 |
+
vice -2989
|
3250 |
+
▁goose -2990
|
3251 |
+
▁modern -2991
|
3252 |
+
erable -2992
|
3253 |
+
▁cartoon -2993
|
3254 |
+
▁low -2994
|
3255 |
+
▁fig -2995
|
3256 |
+
ating -2996
|
3257 |
+
▁dolphin -2997
|
3258 |
+
▁gifted -2998
|
3259 |
+
▁beetle -2999
|
3260 |
+
▁humble -3000
|
3261 |
+
▁miserable -3001
|
3262 |
+
▁tire -3002
|
3263 |
+
ention -3003
|
3264 |
+
anged -3004
|
3265 |
+
▁comput -3005
|
3266 |
+
iv -3006
|
3267 |
+
▁walks -3007
|
3268 |
+
▁distance -3008
|
3269 |
+
▁library -3009
|
3270 |
+
▁super -3010
|
3271 |
+
▁stranger -3011
|
3272 |
+
ctopus -3012
|
3273 |
+
▁bandage -3013
|
3274 |
+
▁spring -3014
|
3275 |
+
▁Some -3015
|
3276 |
+
▁truth -3016
|
3277 |
+
▁Tiny -3017
|
3278 |
+
▁tied -3018
|
3279 |
+
▁eager -3019
|
3280 |
+
▁yet -3020
|
3281 |
+
▁mush -3021
|
3282 |
+
icop -3022
|
3283 |
+
icopter -3023
|
3284 |
+
▁jeep -3024
|
3285 |
+
▁vide -3025
|
3286 |
+
▁roof -3026
|
3287 |
+
▁doesn -3027
|
3288 |
+
▁filthy -3028
|
3289 |
+
▁zip -3029
|
3290 |
+
▁order -3030
|
3291 |
+
▁cooked -3031
|
3292 |
+
▁coll -3032
|
3293 |
+
▁enc -3033
|
3294 |
+
▁rug -3034
|
3295 |
+
▁wrapped -3035
|
3296 |
+
ready -3036
|
3297 |
+
oli -3037
|
3298 |
+
▁bicy -3038
|
3299 |
+
▁twirl -3039
|
3300 |
+
▁sunflower -3040
|
3301 |
+
▁torn -3041
|
3302 |
+
▁bottom -3042
|
3303 |
+
▁helicopter -3043
|
3304 |
+
▁pian -3044
|
3305 |
+
▁whispered -3045
|
3306 |
+
ccoli -3046
|
3307 |
+
▁create -3047
|
3308 |
+
▁already -3048
|
3309 |
+
▁compassion -3049
|
3310 |
+
▁Mum -3050
|
3311 |
+
▁trap -3051
|
3312 |
+
ither -3052
|
3313 |
+
▁octopus -3053
|
3314 |
+
▁barber -3054
|
3315 |
+
▁disappointed -3055
|
3316 |
+
▁boxes -3056
|
3317 |
+
▁answered -3057
|
3318 |
+
▁tries -3058
|
3319 |
+
▁flashlight -3059
|
3320 |
+
▁piano -3060
|
3321 |
+
▁parrot -3061
|
3322 |
+
▁coins -3062
|
3323 |
+
▁soldier -3063
|
3324 |
+
▁ordinary -3064
|
3325 |
+
▁apologized -3065
|
3326 |
+
▁crawl -3066
|
3327 |
+
▁pants -3067
|
3328 |
+
▁anx -3068
|
3329 |
+
▁quar -3069
|
3330 |
+
ject -3070
|
3331 |
+
▁deaf -3071
|
3332 |
+
▁comb -3072
|
3333 |
+
▁cryst -3073
|
3334 |
+
▁ending -3074
|
3335 |
+
ief -3075
|
3336 |
+
▁ways -3076
|
3337 |
+
▁anxious -3077
|
3338 |
+
▁mushroom -3078
|
3339 |
+
▁candle -3079
|
3340 |
+
▁case -3080
|
3341 |
+
▁magn -3081
|
3342 |
+
▁haircut -3082
|
3343 |
+
▁computer -3083
|
3344 |
+
ina -3084
|
3345 |
+
▁waff -3085
|
3346 |
+
▁er -3086
|
3347 |
+
▁prep -3087
|
3348 |
+
most -3088
|
3349 |
+
▁graceful -3089
|
3350 |
+
▁tooth -3090
|
3351 |
+
▁cop -3091
|
3352 |
+
▁troubled -3092
|
3353 |
+
▁stream -3093
|
3354 |
+
▁broccoli -3094
|
3355 |
+
▁rescue -3095
|
3356 |
+
▁dreamed -3096
|
3357 |
+
io -3097
|
3358 |
+
▁soar -3098
|
3359 |
+
▁value -3099
|
3360 |
+
▁rubb -3100
|
3361 |
+
▁Tr -3101
|
3362 |
+
ellig -3102
|
3363 |
+
▁Smith -3103
|
3364 |
+
▁advice -3104
|
3365 |
+
▁almost -3105
|
3366 |
+
▁belt -3106
|
3367 |
+
▁intellig -3107
|
3368 |
+
▁mug -3108
|
3369 |
+
▁anywhere -3109
|
3370 |
+
▁lying -3110
|
3371 |
+
▁smoke -3111
|
3372 |
+
▁send -3112
|
3373 |
+
ature -3113
|
3374 |
+
▁sil -3114
|
3375 |
+
▁lean -3115
|
3376 |
+
▁mill -3116
|
3377 |
+
▁butterflies -3117
|
3378 |
+
▁bull -3118
|
3379 |
+
▁frown -3119
|
3380 |
+
▁sandc -3120
|
3381 |
+
illa -3121
|
3382 |
+
▁changed -3122
|
3383 |
+
▁times -3123
|
3384 |
+
opl -3124
|
3385 |
+
eropl -3125
|
3386 |
+
▁decorate -3126
|
3387 |
+
▁kis -3127
|
3388 |
+
▁suit -3128
|
3389 |
+
utes -3129
|
3390 |
+
▁eng -3130
|
3391 |
+
▁skin -3131
|
3392 |
+
Here -3132
|
3393 |
+
▁harsh -3133
|
3394 |
+
▁base -3134
|
3395 |
+
▁vi -3135
|
3396 |
+
▁aeropl -3136
|
3397 |
+
▁helpless -3137
|
3398 |
+
▁celebrate -3138
|
3399 |
+
▁compassionate -3139
|
3400 |
+
opard -3140
|
3401 |
+
▁melon -3141
|
3402 |
+
▁pale -3142
|
3403 |
+
▁tricks -3143
|
3404 |
+
▁yours -3144
|
3405 |
+
▁wallet -3145
|
3406 |
+
▁bees -3146
|
3407 |
+
▁restless -3147
|
3408 |
+
live -3148
|
3409 |
+
umpet -3149
|
3410 |
+
▁jug -3150
|
3411 |
+
▁persist -3151
|
3412 |
+
▁quarrel -3152
|
3413 |
+
▁sighed -3153
|
3414 |
+
▁stretch -3154
|
3415 |
+
▁envious -3155
|
3416 |
+
▁shine -3156
|
3417 |
+
▁learning -3157
|
3418 |
+
▁angel -3158
|
3419 |
+
▁trumpet -3159
|
3420 |
+
▁thief -3160
|
3421 |
+
▁excite -3161
|
3422 |
+
▁minutes -3162
|
3423 |
+
▁alert -3163
|
3424 |
+
▁planet -3164
|
3425 |
+
▁bicycle -3165
|
3426 |
+
▁picking -3166
|
3427 |
+
▁notice -3167
|
3428 |
+
▁rice -3168
|
3429 |
+
▁sink -3169
|
3430 |
+
▁thinking -3170
|
3431 |
+
atient -3171
|
3432 |
+
▁intelligent -3172
|
3433 |
+
▁attract -3173
|
3434 |
+
▁cube -3174
|
3435 |
+
▁tem -3175
|
3436 |
+
▁question -3176
|
3437 |
+
ubby -3177
|
3438 |
+
▁tax -3178
|
3439 |
+
▁carp -3179
|
3440 |
+
▁vol -3180
|
3441 |
+
can -3181
|
3442 |
+
▁yogurt -3182
|
3443 |
+
▁lit -3183
|
3444 |
+
▁magnet -3184
|
3445 |
+
igator -3185
|
3446 |
+
uggled -3186
|
3447 |
+
▁may -3187
|
3448 |
+
▁bump -3188
|
3449 |
+
▁scoot -3189
|
3450 |
+
▁leopard -3190
|
3451 |
+
▁pepper -3191
|
3452 |
+
▁cap -3192
|
3453 |
+
▁enjoying -3193
|
3454 |
+
▁desk -3194
|
3455 |
+
▁flute -3195
|
3456 |
+
▁crystal -3196
|
3457 |
+
cake -3197
|
3458 |
+
▁viol -3198
|
3459 |
+
▁standing -3199
|
3460 |
+
▁valu -3200
|
3461 |
+
▁tunnel -3201
|
3462 |
+
▁cricket -3202
|
3463 |
+
▁chubby -3203
|
3464 |
+
▁carpet -3204
|
3465 |
+
orable -3205
|
3466 |
+
▁sle -3206
|
3467 |
+
▁stronger -3207
|
3468 |
+
▁scatter -3208
|
3469 |
+
Who -3209
|
3470 |
+
▁competitive -3210
|
3471 |
+
▁persistent -3211
|
3472 |
+
▁sweater -3212
|
3473 |
+
▁pigeon -3213
|
3474 |
+
▁impatient -3214
|
3475 |
+
▁encou -3215
|
3476 |
+
▁nail -3216
|
3477 |
+
▁those -3217
|
3478 |
+
▁basketball -3218
|
3479 |
+
▁adorable -3219
|
3480 |
+
▁speed -3220
|
3481 |
+
▁cact -3221
|
3482 |
+
cycle -3222
|
3483 |
+
▁rubbed -3223
|
3484 |
+
▁once -3224
|
3485 |
+
asses -3225
|
3486 |
+
▁taxi -3226
|
3487 |
+
▁figure -3227
|
3488 |
+
▁bedroom -3228
|
3489 |
+
▁reading -3229
|
3490 |
+
urb -3230
|
3491 |
+
▁load -3231
|
3492 |
+
▁attractive -3232
|
3493 |
+
old -3233
|
3494 |
+
▁guess -3234
|
3495 |
+
▁travel -3235
|
3496 |
+
▁knock -3236
|
3497 |
+
▁alligator -3237
|
3498 |
+
▁telling -3238
|
3499 |
+
▁violin -3239
|
3500 |
+
▁package -3240
|
3501 |
+
▁design -3241
|
3502 |
+
▁houses -3242
|
3503 |
+
ebra -3243
|
3504 |
+
▁scale -3244
|
3505 |
+
▁collar -3245
|
3506 |
+
▁pengu -3246
|
3507 |
+
▁envel -3247
|
3508 |
+
▁flour -3248
|
3509 |
+
▁laund -3249
|
3510 |
+
aff -3250
|
3511 |
+
hero -3251
|
3512 |
+
▁earth -3252
|
3513 |
+
▁laundry -3253
|
3514 |
+
cano -3254
|
3515 |
+
▁squash -3255
|
3516 |
+
▁added -3256
|
3517 |
+
angle -3257
|
3518 |
+
▁avoc -3258
|
3519 |
+
How -3259
|
3520 |
+
▁wiped -3260
|
3521 |
+
▁disturb -3261
|
3522 |
+
▁superhero -3262
|
3523 |
+
night -3263
|
3524 |
+
▁engine -3264
|
3525 |
+
▁purse -3265
|
3526 |
+
▁Rose -3266
|
3527 |
+
▁seal -3267
|
3528 |
+
▁melt -3268
|
3529 |
+
▁volcano -3269
|
3530 |
+
▁playground -3270
|
3531 |
+
▁themselves -3271
|
3532 |
+
▁valuable -3272
|
3533 |
+
▁zebra -3273
|
3534 |
+
▁barking -3274
|
3535 |
+
▁ears -3275
|
3536 |
+
cu -3276
|
3537 |
+
▁meat -3277
|
3538 |
+
▁guard -3278
|
3539 |
+
▁wheels -3279
|
3540 |
+
▁sheet -3280
|
3541 |
+
▁shrimp -3281
|
3542 |
+
▁radio -3282
|
3543 |
+
▁lively -3283
|
3544 |
+
ebook -3284
|
3545 |
+
▁notebook -3285
|
3546 |
+
▁post -3286
|
3547 |
+
▁pow -3287
|
3548 |
+
▁shade -3288
|
3549 |
+
▁ignorant -3289
|
3550 |
+
▁comet -3290
|
3551 |
+
▁raft -3291
|
3552 |
+
▁cats -3292
|
3553 |
+
▁cactus -3293
|
3554 |
+
▁speak -3294
|
3555 |
+
▁station -3295
|
3556 |
+
▁turkey -3296
|
3557 |
+
▁rece -3297
|
3558 |
+
▁pipe -3298
|
3559 |
+
▁questions -3299
|
3560 |
+
dest -3300
|
3561 |
+
▁hours -3301
|
3562 |
+
bul -3302
|
3563 |
+
▁Ella -3303
|
3564 |
+
▁curt -3304
|
3565 |
+
▁chalk -3305
|
3566 |
+
▁wire -3306
|
3567 |
+
▁saus -3307
|
3568 |
+
acht -3308
|
3569 |
+
▁Rex -3309
|
3570 |
+
▁curtain -3310
|
3571 |
+
▁happiness -3311
|
3572 |
+
dom -3312
|
3573 |
+
▁practice -3313
|
3574 |
+
▁enth -3314
|
3575 |
+
▁bags -3315
|
3576 |
+
▁pirate -3316
|
3577 |
+
az -3317
|
3578 |
+
▁thu -3318
|
3579 |
+
▁enthus -3319
|
3580 |
+
▁return -3320
|
3581 |
+
▁drawings -3321
|
3582 |
+
▁dust -3322
|
3583 |
+
▁wheat -3323
|
3584 |
+
▁tears -3324
|
3585 |
+
▁gathered -3325
|
3586 |
+
▁pony -3326
|
3587 |
+
▁boats -3327
|
3588 |
+
▁yacht -3328
|
3589 |
+
▁bul -3329
|
3590 |
+
affe -3330
|
3591 |
+
umbled -3331
|
3592 |
+
▁behave -3332
|
3593 |
+
aky -3333
|
3594 |
+
▁moms -3334
|
3595 |
+
▁firework -3335
|
3596 |
+
▁oat -3336
|
3597 |
+
nam -3337
|
3598 |
+
▁surf -3338
|
3599 |
+
▁screen -3339
|
3600 |
+
▁Pet -3340
|
3601 |
+
▁gets -3341
|
3602 |
+
▁univer -3342
|
3603 |
+
▁' -3343
|
3604 |
+
▁unlock -3344
|
3605 |
+
▁diary -3345
|
3606 |
+
▁temp -3346
|
3607 |
+
▁uncle -3347
|
3608 |
+
▁vet -3348
|
3609 |
+
▁dreams -3349
|
3610 |
+
▁compl -3350
|
3611 |
+
▁lights -3351
|
3612 |
+
▁comfort -3352
|
3613 |
+
▁ext -3353
|
3614 |
+
▁envelope -3354
|
3615 |
+
▁meadow -3355
|
3616 |
+
▁helps -3356
|
3617 |
+
▁scooter -3357
|
3618 |
+
▁vine -3358
|
3619 |
+
ache -3359
|
3620 |
+
bulance -3360
|
3621 |
+
▁ambulance -3361
|
3622 |
+
▁shape -3362
|
3623 |
+
▁chirp -3363
|
3624 |
+
▁yaw -3364
|
3625 |
+
▁acce -3365
|
3626 |
+
▁spinning -3366
|
3627 |
+
▁nicely -3367
|
3628 |
+
▁modest -3368
|
3629 |
+
▁arg -3369
|
3630 |
+
▁perm -3370
|
3631 |
+
▁half -3371
|
3632 |
+
▁nurse -3372
|
3633 |
+
▁jellyfish -3373
|
3634 |
+
▁Bubbles -3374
|
3635 |
+
ines -3375
|
3636 |
+
▁phot -3376
|
3637 |
+
▁costume -3377
|
3638 |
+
▁giraffe -3378
|
3639 |
+
▁cows -3379
|
3640 |
+
▁stack -3380
|
3641 |
+
▁aeroplane -3381
|
3642 |
+
aser -3382
|
3643 |
+
nament -3383
|
3644 |
+
▁reward -3384
|
3645 |
+
▁Pete -3385
|
3646 |
+
▁slept -3386
|
3647 |
+
▁bounced -3387
|
3648 |
+
iew -3388
|
3649 |
+
▁knot -3389
|
3650 |
+
▁support -3390
|
3651 |
+
ision -3391
|
3652 |
+
▁extra -3392
|
3653 |
+
▁distant -3393
|
3654 |
+
▁rub -3394
|
3655 |
+
▁mistakes -3395
|
3656 |
+
▁bulb -3396
|
3657 |
+
▁inse -3397
|
3658 |
+
▁view -3398
|
3659 |
+
▁thread -3399
|
3660 |
+
▁motorcycle -3400
|
3661 |
+
otter -3401
|
3662 |
+
▁Jenny -3402
|
3663 |
+
▁helper -3403
|
3664 |
+
▁otter -3404
|
3665 |
+
ito -3405
|
3666 |
+
▁city -3406
|
3667 |
+
▁camp -3407
|
3668 |
+
▁encoura -3408
|
3669 |
+
▁showing -3409
|
3670 |
+
▁skip -3410
|
3671 |
+
▁calling -3411
|
3672 |
+
▁ornament -3412
|
3673 |
+
▁gor -3413
|
3674 |
+
▁impro -3414
|
3675 |
+
▁trash -3415
|
3676 |
+
ceed -3416
|
3677 |
+
lete -3417
|
3678 |
+
▁pebble -3418
|
3679 |
+
tern -3419
|
3680 |
+
▁thankful -3420
|
3681 |
+
ulif -3421
|
3682 |
+
▁message -3422
|
3683 |
+
▁swinging -3423
|
3684 |
+
▁hipp -3424
|
3685 |
+
▁eventually -3425
|
3686 |
+
▁oy -3426
|
3687 |
+
▁Nut -3427
|
3688 |
+
▁dishes -3428
|
3689 |
+
▁tro -3429
|
3690 |
+
quito -3430
|
3691 |
+
▁riding -3431
|
3692 |
+
▁listening -3432
|
3693 |
+
▁repair -3433
|
3694 |
+
▁falling -3434
|
3695 |
+
▁forward -3435
|
3696 |
+
▁caulif -3436
|
3697 |
+
par -3437
|
3698 |
+
▁shield -3438
|
3699 |
+
▁tells -3439
|
3700 |
+
▁mos -3440
|
3701 |
+
lu -3441
|
3702 |
+
stic -3442
|
3703 |
+
▁shut -3443
|
3704 |
+
ination -3444
|
3705 |
+
ube -3445
|
3706 |
+
▁carrying -3446
|
3707 |
+
▁complete -3447
|
3708 |
+
▁ing -3448
|
3709 |
+
▁Will -3449
|
3710 |
+
▁climbing -3450
|
3711 |
+
iastic -3451
|
3712 |
+
▁enthusiastic -3452
|
3713 |
+
▁succeed -3453
|
3714 |
+
redient -3454
|
3715 |
+
▁ingredient -3455
|
3716 |
+
▁point -3456
|
3717 |
+
▁separ -3457
|
3718 |
+
▁Snowy -3458
|
3719 |
+
▁putting -3459
|
3720 |
+
▁Peter -3460
|
3721 |
+
▁mosquito -3461
|
3722 |
+
▁hotel -3462
|
3723 |
+
▁ticket -3463
|
3724 |
+
▁cauliflower -3464
|
3725 |
+
▁needle -3465
|
3726 |
+
▁eaten -3466
|
3727 |
+
▁marry -3467
|
3728 |
+
eer -3468
|
3729 |
+
▁boys -3469
|
3730 |
+
ailable -3470
|
3731 |
+
▁True -3471
|
3732 |
+
▁bubble -3472
|
3733 |
+
Sorry -3473
|
3734 |
+
sses -3474
|
3735 |
+
Ben -3475
|
3736 |
+
▁spell -3476
|
3737 |
+
lier -3477
|
3738 |
+
▁pee -3478
|
3739 |
+
hip -3479
|
3740 |
+
aged -3480
|
3741 |
+
▁object -3481
|
3742 |
+
▁excitement -3482
|
3743 |
+
▁tools -3483
|
3744 |
+
▁triangle -3484
|
3745 |
+
▁hook -3485
|
3746 |
+
▁gorilla -3486
|
3747 |
+
stri -3487
|
3748 |
+
▁attic -3488
|
3749 |
+
▁screw -3489
|
3750 |
+
▁puddles -3490
|
3751 |
+
arian -3491
|
3752 |
+
▁available -3492
|
3753 |
+
▁unpack -3493
|
3754 |
+
▁pretending -3494
|
3755 |
+
▁sparkly -3495
|
3756 |
+
▁gust -3496
|
3757 |
+
▁four -3497
|
3758 |
+
▁split -3498
|
3759 |
+
▁steak -3499
|
3760 |
+
▁chasing -3500
|
3761 |
+
▁inclu -3501
|
3762 |
+
▁tube -3502
|
3763 |
+
gging -3503
|
3764 |
+
▁pole -3504
|
3765 |
+
▁hippo -3505
|
3766 |
+
▁organize -3506
|
3767 |
+
▁stones -3507
|
3768 |
+
azz -3508
|
3769 |
+
▁onion -3509
|
3770 |
+
▁earlier -3510
|
3771 |
+
aid -3511
|
3772 |
+
▁barrel -3512
|
3773 |
+
▁harder -3513
|
3774 |
+
▁shells -3514
|
3775 |
+
▁friendship -3515
|
3776 |
+
▁fort -3516
|
3777 |
+
▁insect -3517
|
3778 |
+
▁eraser -3518
|
3779 |
+
▁itch -3519
|
3780 |
+
▁peach -3520
|
3781 |
+
▁poem -3521
|
3782 |
+
▁boots -3522
|
3783 |
+
▁pilot -3523
|
3784 |
+
▁pit -3524
|
3785 |
+
▁spun -3525
|
3786 |
+
▁football -3526
|
3787 |
+
vator -3527
|
3788 |
+
▁wife -3528
|
3789 |
+
Well -3529
|
3790 |
+
▁thunder -3530
|
3791 |
+
appy -3531
|
3792 |
+
▁mop -3532
|
3793 |
+
▁tray -3533
|
3794 |
+
▁mild -3534
|
3795 |
+
▁sniff -3535
|
3796 |
+
▁elevator -3536
|
3797 |
+
▁rod -3537
|
3798 |
+
▁polish -3538
|
3799 |
+
▁leash -3539
|
3800 |
+
elery -3540
|
3801 |
+
▁club -3541
|
3802 |
+
▁drawer -3542
|
3803 |
+
▁gro -3543
|
3804 |
+
seum -3544
|
3805 |
+
▁flea -3545
|
3806 |
+
▁hedge -3546
|
3807 |
+
▁chain -3547
|
3808 |
+
▁Nutty -3548
|
3809 |
+
▁cushion -3549
|
3810 |
+
▁pattern -3550
|
3811 |
+
ric -3551
|
3812 |
+
▁deter -3552
|
3813 |
+
▁museum -3553
|
3814 |
+
inoc -3554
|
3815 |
+
▁dive -3555
|
3816 |
+
▁monkeys -3556
|
3817 |
+
▁growing -3557
|
3818 |
+
▁seas -3558
|
3819 |
+
▁cries -3559
|
3820 |
+
▁grapes -3560
|
3821 |
+
cakes -3561
|
3822 |
+
▁rag -3562
|
3823 |
+
▁folder -3563
|
3824 |
+
we -3564
|
3825 |
+
▁mint -3565
|
3826 |
+
irit -3566
|
3827 |
+
essert -3567
|
3828 |
+
▁ingredients -3568
|
3829 |
+
▁fallen -3569
|
3830 |
+
ffe -3570
|
3831 |
+
phy -3571
|
3832 |
+
indeer -3572
|
3833 |
+
▁celery -3573
|
3834 |
+
body -3574
|
3835 |
+
ffee -3575
|
3836 |
+
▁nature -3576
|
3837 |
+
▁dessert -3577
|
3838 |
+
▁patch -3578
|
3839 |
+
▁hanging -3579
|
3840 |
+
▁baseball -3580
|
3841 |
+
strich -3581
|
3842 |
+
▁mem -3582
|
3843 |
+
▁determ -3583
|
3844 |
+
▁growl -3584
|
3845 |
+
▁hears -3585
|
3846 |
+
▁journal -3586
|
3847 |
+
▁trophy -3587
|
3848 |
+
▁vest -3588
|
3849 |
+
▁rushed -3589
|
3850 |
+
▁Many -3590
|
3851 |
+
▁stairs -3591
|
3852 |
+
▁walls -3592
|
3853 |
+
▁glove -3593
|
3854 |
+
▁hats -3594
|
3855 |
+
▁ur -3595
|
3856 |
+
▁rubber -3596
|
3857 |
+
▁itself -3597
|
3858 |
+
▁surprises -3598
|
3859 |
+
▁size -3599
|
3860 |
+
▁either -3600
|
3861 |
+
▁lend -3601
|
3862 |
+
▁ins -3602
|
3863 |
+
▁coal -3603
|
3864 |
+
▁reindeer -3604
|
3865 |
+
▁kay -3605
|
3866 |
+
chair -3606
|
3867 |
+
▁yoga -3607
|
3868 |
+
▁chess -3608
|
3869 |
+
▁penguin -3609
|
3870 |
+
▁video -3610
|
3871 |
+
▁Today -3611
|
3872 |
+
▁metal -3612
|
3873 |
+
▁factor -3613
|
3874 |
+
▁mule -3614
|
3875 |
+
▁shouldn -3615
|
3876 |
+
▁herb -3616
|
3877 |
+
▁baking -3617
|
3878 |
+
▁raced -3618
|
3879 |
+
▁biggest -3619
|
3880 |
+
▁salt -3620
|
3881 |
+
zzy -3621
|
3882 |
+
▁factory -3622
|
3883 |
+
▁pun -3623
|
3884 |
+
▁louder -3624
|
3885 |
+
seek -3625
|
3886 |
+
▁strawberry -3626
|
3887 |
+
▁squirrels -3627
|
3888 |
+
ressed -3628
|
3889 |
+
urch -3629
|
3890 |
+
▁rh -3630
|
3891 |
+
▁armchair -3631
|
3892 |
+
iest -3632
|
3893 |
+
▁cupboard -3633
|
3894 |
+
▁shows -3634
|
3895 |
+
▁fu -3635
|
3896 |
+
▁actually -3636
|
3897 |
+
▁coffee -3637
|
3898 |
+
▁Jake -3638
|
3899 |
+
▁judge -3639
|
3900 |
+
inocer -3640
|
3901 |
+
▁skipped -3641
|
3902 |
+
▁task -3642
|
3903 |
+
▁golf -3643
|
3904 |
+
▁skirt -3644
|
3905 |
+
▁counting -3645
|
3906 |
+
▁oyster -3646
|
3907 |
+
▁fre -3647
|
3908 |
+
iron -3648
|
3909 |
+
play -3649
|
3910 |
+
▁tap -3650
|
3911 |
+
asher -3651
|
3912 |
+
▁blueberries -3652
|
3913 |
+
▁popped -3653
|
3914 |
+
▁cudd -3654
|
3915 |
+
▁grocer -3655
|
3916 |
+
▁soc -3656
|
3917 |
+
omes -3657
|
3918 |
+
▁frame -3658
|
3919 |
+
▁musician -3659
|
3920 |
+
inoceros -3660
|
3921 |
+
washer -3661
|
3922 |
+
▁bin -3662
|
3923 |
+
ugged -3663
|
3924 |
+
▁repe -3664
|
3925 |
+
▁cord -3665
|
3926 |
+
▁impressed -3666
|
3927 |
+
gl -3667
|
3928 |
+
ley -3668
|
3929 |
+
▁soccer -3669
|
3930 |
+
▁magaz -3670
|
3931 |
+
▁spirit -3671
|
3932 |
+
iggle -3672
|
3933 |
+
▁dishwasher -3673
|
3934 |
+
▁avocado -3674
|
3935 |
+
▁resist -3675
|
3936 |
+
▁drop -3676
|
3937 |
+
▁kissed -3677
|
3938 |
+
▁display -3678
|
3939 |
+
▁stumbled -3679
|
3940 |
+
▁church -3680
|
3941 |
+
ney -3681
|
3942 |
+
▁Miss -3682
|
3943 |
+
▁obser -3683
|
3944 |
+
▁makeup -3684
|
3945 |
+
▁lotion -3685
|
3946 |
+
▁fresh -3686
|
3947 |
+
▁decide -3687
|
3948 |
+
▁battery -3688
|
3949 |
+
kelet -3689
|
3950 |
+
▁math -3690
|
3951 |
+
▁glowing -3691
|
3952 |
+
▁microphone -3692
|
3953 |
+
▁maze -3693
|
3954 |
+
Qu -3694
|
3955 |
+
▁No -3695
|
3956 |
+
▁fireman -3696
|
3957 |
+
▁matt -3697
|
3958 |
+
▁sight -3698
|
3959 |
+
▁film -3699
|
3960 |
+
▁handle -3700
|
3961 |
+
▁airport -3701
|
3962 |
+
gen -3702
|
3963 |
+
keep -3703
|
3964 |
+
▁loop -3704
|
3965 |
+
▁hive -3705
|
3966 |
+
▁skull -3706
|
3967 |
+
▁sett -3707
|
3968 |
+
▁Little -3708
|
3969 |
+
▁discovered -3709
|
3970 |
+
▁ink -3710
|
3971 |
+
▁por -3711
|
3972 |
+
▁rot -3712
|
3973 |
+
glasses -3713
|
3974 |
+
▁rhinoceros -3714
|
3975 |
+
▁hurry -3715
|
3976 |
+
▁sunglasses -3716
|
3977 |
+
▁freez -3717
|
3978 |
+
ations -3718
|
3979 |
+
▁hung -3719
|
3980 |
+
▁checked -3720
|
3981 |
+
▁quit -3721
|
3982 |
+
▁wool -3722
|
3983 |
+
chan -3723
|
3984 |
+
web -3724
|
3985 |
+
▁imagine -3725
|
3986 |
+
▁cob -3726
|
3987 |
+
▁mattress -3727
|
3988 |
+
icer -3728
|
3989 |
+
▁sounded -3729
|
3990 |
+
▁Fo -3730
|
3991 |
+
▁sy -3731
|
3992 |
+
▁lime -3732
|
3993 |
+
▁radish -3733
|
3994 |
+
▁vend -3734
|
3995 |
+
▁ -3735
|
3996 |
+
e -3736
|
3997 |
+
a -3737
|
3998 |
+
t -3738
|
3999 |
+
o -3739
|
4000 |
+
h -3740
|
4001 |
+
n -3741
|
4002 |
+
i -3742
|
4003 |
+
d -3743
|
4004 |
+
s -3744
|
4005 |
+
r -3745
|
4006 |
+
l -3746
|
4007 |
+
y -3747
|
4008 |
+
m -3748
|
4009 |
+
w -3749
|
4010 |
+
u -3750
|
4011 |
+
. -3751
|
4012 |
+
p -3752
|
4013 |
+
g -3753
|
4014 |
+
c -3754
|
4015 |
+
b -3755
|
4016 |
+
f -3756
|
4017 |
+
, -3757
|
4018 |
+
k -3758
|
4019 |
+
T -3759
|
4020 |
+
v -3760
|
4021 |
+
" -3761
|
4022 |
+
S -3762
|
4023 |
+
L -3763
|
4024 |
+
' -3764
|
4025 |
+
H -3765
|
4026 |
+
O -3766
|
4027 |
+
I -3767
|
4028 |
+
! -3768
|
4029 |
+
x -3769
|
4030 |
+
B -3770
|
4031 |
+
M -3771
|
4032 |
+
A -3772
|
4033 |
+
W -3773
|
4034 |
+
j -3774
|
4035 |
+
? -3775
|
4036 |
+
z -3776
|
4037 |
+
Y -3777
|
4038 |
+
F -3778
|
4039 |
+
J -3779
|
4040 |
+
D -3780
|
4041 |
+
q -3781
|
4042 |
+
C -3782
|
4043 |
+
N -3783
|
4044 |
+
E -3784
|
4045 |
+
P -3785
|
4046 |
+
R -3786
|
4047 |
+
K -3787
|
4048 |
+
G -3788
|
4049 |
+
- -3789
|
4050 |
+
“ -3790
|
4051 |
+
” -3791
|
4052 |
+
: -3792
|
4053 |
+
’ -3793
|
4054 |
+
Z -3794
|
4055 |
+
V -3795
|
4056 |
+
U -3796
|
4057 |
+
3 -3797
|
4058 |
+
Q -3798
|
4059 |
+
; -3799
|
4060 |
+
1 -3800
|
4061 |
+
– -3801
|
4062 |
+
0 -3802
|
4063 |
+
X -3803
|
4064 |
+
2 -3804
|
4065 |
+
5 -3805
|
4066 |
+
— -3806
|
4067 |
+
‘ -3807
|
4068 |
+
9 -3808
|
4069 |
+
4 -3809
|
4070 |
+
é -3810
|
4071 |
+
… -3811
|
4072 |
+
8 -3812
|
4073 |
+
) -3813
|
4074 |
+
( -3814
|
4075 |
+
6 -3815
|
4076 |
+
7 -3816
|
4077 |
+
/ -3817
|
4078 |
+
ñ -3818
|
4079 |
+
$ -3819
|
4080 |
+
` -3820
|
4081 |
+
+ -3821
|
4082 |
+
* -3822
|
4083 |
+
-3823
|
4084 |
+
& -3824
|
4085 |
+
\ -3825
|
4086 |
+
% -3826
|
4087 |
+
â -3827
|
4088 |
+
€ -3828
|
4089 |
+
< -3829
|
4090 |
+
> -3830
|
4091 |
+
| -3831
|
4092 |
+
™ -3832
|
4093 |
+
[ -3833
|
4094 |
+
] -3834
|
4095 |
+
~ -3835
|
4096 |
+
-3836
|
train_snakes.py
ADDED
@@ -0,0 +1,338 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
"""
|
2 |
+
This training script can be run both on a single gpu in debug mode,
|
3 |
+
and also in a larger training run with distributed data parallel (ddp).
|
4 |
+
|
5 |
+
To run on a single GPU small debug run, example:
|
6 |
+
$ python -m train.py --compile=False --eval_iters=10 --batch_size=8
|
7 |
+
|
8 |
+
To run with DDP on 4 gpus on 1 node, example:
|
9 |
+
$ torchrun --standalone --nproc_per_node=4 train.py
|
10 |
+
|
11 |
+
To run with DDP on 4 gpus across 2 nodes, example:
|
12 |
+
- Run on the first (master) node with example IP 123.456.123.456:
|
13 |
+
$ torchrun --nproc_per_node=8 --nnodes=2 --node_rank=0 --master_addr=123.456.123.456 --master_port=1234 train.py
|
14 |
+
- Run on the worker node:
|
15 |
+
$ torchrun --nproc_per_node=8 --nnodes=2 --node_rank=1 --master_addr=123.456.123.456 --master_port=1234 train.py
|
16 |
+
(If your cluster does not have Infiniband interconnect prepend NCCL_IB_DISABLE=1)
|
17 |
+
"""
|
18 |
+
|
19 |
+
import math
|
20 |
+
import os
|
21 |
+
import time
|
22 |
+
from contextlib import nullcontext
|
23 |
+
from datetime import datetime
|
24 |
+
from functools import partial
|
25 |
+
import inspect
|
26 |
+
import torch
|
27 |
+
from torch.distributed import destroy_process_group, init_process_group
|
28 |
+
from torch.nn.parallel import DistributedDataParallel as DDP
|
29 |
+
|
30 |
+
from tinystories import Task
|
31 |
+
|
32 |
+
from model import MambaLMHeadModel
|
33 |
+
|
34 |
+
|
35 |
+
# -----------------------------------------------------------------------------
|
36 |
+
# I/O
|
37 |
+
out_dir = "out/768-8"
|
38 |
+
eval_interval = 2000
|
39 |
+
log_interval = 1
|
40 |
+
eval_iters = 100
|
41 |
+
eval_only = False # if True, script exits right after the first eval
|
42 |
+
always_save_checkpoint = True # if True, always save a checkpoint after each eval
|
43 |
+
init_from = "resume" # 'scratch' or 'resume'
|
44 |
+
# wandb logging
|
45 |
+
wandb_log = True # disabled by default
|
46 |
+
wandb_project = "tiny-mambas"
|
47 |
+
wandb_run_name = "run" + datetime.now().strftime("%Y_%m_%d_%H_%M_%S")
|
48 |
+
# data
|
49 |
+
batch_size = 128 # if gradient_accumulation_steps > 1, tshis is the micro-batch size
|
50 |
+
max_seq_len = 256
|
51 |
+
vocab_size = 4096 # the Llama 2 tokenizer has 32K tokens
|
52 |
+
vocab_source = "custom"
|
53 |
+
# model
|
54 |
+
d_model = 768
|
55 |
+
n_layer = 8
|
56 |
+
vocab_size = 4096
|
57 |
+
# adamw optimizer
|
58 |
+
gradient_accumulation_steps = 4 # used to simulate larger batch sizes
|
59 |
+
learning_rate = 5e-4 # max learning rate
|
60 |
+
max_iters = 100000 # total number of training iterations
|
61 |
+
weight_decay = 1e-1
|
62 |
+
beta1 = 0.9
|
63 |
+
beta2 = 0.95
|
64 |
+
grad_clip = 1.0 # clip gradients at this value, or disable if == 0.0
|
65 |
+
# learning rate decay settings
|
66 |
+
decay_lr = True # whether to decay the learning rate
|
67 |
+
warmup_iters = 1000 # how many steps to warm up for
|
68 |
+
# system
|
69 |
+
device = "cuda" # examples: 'cpu', 'cuda', 'cuda:0', 'cuda:1' etc., or try 'mps' on macbooks
|
70 |
+
dtype = "float16" # float32|bfloat16|float16
|
71 |
+
compile = False # use PyTorch 2.0 to compile the model to be faster
|
72 |
+
|
73 |
+
|
74 |
+
class mambaConfig:
|
75 |
+
|
76 |
+
d_model: int = d_model
|
77 |
+
n_layer: int = n_layer
|
78 |
+
vocab_size: int = vocab_size
|
79 |
+
ssm_cfg: dict = None
|
80 |
+
rms_norm: bool = True
|
81 |
+
residual_in_fp32: bool = True
|
82 |
+
fused_add_norm: bool = True
|
83 |
+
pad_vocab_size_multiple: int = 8
|
84 |
+
|
85 |
+
|
86 |
+
|
87 |
+
|
88 |
+
config_keys = [
|
89 |
+
k
|
90 |
+
for k, v in globals().items()
|
91 |
+
if not k.startswith("_") and isinstance(v, (int, float, bool, str))
|
92 |
+
]
|
93 |
+
config = {k: globals()[k] for k in config_keys} # will be useful for logging
|
94 |
+
|
95 |
+
# fixing some hyperparams to sensible defaults
|
96 |
+
lr_decay_iters = max_iters # should be ~= max_iters per Chinchilla
|
97 |
+
min_lr = 5e-5 # minimum learning rate, should be ~= learning_rate/10 per Chinchilla
|
98 |
+
|
99 |
+
|
100 |
+
torch.cuda.set_device(0)
|
101 |
+
|
102 |
+
# -----------------------------------------------------------------------------
|
103 |
+
torch.manual_seed(1337)
|
104 |
+
torch.backends.cuda.matmul.allow_tf32 = True # allow tf32 on matmul
|
105 |
+
torch.backends.cudnn.allow_tf32 = True # allow tf32 on cudnn
|
106 |
+
device_type = "cuda" if "cuda" in device else "cpu" # for later use in torch.autocast
|
107 |
+
# note: float16 data type will automatically use a GradScaler
|
108 |
+
ptdtype = {"float32": torch.float32, "bfloat16": torch.bfloat16, "float16": torch.float16}[dtype]
|
109 |
+
ctx = (
|
110 |
+
nullcontext()
|
111 |
+
if device_type == "cpu"
|
112 |
+
else torch.amp.autocast(device_type=device_type, dtype=ptdtype)
|
113 |
+
)
|
114 |
+
|
115 |
+
# task-specific setup
|
116 |
+
iter_batches = partial(
|
117 |
+
Task.iter_batches,
|
118 |
+
batch_size=batch_size,
|
119 |
+
max_seq_len=max_seq_len,
|
120 |
+
vocab_size=vocab_size,
|
121 |
+
vocab_source=vocab_source,
|
122 |
+
device=device,
|
123 |
+
num_workers=0,
|
124 |
+
)
|
125 |
+
|
126 |
+
# init these up here, can override if init_from='resume' (i.e. from a checkpoint)
|
127 |
+
iter_num = 0
|
128 |
+
best_val_loss = 1e9
|
129 |
+
|
130 |
+
# model init
|
131 |
+
model_args = dict(
|
132 |
+
d_model=d_model,
|
133 |
+
n_layer=n_layer,
|
134 |
+
vocab_size=vocab_size,
|
135 |
+
max_seq_len=max_seq_len,
|
136 |
+
)
|
137 |
+
tokens_per_iter = gradient_accumulation_steps * 1 * batch_size * max_seq_len
|
138 |
+
|
139 |
+
# start with model_args from command line
|
140 |
+
if init_from == "scratch":
|
141 |
+
# init a new model from scratch
|
142 |
+
print("Initializing a new model from scratch")
|
143 |
+
|
144 |
+
model = MambaLMHeadModel(mambaConfig)
|
145 |
+
model.last_loss = None
|
146 |
+
elif init_from == "resume":
|
147 |
+
print(f"Resuming training from {out_dir}")
|
148 |
+
# resume training from a checkpoint.
|
149 |
+
ckpt_path = os.path.join(out_dir, "ckpt.pt")
|
150 |
+
checkpoint = torch.load(ckpt_path, map_location=device)
|
151 |
+
checkpoint_model_args = checkpoint["model_args"]
|
152 |
+
# force these config attributes to be equal otherwise we can't even resume training
|
153 |
+
# the rest of the attributes (e.g. dropout) can stay as desired from command line
|
154 |
+
for k in ["d_model", "n_layer", "vocab_size", "max_seq_len"]:
|
155 |
+
model_args[k] = checkpoint_model_args[k]
|
156 |
+
# create the model
|
157 |
+
model = MambaLMHeadModel(mambaConfig)
|
158 |
+
model.last_loss = None
|
159 |
+
state_dict = checkpoint["model"]
|
160 |
+
# fix the keys of the state dictionary :(
|
161 |
+
# honestly no idea how checkpoints sometimes get this prefix, have to debug more
|
162 |
+
unwanted_prefix = "_orig_mod."
|
163 |
+
for k, v in list(state_dict.items()):
|
164 |
+
if k.startswith(unwanted_prefix):
|
165 |
+
state_dict[k[len(unwanted_prefix) :]] = state_dict.pop(k)
|
166 |
+
model.load_state_dict(state_dict)
|
167 |
+
iter_num = checkpoint["iter_num"]
|
168 |
+
best_val_loss = checkpoint["best_val_loss"]
|
169 |
+
model.to(device)
|
170 |
+
|
171 |
+
# initialize a GradScaler. If enabled=False scaler is a no-op
|
172 |
+
scaler = torch.cuda.amp.GradScaler(enabled=(dtype == "float16"))
|
173 |
+
|
174 |
+
# optimizer
|
175 |
+
# start with all of the candidate parameters
|
176 |
+
param_dict = {pn: p for pn, p in model.named_parameters()}
|
177 |
+
# filter out those that do not require grad
|
178 |
+
param_dict = {pn: p for pn, p in param_dict.items() if p.requires_grad}
|
179 |
+
# create optim groups. Any parameters that is 2D will be weight decayed, otherwise no.
|
180 |
+
# i.e. all weight tensors in matmuls + embeddings decay, all biases and layernorms don't.
|
181 |
+
betas = (beta1, beta2)
|
182 |
+
decay_params = [p for n, p in param_dict.items() if p.dim() >= 2]
|
183 |
+
nodecay_params = [p for n, p in param_dict.items() if p.dim() < 2]
|
184 |
+
optim_groups = [
|
185 |
+
{'params': decay_params, 'weight_decay': weight_decay},
|
186 |
+
{'params': nodecay_params, 'weight_decay': 0.0}
|
187 |
+
]
|
188 |
+
num_decay_params = sum(p.numel() for p in decay_params)
|
189 |
+
num_nodecay_params = sum(p.numel() for p in nodecay_params)
|
190 |
+
print(f"num decayed parameter tensors: {len(decay_params)}, with {num_decay_params:,} parameters")
|
191 |
+
print(f"num non-decayed parameter tensors: {len(nodecay_params)}, with {num_nodecay_params:,} parameters")
|
192 |
+
# Create AdamW optimizer and use the fused version if it is available
|
193 |
+
fused_available = 'fused' in inspect.signature(torch.optim.AdamW).parameters
|
194 |
+
use_fused = fused_available and device_type == 'cuda'
|
195 |
+
extra_args = dict(fused=True) if use_fused else dict()
|
196 |
+
optimizer = torch.optim.AdamW(optim_groups, lr=learning_rate, betas=betas, **extra_args)
|
197 |
+
print(f"using fused AdamW: {use_fused}")
|
198 |
+
|
199 |
+
|
200 |
+
|
201 |
+
if init_from == "resume" and "optimizer" in checkpoint:
|
202 |
+
optimizer.load_state_dict(checkpoint["optimizer"])
|
203 |
+
checkpoint = None # free up memory
|
204 |
+
|
205 |
+
# compile the model
|
206 |
+
if compile:
|
207 |
+
print("compiling the model... (takes a ~minute)")
|
208 |
+
unoptimized_model = model
|
209 |
+
model = torch.compile(model) # requires PyTorch 2.0
|
210 |
+
|
211 |
+
# wrap model into DDP container
|
212 |
+
|
213 |
+
|
214 |
+
# helps estimate an arbitrarily accurate loss over either split using many batches
|
215 |
+
@torch.no_grad()
|
216 |
+
def estimate_loss():
|
217 |
+
out = {}
|
218 |
+
model.eval()
|
219 |
+
for split in ["train", "val"]:
|
220 |
+
batch_iter = iter_batches(split=split)
|
221 |
+
losses = torch.zeros(eval_iters) # keep on CPU
|
222 |
+
for k in range(eval_iters):
|
223 |
+
X, Y = next(batch_iter)
|
224 |
+
with ctx:
|
225 |
+
logits = model(X, Y)
|
226 |
+
loss = raw_model.last_loss
|
227 |
+
losses[k] = loss.item()
|
228 |
+
out[split] = losses.mean()
|
229 |
+
model.train()
|
230 |
+
return out
|
231 |
+
|
232 |
+
# learning rate decay scheduler (cosine with warmup)
|
233 |
+
def get_lr(it):
|
234 |
+
# 1) linear warmup for warmup_iters steps
|
235 |
+
if it < warmup_iters:
|
236 |
+
return learning_rate * it / warmup_iters
|
237 |
+
# 2) if it > lr_decay_iters, return min learning rate
|
238 |
+
if it > lr_decay_iters:
|
239 |
+
return min_lr
|
240 |
+
# 3) in between, use cosine decay down to min learning rate
|
241 |
+
decay_ratio = (it - warmup_iters) / (lr_decay_iters - warmup_iters)
|
242 |
+
assert 0 <= decay_ratio <= 1
|
243 |
+
coeff = 0.5 * (1.0 + math.cos(math.pi * decay_ratio)) # coeff ranges 0..1
|
244 |
+
return min_lr + coeff * (learning_rate - min_lr)
|
245 |
+
|
246 |
+
# logging
|
247 |
+
if wandb_log:
|
248 |
+
import wandb
|
249 |
+
wandb.init(project=wandb_project, name=wandb_run_name, config=config)
|
250 |
+
|
251 |
+
# training loop
|
252 |
+
train_batch_iter = iter_batches(split="train")
|
253 |
+
X, Y = next(train_batch_iter) # fetch the very first batch
|
254 |
+
t0 = time.time()
|
255 |
+
local_iter_num = 0 # number of iterations in the lifetime of this process
|
256 |
+
raw_model = model # unwrap DDP container if needed
|
257 |
+
running_mfu = -1.0
|
258 |
+
while True:
|
259 |
+
# determine and set the learning rate for this iteration
|
260 |
+
lr = get_lr(iter_num) if decay_lr else learning_rate
|
261 |
+
for param_group in optimizer.param_groups:
|
262 |
+
param_group["lr"] = lr
|
263 |
+
|
264 |
+
# evaluate the loss on train/val sets and write checkpoints
|
265 |
+
if iter_num % eval_interval == 0:
|
266 |
+
losses = estimate_loss()
|
267 |
+
print(f"step {iter_num}: train loss {losses['train']:.4f}, val loss {losses['val']:.4f}")
|
268 |
+
if wandb_log:
|
269 |
+
try:
|
270 |
+
wandb.log(
|
271 |
+
{
|
272 |
+
"iter": iter_num,
|
273 |
+
"tokens": iter_num * tokens_per_iter,
|
274 |
+
"loss/train": losses["train"],
|
275 |
+
"loss/val": losses["val"],
|
276 |
+
"lr": lr,
|
277 |
+
|
278 |
+
}, step = iter_num
|
279 |
+
)
|
280 |
+
except Exception as e:
|
281 |
+
print(f"logging to wandb failed: {e}")
|
282 |
+
if losses["val"] < best_val_loss or always_save_checkpoint:
|
283 |
+
best_val_loss = losses["val"]
|
284 |
+
if iter_num > 0:
|
285 |
+
checkpoint = {
|
286 |
+
"model": raw_model.state_dict(),
|
287 |
+
"optimizer": optimizer.state_dict(),
|
288 |
+
"model_args": model_args,
|
289 |
+
"iter_num": iter_num,
|
290 |
+
"best_val_loss": best_val_loss,
|
291 |
+
"config": config,
|
292 |
+
}
|
293 |
+
print(f"saving checkpoint to {out_dir}")
|
294 |
+
torch.save(checkpoint, os.path.join(out_dir, "ckpt.pt"))
|
295 |
+
#model_export(raw_model, os.path.join(out_dir, "model.bin"), version=0)
|
296 |
+
if iter_num == 0 and eval_only:
|
297 |
+
break
|
298 |
+
|
299 |
+
# forward backward update, with optional gradient accumulation to simulate larger batch size
|
300 |
+
# and using the GradScaler if data type is float16
|
301 |
+
for micro_step in range(gradient_accumulation_steps):
|
302 |
+
|
303 |
+
with ctx:
|
304 |
+
logits = model(X, Y)
|
305 |
+
loss = raw_model.last_loss
|
306 |
+
loss = loss / gradient_accumulation_steps
|
307 |
+
# immediately async prefetch next batch while model is doing the forward pass on the GPU
|
308 |
+
X, Y = next(train_batch_iter)
|
309 |
+
# backward pass, with gradient scaling if training in fp16
|
310 |
+
scaler.scale(loss).backward()
|
311 |
+
# clip the gradient
|
312 |
+
if grad_clip != 0.0:
|
313 |
+
scaler.unscale_(optimizer)
|
314 |
+
torch.nn.utils.clip_grad_norm_(model.parameters(), grad_clip)
|
315 |
+
# step the optimizer and scaler if training in fp16
|
316 |
+
scaler.step(optimizer)
|
317 |
+
scaler.update()
|
318 |
+
# flush the gradients as soon as we can, no need for this memory anymore
|
319 |
+
optimizer.zero_grad(set_to_none=True)
|
320 |
+
|
321 |
+
# timing and logging
|
322 |
+
t1 = time.time()
|
323 |
+
dt = t1 - t0
|
324 |
+
t0 = t1
|
325 |
+
if iter_num % log_interval == 0:
|
326 |
+
# get loss as float, scale up due to the divide above. note: this is a CPU-GPU sync point
|
327 |
+
lossf = loss.item() * gradient_accumulation_steps
|
328 |
+
|
329 |
+
print(
|
330 |
+
f"{iter_num} | loss {lossf:.4f} | lr {lr:e} | {dt*1000:.2f}ms |"
|
331 |
+
)
|
332 |
+
iter_num += 1
|
333 |
+
local_iter_num += 1
|
334 |
+
|
335 |
+
# termination conditions
|
336 |
+
if iter_num > max_iters:
|
337 |
+
break
|
338 |
+
|