Commit
·
750522a
1
Parent(s):
b45a33e
Initi
Browse files- README.md +58 -3
- config.json +18 -0
- configuration_ss4m.py +22 -0
- model.safetensors +3 -0
- modeling_ss4m.py +22 -0
- nano_gpt_model.py +134 -0
- special_tokens_map.json +1 -0
- tokenizer.json +3976 -0
- tokenizer_config.json +31 -0
README.md
CHANGED
@@ -1,3 +1,58 @@
|
|
1 |
-
---
|
2 |
-
license: mit
|
3 |
-
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
---
|
2 |
+
license: mit
|
3 |
+
datasets:
|
4 |
+
- roneneldan/TinyStories
|
5 |
+
language:
|
6 |
+
- en
|
7 |
+
tags:
|
8 |
+
- text-generation-inference
|
9 |
+
---
|
10 |
+
|
11 |
+
# Simple Stories
|
12 |
+
Simple Stories will be a series of small text generation models trained on the [TinyStories](https://huggingface.co/datasets/roneneldan/TinyStories) dataset.
|
13 |
+
|
14 |
+
The goal is to experiment with creating small language models that can perform highly specific tasks. In this case, the task is generating children's stories.
|
15 |
+
|
16 |
+
## Model Details
|
17 |
+
The model has 4M parameters (Safetensors seems to have inflated this to 13M, I will look into why in the future). This model has not been fine-tuned for instructions. It will simply spew out text when asked. I will be working on an instruct model in the coming days.
|
18 |
+
|
19 |
+
The model is a decoder only transformer model with 4 decoder layers and 2 attention heads. The model was trained for 3 epochs on only ~50MB of text and can already produce semi-coherent stories.
|
20 |
+
|
21 |
+
The code used to train the model can be found on my [github](https://github.com/broskicodes/slms).
|
22 |
+
|
23 |
+
## Usage
|
24 |
+
1. Import the relevant HuggingFace Auto classes and load model and tokenizer:
|
25 |
+
|
26 |
+
```
|
27 |
+
from transformers import AutoModelForCausalLM, AutoTokenizer
|
28 |
+
|
29 |
+
model = AutoModelForCausalLM.from_pretrained("broskicodes/simple-stories-4M", trust_remote_code=True)
|
30 |
+
tokenizer = AutoTokenizer.from_pretrained("broskicodes/simple-stories-4M", trust_remote_code=True)
|
31 |
+
```
|
32 |
+
2. Tokenize your input sequence and call the `model.generate` function
|
33 |
+
|
34 |
+
```
|
35 |
+
inputs = tokenizer("Once upon a time,", return_tensors="pt", return_attention_mask=False)
|
36 |
+
outputs = model.model.generate(inputs['input_ids'], 250)
|
37 |
+
```
|
38 |
+
|
39 |
+
Note that we are calling `model.model.generate` not just `model.generate`
|
40 |
+
|
41 |
+
3. Decode the output and print the text
|
42 |
+
|
43 |
+
```
|
44 |
+
text = tokenizer.batch_decode(outputs)[0]
|
45 |
+
print(text)
|
46 |
+
```
|
47 |
+
|
48 |
+
## Sample
|
49 |
+
Here is a short sample generated by the model.
|
50 |
+
|
51 |
+
```Once upon a time, there was a little girl called Daisy. Daisy wanted to go to the park with her mommy. She packed some yummy food and chirpies and carried them . Daisy was so excited for her mommy to try. The puppy and Mommy brought a big spoon to make souping. Daisy loved swimming and jun ate until she was disappointed. They began to start playing in the garden. They gathered around and ate and boot into the bread . As Daisy got hungry on the grass, she found some magic. She read more to see what was Luckily, Daisy was very impressed. When the lady opened the pot, something tickling to another. It was a rare. Daisy was so happy that she gave the tunately. Daisy was no longer scared. She knew she had to tell Mommy at the store. She took her to the soup and opened the tasty hot chocolate. When Daisy gave it to Daisy and princessed around a special spoon every day.```
|
52 |
+
|
53 |
+
No, the story doesn't fully make sense. But most of the words are valid English and the characters and overarching plot are consistent. This is progress :)
|
54 |
+
|
55 |
+
## Going forward
|
56 |
+
The direct next step is creating a instruct model for interacting with and generating custom stories. After that I will continue working to improve the base model by increasing the amount of data it is trained on and continueing to experiment with different hyperparameters.
|
57 |
+
|
58 |
+
If you have any suggestions/questions, or you want to discuss anything about the model please reach out to me on twitter [@_broskitweets](https://twitter.com/_broskitweets).
|
config.json
ADDED
@@ -0,0 +1,18 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"architectures": [
|
3 |
+
"SimpleStories4MModel"
|
4 |
+
],
|
5 |
+
"auto_map": {
|
6 |
+
"AutoConfig": "configuration_ss4m.SimpleStories4MConfig",
|
7 |
+
"AutoModelForCausalLM": "modeling_ss4m.SimpleStories4MModel"
|
8 |
+
},
|
9 |
+
"block_size": 1080,
|
10 |
+
"dropout": 0.1,
|
11 |
+
"model_type": "simple_stories_4m",
|
12 |
+
"n_embed": 256,
|
13 |
+
"n_heads": 2,
|
14 |
+
"n_layers": 4,
|
15 |
+
"torch_dtype": "float32",
|
16 |
+
"transformers_version": "4.36.2",
|
17 |
+
"vocab_size": 2048
|
18 |
+
}
|
configuration_ss4m.py
ADDED
@@ -0,0 +1,22 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
from transformers import PretrainedConfig
|
2 |
+
|
3 |
+
class SimpleStories4MConfig(PretrainedConfig):
|
4 |
+
model_type = "simple_stories_4m"
|
5 |
+
|
6 |
+
def __init__(
|
7 |
+
self,
|
8 |
+
vocab_size: int = 2048,
|
9 |
+
block_size: int = 1080,
|
10 |
+
n_embed: int = 256,
|
11 |
+
n_heads: int = 2,
|
12 |
+
n_layers: int = 4,
|
13 |
+
dropout: float = 0.1,
|
14 |
+
**kwargs
|
15 |
+
):
|
16 |
+
self.vocab_size = vocab_size
|
17 |
+
self.block_size = block_size
|
18 |
+
self.n_embed = n_embed
|
19 |
+
self.n_heads = n_heads
|
20 |
+
self.n_layers = n_layers
|
21 |
+
self.dropout = dropout
|
22 |
+
super().__init__(**kwargs)
|
model.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:0e8c4a3f27258d9726c7d463899171c9ffe0b8f69de03f7fc3edf4d39806f403
|
3 |
+
size 55267264
|
modeling_ss4m.py
ADDED
@@ -0,0 +1,22 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
from transformers import PreTrainedModel
|
2 |
+
from .configuration_ss4m import SimpleStories4MConfig
|
3 |
+
from .nano_gpt_model import NanoGPT
|
4 |
+
|
5 |
+
class SimpleStories4MModel(PreTrainedModel):
|
6 |
+
config_class = SimpleStories4MConfig
|
7 |
+
|
8 |
+
def __init__(self, config):
|
9 |
+
super().__init__(config)
|
10 |
+
hyperparameters = {
|
11 |
+
"vocab_size": config.vocab_size,
|
12 |
+
"block_size": config.block_size,
|
13 |
+
"n_embed": config.n_embed,
|
14 |
+
"n_heads": config.n_heads,
|
15 |
+
"n_layers": config.n_layers,
|
16 |
+
"dropout": config.dropout,
|
17 |
+
|
18 |
+
}
|
19 |
+
self.model = NanoGPT(hyperparameters)
|
20 |
+
|
21 |
+
def forward(self, tensor, targets=None):
|
22 |
+
return self.model(tensor, targets)
|
nano_gpt_model.py
ADDED
@@ -0,0 +1,134 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
import torch
|
2 |
+
import torch.nn as nn
|
3 |
+
import torch.nn.functional as F
|
4 |
+
|
5 |
+
|
6 |
+
# model architecture
|
7 |
+
class AttentionHead(nn.Module):
|
8 |
+
"""a single head of self attention"""
|
9 |
+
|
10 |
+
def __init__(self, n_embed, head_size, block_size, dropout):
|
11 |
+
super().__init__()
|
12 |
+
self.key = nn.Linear(n_embed, head_size, bias=False)
|
13 |
+
self.query = nn.Linear(n_embed, head_size, bias=False)
|
14 |
+
self.value = nn.Linear(n_embed, head_size, bias=False)
|
15 |
+
self.register_buffer('tril', torch.tril(torch.ones(block_size, block_size)))
|
16 |
+
|
17 |
+
self.dropout = nn.Dropout(dropout)
|
18 |
+
|
19 |
+
def forward(self, x):
|
20 |
+
B, T, C = x.shape
|
21 |
+
K = self.key(x) # (B, T, C)
|
22 |
+
Q = self.query(x) # (B, T, C)
|
23 |
+
|
24 |
+
wei = Q @ K.transpose(-2,-1) * C**-0.5 # (B, T, C) @ (B, H, C) -> (B, T, T)
|
25 |
+
wei = wei.masked_fill(self.tril[:T, :T] == 0, float('-inf'))
|
26 |
+
wei = F.softmax(wei, dim=-1)
|
27 |
+
wei = self.dropout(wei)
|
28 |
+
|
29 |
+
V = self.value(x) # (B, T, C)
|
30 |
+
out = wei @ V # (B, T, T) @ (B, T, C) -> (B, T, C)
|
31 |
+
return out
|
32 |
+
|
33 |
+
class MultiHeadAttention(nn.Module):
|
34 |
+
"""a multi-head self attention layer"""
|
35 |
+
|
36 |
+
def __init__(self, n_embed, n_heads, head_size, block_size, dropout):
|
37 |
+
super().__init__()
|
38 |
+
self.heads = nn.ModuleList([AttentionHead(n_embed, head_size, block_size, dropout) for _ in range(n_heads)])
|
39 |
+
self.fc = nn.Linear(head_size * n_heads, n_embed)
|
40 |
+
self.dropout = nn.Dropout(dropout)
|
41 |
+
|
42 |
+
def forward(self, x):
|
43 |
+
out = torch.cat([h(x) for h in self.heads], dim=-1) # (B, T, n_heads*C)
|
44 |
+
out = self.fc(out) # (B, T, C)
|
45 |
+
out = self.dropout(out)
|
46 |
+
return out
|
47 |
+
|
48 |
+
class FeedForward(nn.Module):
|
49 |
+
def __init__(self, n_embed, n_hidden, dropout):
|
50 |
+
super().__init__()
|
51 |
+
self.net = nn.Sequential(
|
52 |
+
nn.Linear(n_embed, n_hidden),
|
53 |
+
nn.ReLU(),
|
54 |
+
nn.Linear(n_hidden, n_embed),
|
55 |
+
nn.Dropout(dropout)
|
56 |
+
)
|
57 |
+
|
58 |
+
def forward(self, x):
|
59 |
+
return self.net(x)
|
60 |
+
|
61 |
+
class Block(nn.Module):
|
62 |
+
def __init__(self, n_embed, n_heads, block_size, dropout):
|
63 |
+
super().__init__()
|
64 |
+
self.sa_heads = MultiHeadAttention(n_embed, n_heads, n_embed // n_heads, block_size, dropout)
|
65 |
+
self.ffwd = FeedForward(n_embed, n_embed*4, dropout)
|
66 |
+
self.ln1 = nn.LayerNorm(n_embed)
|
67 |
+
self.ln2 = nn.LayerNorm(n_embed)
|
68 |
+
|
69 |
+
|
70 |
+
def forward(self, x):
|
71 |
+
x = x + self.sa_heads(self.ln1(x)) # [batch_size, block_size, n_embed]
|
72 |
+
x = x + self.ffwd(self.ln2(x)) # [batch_size, block_size, n_embed]
|
73 |
+
return x
|
74 |
+
|
75 |
+
class NanoGPT(nn.Module):
|
76 |
+
def __init__(self, hyperparameters, device="cpu"):
|
77 |
+
super().__init__()
|
78 |
+
|
79 |
+
# hyperparameters
|
80 |
+
vocab_size = hyperparameters['vocab_size']
|
81 |
+
block_size = hyperparameters['block_size']
|
82 |
+
n_embed = hyperparameters['n_embed']
|
83 |
+
n_heads = hyperparameters['n_heads']
|
84 |
+
n_layers = hyperparameters['n_layers']
|
85 |
+
dropout = hyperparameters['dropout']
|
86 |
+
|
87 |
+
self.token_embedding_table = nn.Embedding(vocab_size, n_embed)
|
88 |
+
self.position_embedding_table = nn.Embedding(block_size, n_embed)
|
89 |
+
self.blocks = nn.Sequential(*[Block(n_embed, n_heads, block_size, dropout) for _ in range(n_layers)])
|
90 |
+
self.ln_f = nn.LayerNorm(n_embed)
|
91 |
+
self.lm_head = nn.Linear(n_embed, vocab_size)
|
92 |
+
|
93 |
+
self.device = device
|
94 |
+
self.block_size = block_size
|
95 |
+
|
96 |
+
def forward(self, idx, targets=None):
|
97 |
+
# idx and target are both [batch_size, block_size]
|
98 |
+
B, T = idx.shape
|
99 |
+
|
100 |
+
tok_emb = self.token_embedding_table(idx) # [batch_size, block_size, n_embed]
|
101 |
+
pos_emb = self.position_embedding_table(torch.arange(T, device=self.device)) # [block_size, n_embed]
|
102 |
+
x = tok_emb + pos_emb # [batch_size, block_size, n_embed]
|
103 |
+
x = self.blocks(x)
|
104 |
+
x = self.ln_f(x)
|
105 |
+
logits = self.lm_head(x) # [batch_size, block_size, vocab_size]
|
106 |
+
|
107 |
+
if targets is None:
|
108 |
+
loss = None
|
109 |
+
else:
|
110 |
+
B, T, C = logits.shape
|
111 |
+
logits = logits.view(B*T, C)
|
112 |
+
targets = targets.view(B*T)
|
113 |
+
loss = F.cross_entropy(logits, targets)
|
114 |
+
|
115 |
+
return logits, loss
|
116 |
+
# return 0, 0
|
117 |
+
|
118 |
+
def generate(self, idx, max_new_tokens=100):
|
119 |
+
# idx is (B, T)
|
120 |
+
for _ in range(max_new_tokens):
|
121 |
+
# get the last block_size tokens
|
122 |
+
idx_cond = idx[:, -self.block_size:] # (B, T)
|
123 |
+
# get the predictions
|
124 |
+
logits, _ = self(idx_cond)
|
125 |
+
# focus only on the last time step
|
126 |
+
logits = logits[:, -1, :] # becomes (B, C)
|
127 |
+
# apply softmax to get probabilities
|
128 |
+
probs = F.softmax(logits, dim=1) # (B, C)
|
129 |
+
# sample from the distribution
|
130 |
+
idx_next = torch.multinomial(probs, num_samples=1) # (B, 1)
|
131 |
+
# append sampled index to the running sequence
|
132 |
+
idx = torch.cat((idx, idx_next), dim=1) # (B, T+1)
|
133 |
+
|
134 |
+
return idx
|
special_tokens_map.json
ADDED
@@ -0,0 +1 @@
|
|
|
|
|
1 |
+
{}
|
tokenizer.json
ADDED
@@ -0,0 +1,3976 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"version": "1.0",
|
3 |
+
"truncation": null,
|
4 |
+
"padding": null,
|
5 |
+
"added_tokens": [
|
6 |
+
{
|
7 |
+
"id": 0,
|
8 |
+
"content": "<|unknown|>",
|
9 |
+
"single_word": false,
|
10 |
+
"lstrip": false,
|
11 |
+
"rstrip": false,
|
12 |
+
"normalized": false,
|
13 |
+
"special": true
|
14 |
+
},
|
15 |
+
{
|
16 |
+
"id": 1,
|
17 |
+
"content": "<|im_start|>",
|
18 |
+
"single_word": false,
|
19 |
+
"lstrip": false,
|
20 |
+
"rstrip": false,
|
21 |
+
"normalized": false,
|
22 |
+
"special": true
|
23 |
+
},
|
24 |
+
{
|
25 |
+
"id": 2,
|
26 |
+
"content": "<|im_end|>",
|
27 |
+
"single_word": false,
|
28 |
+
"lstrip": false,
|
29 |
+
"rstrip": false,
|
30 |
+
"normalized": false,
|
31 |
+
"special": true
|
32 |
+
}
|
33 |
+
],
|
34 |
+
"normalizer": null,
|
35 |
+
"pre_tokenizer": {
|
36 |
+
"type": "Whitespace"
|
37 |
+
},
|
38 |
+
"post_processor": null,
|
39 |
+
"decoder": null,
|
40 |
+
"model": {
|
41 |
+
"type": "BPE",
|
42 |
+
"dropout": null,
|
43 |
+
"unk_token": "<|unknown|>",
|
44 |
+
"continuing_subword_prefix": null,
|
45 |
+
"end_of_word_suffix": null,
|
46 |
+
"fuse_unk": false,
|
47 |
+
"byte_fallback": false,
|
48 |
+
"vocab": {
|
49 |
+
"<|unknown|>": 0,
|
50 |
+
"<|im_start|>": 1,
|
51 |
+
"<|im_end|>": 2,
|
52 |
+
"!": 3,
|
53 |
+
"\"": 4,
|
54 |
+
"#": 5,
|
55 |
+
"$": 6,
|
56 |
+
"%": 7,
|
57 |
+
"&": 8,
|
58 |
+
"'": 9,
|
59 |
+
"(": 10,
|
60 |
+
")": 11,
|
61 |
+
"*": 12,
|
62 |
+
"+": 13,
|
63 |
+
",": 14,
|
64 |
+
"-": 15,
|
65 |
+
".": 16,
|
66 |
+
"/": 17,
|
67 |
+
"0": 18,
|
68 |
+
"1": 19,
|
69 |
+
"2": 20,
|
70 |
+
"3": 21,
|
71 |
+
"4": 22,
|
72 |
+
"5": 23,
|
73 |
+
"6": 24,
|
74 |
+
"7": 25,
|
75 |
+
"8": 26,
|
76 |
+
"9": 27,
|
77 |
+
":": 28,
|
78 |
+
";": 29,
|
79 |
+
"<": 30,
|
80 |
+
"=": 31,
|
81 |
+
">": 32,
|
82 |
+
"?": 33,
|
83 |
+
"@": 34,
|
84 |
+
"A": 35,
|
85 |
+
"B": 36,
|
86 |
+
"C": 37,
|
87 |
+
"D": 38,
|
88 |
+
"E": 39,
|
89 |
+
"F": 40,
|
90 |
+
"G": 41,
|
91 |
+
"H": 42,
|
92 |
+
"I": 43,
|
93 |
+
"J": 44,
|
94 |
+
"K": 45,
|
95 |
+
"L": 46,
|
96 |
+
"M": 47,
|
97 |
+
"N": 48,
|
98 |
+
"O": 49,
|
99 |
+
"P": 50,
|
100 |
+
"Q": 51,
|
101 |
+
"R": 52,
|
102 |
+
"S": 53,
|
103 |
+
"T": 54,
|
104 |
+
"U": 55,
|
105 |
+
"V": 56,
|
106 |
+
"W": 57,
|
107 |
+
"X": 58,
|
108 |
+
"Y": 59,
|
109 |
+
"Z": 60,
|
110 |
+
"[": 61,
|
111 |
+
"\\": 62,
|
112 |
+
"]": 63,
|
113 |
+
"_": 64,
|
114 |
+
"`": 65,
|
115 |
+
"a": 66,
|
116 |
+
"b": 67,
|
117 |
+
"c": 68,
|
118 |
+
"d": 69,
|
119 |
+
"e": 70,
|
120 |
+
"f": 71,
|
121 |
+
"g": 72,
|
122 |
+
"h": 73,
|
123 |
+
"i": 74,
|
124 |
+
"j": 75,
|
125 |
+
"k": 76,
|
126 |
+
"l": 77,
|
127 |
+
"m": 78,
|
128 |
+
"n": 79,
|
129 |
+
"o": 80,
|
130 |
+
"p": 81,
|
131 |
+
"q": 82,
|
132 |
+
"r": 83,
|
133 |
+
"s": 84,
|
134 |
+
"t": 85,
|
135 |
+
"u": 86,
|
136 |
+
"v": 87,
|
137 |
+
"w": 88,
|
138 |
+
"x": 89,
|
139 |
+
"y": 90,
|
140 |
+
"z": 91,
|
141 |
+
"{": 92,
|
142 |
+
"|": 93,
|
143 |
+
"}": 94,
|
144 |
+
"~": 95,
|
145 |
+
"¡": 96,
|
146 |
+
"¢": 97,
|
147 |
+
"£": 98,
|
148 |
+
"¤": 99,
|
149 |
+
"¥": 100,
|
150 |
+
"¦": 101,
|
151 |
+
"§": 102,
|
152 |
+
"¨": 103,
|
153 |
+
"©": 104,
|
154 |
+
"ª": 105,
|
155 |
+
"«": 106,
|
156 |
+
"¬": 107,
|
157 |
+
"": 108,
|
158 |
+
"®": 109,
|
159 |
+
"¯": 110,
|
160 |
+
"°": 111,
|
161 |
+
"±": 112,
|
162 |
+
"²": 113,
|
163 |
+
"³": 114,
|
164 |
+
"´": 115,
|
165 |
+
"µ": 116,
|
166 |
+
"¶": 117,
|
167 |
+
"·": 118,
|
168 |
+
"¸": 119,
|
169 |
+
"¹": 120,
|
170 |
+
"º": 121,
|
171 |
+
"»": 122,
|
172 |
+
"¼": 123,
|
173 |
+
"½": 124,
|
174 |
+
"¾": 125,
|
175 |
+
"¿": 126,
|
176 |
+
"Â": 127,
|
177 |
+
"Ã": 128,
|
178 |
+
"Ä": 129,
|
179 |
+
"Å": 130,
|
180 |
+
"É": 131,
|
181 |
+
"Ê": 132,
|
182 |
+
"Ñ": 133,
|
183 |
+
"Ò": 134,
|
184 |
+
"á": 135,
|
185 |
+
"â": 136,
|
186 |
+
"ã": 137,
|
187 |
+
"ä": 138,
|
188 |
+
"å": 139,
|
189 |
+
"æ": 140,
|
190 |
+
"ç": 141,
|
191 |
+
"è": 142,
|
192 |
+
"é": 143,
|
193 |
+
"î": 144,
|
194 |
+
"ï": 145,
|
195 |
+
"ð": 146,
|
196 |
+
"Œ": 147,
|
197 |
+
"œ": 148,
|
198 |
+
"Š": 149,
|
199 |
+
"š": 150,
|
200 |
+
"Ÿ": 151,
|
201 |
+
"Ž": 152,
|
202 |
+
"ž": 153,
|
203 |
+
"ƒ": 154,
|
204 |
+
"ˆ": 155,
|
205 |
+
"˜": 156,
|
206 |
+
"–": 157,
|
207 |
+
"‘": 158,
|
208 |
+
"’": 159,
|
209 |
+
"‚": 160,
|
210 |
+
"“": 161,
|
211 |
+
"”": 162,
|
212 |
+
"„": 163,
|
213 |
+
"†": 164,
|
214 |
+
"‡": 165,
|
215 |
+
"•": 166,
|
216 |
+
"…": 167,
|
217 |
+
"‰": 168,
|
218 |
+
"‹": 169,
|
219 |
+
"›": 170,
|
220 |
+
"€": 171,
|
221 |
+
"™": 172,
|
222 |
+
"he": 173,
|
223 |
+
"an": 174,
|
224 |
+
"the": 175,
|
225 |
+
"ed": 176,
|
226 |
+
"and": 177,
|
227 |
+
"to": 178,
|
228 |
+
"in": 179,
|
229 |
+
"re": 180,
|
230 |
+
"ou": 181,
|
231 |
+
"wa": 182,
|
232 |
+
"it": 183,
|
233 |
+
"ha": 184,
|
234 |
+
"er": 185,
|
235 |
+
"was": 186,
|
236 |
+
"om": 187,
|
237 |
+
"en": 188,
|
238 |
+
"on": 189,
|
239 |
+
"ar": 190,
|
240 |
+
"The": 191,
|
241 |
+
"is": 192,
|
242 |
+
"ing": 193,
|
243 |
+
"il": 194,
|
244 |
+
"sa": 195,
|
245 |
+
"id": 196,
|
246 |
+
"le": 197,
|
247 |
+
"ay": 198,
|
248 |
+
"im": 199,
|
249 |
+
"lo": 200,
|
250 |
+
"al": 201,
|
251 |
+
"st": 202,
|
252 |
+
"or": 203,
|
253 |
+
"her": 204,
|
254 |
+
"He": 205,
|
255 |
+
"She": 206,
|
256 |
+
"ir": 207,
|
257 |
+
"th": 208,
|
258 |
+
"They": 209,
|
259 |
+
"be": 210,
|
260 |
+
"ne": 211,
|
261 |
+
"hat": 212,
|
262 |
+
"ver": 213,
|
263 |
+
"ut": 214,
|
264 |
+
"se": 215,
|
265 |
+
"ke": 216,
|
266 |
+
"at": 217,
|
267 |
+
"no": 218,
|
268 |
+
"ck": 219,
|
269 |
+
"ld": 220,
|
270 |
+
"ce": 221,
|
271 |
+
"said": 222,
|
272 |
+
"am": 223,
|
273 |
+
"ve": 224,
|
274 |
+
"ri": 225,
|
275 |
+
"ily": 226,
|
276 |
+
"she": 227,
|
277 |
+
"pl": 228,
|
278 |
+
"ith": 229,
|
279 |
+
"pp": 230,
|
280 |
+
"of": 231,
|
281 |
+
"ad": 232,
|
282 |
+
"with": 233,
|
283 |
+
"ig": 234,
|
284 |
+
"his": 235,
|
285 |
+
"Lily": 236,
|
286 |
+
"un": 237,
|
287 |
+
"you": 238,
|
288 |
+
"ked": 239,
|
289 |
+
"so": 240,
|
290 |
+
"ly": 241,
|
291 |
+
"day": 242,
|
292 |
+
"very": 243,
|
293 |
+
"we": 244,
|
294 |
+
"ome": 245,
|
295 |
+
"li": 246,
|
296 |
+
"my": 247,
|
297 |
+
"that": 248,
|
298 |
+
"go": 249,
|
299 |
+
"up": 250,
|
300 |
+
"ow": 251,
|
301 |
+
"ant": 252,
|
302 |
+
"ch": 253,
|
303 |
+
"es": 254,
|
304 |
+
"as": 255,
|
305 |
+
"had": 256,
|
306 |
+
"play": 257,
|
307 |
+
"they": 258,
|
308 |
+
"for": 259,
|
309 |
+
"mom": 260,
|
310 |
+
"fe": 261,
|
311 |
+
"nd": 262,
|
312 |
+
"ould": 263,
|
313 |
+
"all": 264,
|
314 |
+
"end": 265,
|
315 |
+
"bo": 266,
|
316 |
+
"happ": 267,
|
317 |
+
"ent": 268,
|
318 |
+
"want": 269,
|
319 |
+
"itt": 270,
|
320 |
+
"ge": 271,
|
321 |
+
"ok": 272,
|
322 |
+
"are": 273,
|
323 |
+
"tim": 274,
|
324 |
+
"It": 275,
|
325 |
+
"out": 276,
|
326 |
+
"do": 277,
|
327 |
+
"not": 278,
|
328 |
+
"ro": 279,
|
329 |
+
"ound": 280,
|
330 |
+
"ittle": 281,
|
331 |
+
"ther": 282,
|
332 |
+
"time": 283,
|
333 |
+
"little": 284,
|
334 |
+
"there": 285,
|
335 |
+
"ry": 286,
|
336 |
+
"ht": 287,
|
337 |
+
"ra": 288,
|
338 |
+
"sh": 289,
|
339 |
+
"happy": 290,
|
340 |
+
"sm": 291,
|
341 |
+
"big": 292,
|
342 |
+
"but": 293,
|
343 |
+
"ys": 294,
|
344 |
+
"fri": 295,
|
345 |
+
"ake": 296,
|
346 |
+
"saw": 297,
|
347 |
+
"friend": 298,
|
348 |
+
".\"": 299,
|
349 |
+
"ter": 300,
|
350 |
+
"ack": 301,
|
351 |
+
"thing": 302,
|
352 |
+
"some": 303,
|
353 |
+
"ul": 304,
|
354 |
+
"One": 305,
|
355 |
+
"ide": 306,
|
356 |
+
"one": 307,
|
357 |
+
"Tim": 308,
|
358 |
+
"!\"": 309,
|
359 |
+
"On": 310,
|
360 |
+
"ug": 311,
|
361 |
+
"ved": 312,
|
362 |
+
"were": 313,
|
363 |
+
"Once": 314,
|
364 |
+
"ho": 315,
|
365 |
+
"car": 316,
|
366 |
+
"him": 317,
|
367 |
+
"irl": 318,
|
368 |
+
"el": 319,
|
369 |
+
"wanted": 320,
|
370 |
+
"pe": 321,
|
371 |
+
"Tom": 322,
|
372 |
+
"girl": 323,
|
373 |
+
"upon": 324,
|
374 |
+
"ful": 325,
|
375 |
+
"them": 326,
|
376 |
+
"ur": 327,
|
377 |
+
"Ben": 328,
|
378 |
+
"ind": 329,
|
379 |
+
"their": 330,
|
380 |
+
"ill": 331,
|
381 |
+
"ag": 332,
|
382 |
+
"smil": 333,
|
383 |
+
"did": 334,
|
384 |
+
"could": 335,
|
385 |
+
"me": 336,
|
386 |
+
"co": 337,
|
387 |
+
"have": 338,
|
388 |
+
"ex": 339,
|
389 |
+
"mo": 340,
|
390 |
+
"hen": 341,
|
391 |
+
"But": 342,
|
392 |
+
"hel": 343,
|
393 |
+
"can": 344,
|
394 |
+
"rom": 345,
|
395 |
+
"went": 346,
|
396 |
+
"ted": 347,
|
397 |
+
"new": 348,
|
398 |
+
"od": 349,
|
399 |
+
"de": 350,
|
400 |
+
"nam": 351,
|
401 |
+
"?\"": 352,
|
402 |
+
"help": 353,
|
403 |
+
"friends": 354,
|
404 |
+
"um": 355,
|
405 |
+
"ab": 356,
|
406 |
+
"hed": 357,
|
407 |
+
"way": 358,
|
408 |
+
"back": 359,
|
409 |
+
"fel": 360,
|
410 |
+
"ain": 361,
|
411 |
+
"like": 362,
|
412 |
+
"You": 363,
|
413 |
+
"fun": 364,
|
414 |
+
"fo": 365,
|
415 |
+
"side": 366,
|
416 |
+
"man": 367,
|
417 |
+
"ark": 368,
|
418 |
+
"ic": 369,
|
419 |
+
"too": 370,
|
420 |
+
"ran": 371,
|
421 |
+
"ght": 372,
|
422 |
+
"po": 373,
|
423 |
+
"Timmy": 374,
|
424 |
+
"star": 375,
|
425 |
+
"smiled": 376,
|
426 |
+
"named": 377,
|
427 |
+
"loved": 378,
|
428 |
+
"low": 379,
|
429 |
+
"loo": 380,
|
430 |
+
"asked": 381,
|
431 |
+
"et": 382,
|
432 |
+
"Mom": 383,
|
433 |
+
"ard": 384,
|
434 |
+
"la": 385,
|
435 |
+
"felt": 386,
|
436 |
+
"sto": 387,
|
437 |
+
"see": 388,
|
438 |
+
"looked": 389,
|
439 |
+
"ick": 390,
|
440 |
+
"own": 391,
|
441 |
+
"around": 392,
|
442 |
+
"ame": 393,
|
443 |
+
"pr": 394,
|
444 |
+
"make": 395,
|
445 |
+
"ure": 396,
|
446 |
+
"bir": 397,
|
447 |
+
"would": 398,
|
448 |
+
"wor": 399,
|
449 |
+
"fa": 400,
|
450 |
+
"boy": 401,
|
451 |
+
"now": 402,
|
452 |
+
"ong": 403,
|
453 |
+
"other": 404,
|
454 |
+
"bird": 405,
|
455 |
+
"gr": 406,
|
456 |
+
"park": 407,
|
457 |
+
"ll": 408,
|
458 |
+
"op": 409,
|
459 |
+
"what": 410,
|
460 |
+
"ice": 411,
|
461 |
+
"mad": 412,
|
462 |
+
"tre": 413,
|
463 |
+
",\"": 414,
|
464 |
+
"away": 415,
|
465 |
+
"gether": 416,
|
466 |
+
"ca": 417,
|
467 |
+
"ss": 418,
|
468 |
+
"dd": 419,
|
469 |
+
"says": 420,
|
470 |
+
"started": 421,
|
471 |
+
"oud": 422,
|
472 |
+
"came": 423,
|
473 |
+
"made": 424,
|
474 |
+
"ight": 425,
|
475 |
+
"something": 426,
|
476 |
+
"together": 427,
|
477 |
+
"na": 428,
|
478 |
+
"get": 429,
|
479 |
+
"ited": 430,
|
480 |
+
"look": 431,
|
481 |
+
"put": 432,
|
482 |
+
"sad": 433,
|
483 |
+
"exc": 434,
|
484 |
+
"got": 435,
|
485 |
+
"from": 436,
|
486 |
+
"ts": 437,
|
487 |
+
"scar": 438,
|
488 |
+
"ach": 439,
|
489 |
+
"if": 440,
|
490 |
+
"home": 441,
|
491 |
+
"mu": 442,
|
492 |
+
"again": 443,
|
493 |
+
"ue": 444,
|
494 |
+
"ie": 445,
|
495 |
+
"wal": 446,
|
496 |
+
"good": 447,
|
497 |
+
"who": 448,
|
498 |
+
"found": 449,
|
499 |
+
"ried": 450,
|
500 |
+
"then": 451,
|
501 |
+
"dec": 452,
|
502 |
+
"pped": 453,
|
503 |
+
"ci": 454,
|
504 |
+
"more": 455,
|
505 |
+
"when": 456,
|
506 |
+
"hug": 457,
|
507 |
+
"ep": 458,
|
508 |
+
"playing": 459,
|
509 |
+
"ought": 460,
|
510 |
+
"king": 461,
|
511 |
+
"ally": 462,
|
512 |
+
"ave": 463,
|
513 |
+
"by": 464,
|
514 |
+
"things": 465,
|
515 |
+
"excited": 466,
|
516 |
+
"liked": 467,
|
517 |
+
"ru": 468,
|
518 |
+
"Sam": 469,
|
519 |
+
"der": 470,
|
520 |
+
"ous": 471,
|
521 |
+
"ny": 472,
|
522 |
+
"ara": 473,
|
523 |
+
"ided": 474,
|
524 |
+
"An": 475,
|
525 |
+
"us": 476,
|
526 |
+
"decided": 477,
|
527 |
+
"ouse": 478,
|
528 |
+
"every": 479,
|
529 |
+
"your": 480,
|
530 |
+
"care": 481,
|
531 |
+
"scared": 482,
|
532 |
+
"dog": 483,
|
533 |
+
"down": 484,
|
534 |
+
"use": 485,
|
535 |
+
"ax": 486,
|
536 |
+
"find": 487,
|
537 |
+
"sha": 488,
|
538 |
+
"pre": 489,
|
539 |
+
"than": 490,
|
540 |
+
"ac": 491,
|
541 |
+
"take": 492,
|
542 |
+
"spe": 493,
|
543 |
+
"We": 494,
|
544 |
+
"ate": 495,
|
545 |
+
"Sara": 496,
|
546 |
+
"feel": 497,
|
547 |
+
"jo": 498,
|
548 |
+
"udd": 499,
|
549 |
+
"Anna": 500,
|
550 |
+
"ways": 501,
|
551 |
+
"dad": 502,
|
552 |
+
"arn": 503,
|
553 |
+
"wo": 504,
|
554 |
+
"Max": 505,
|
555 |
+
"our": 506,
|
556 |
+
"will": 507,
|
557 |
+
"ang": 508,
|
558 |
+
"clo": 509,
|
559 |
+
"here": 510,
|
560 |
+
"didn": 511,
|
561 |
+
"always": 512,
|
562 |
+
"about": 513,
|
563 |
+
"took": 514,
|
564 |
+
"bb": 515,
|
565 |
+
"ite": 516,
|
566 |
+
"mommy": 517,
|
567 |
+
"qu": 518,
|
568 |
+
"toys": 519,
|
569 |
+
"ise": 520,
|
570 |
+
"old": 521,
|
571 |
+
"te": 522,
|
572 |
+
"ma": 523,
|
573 |
+
"So": 524,
|
574 |
+
"know": 525,
|
575 |
+
"outside": 526,
|
576 |
+
"tree": 527,
|
577 |
+
"ers": 528,
|
578 |
+
"thought": 529,
|
579 |
+
"learn": 530,
|
580 |
+
"ive": 531,
|
581 |
+
"sor": 532,
|
582 |
+
"ust": 533,
|
583 |
+
"ened": 534,
|
584 |
+
"wh": 535,
|
585 |
+
"room": 536,
|
586 |
+
"fore": 537,
|
587 |
+
"cat": 538,
|
588 |
+
"ty": 539,
|
589 |
+
"Jo": 540,
|
590 |
+
"laug": 541,
|
591 |
+
"speci": 542,
|
592 |
+
"special": 543,
|
593 |
+
"When": 544,
|
594 |
+
"udden": 545,
|
595 |
+
"knew": 546,
|
596 |
+
"ged": 547,
|
597 |
+
"red": 548,
|
598 |
+
"any": 549,
|
599 |
+
"run": 550,
|
600 |
+
"ball": 551,
|
601 |
+
"come": 552,
|
602 |
+
"Her": 553,
|
603 |
+
"pa": 554,
|
604 |
+
"bu": 555,
|
605 |
+
"uddenly": 556,
|
606 |
+
"br": 557,
|
607 |
+
"ink": 558,
|
608 |
+
"toy": 559,
|
609 |
+
"house": 560,
|
610 |
+
"ish": 561,
|
611 |
+
"never": 562,
|
612 |
+
"fter": 563,
|
613 |
+
"how": 564,
|
614 |
+
"ol": 565,
|
615 |
+
"show": 566,
|
616 |
+
"lf": 567,
|
617 |
+
"rd": 568,
|
618 |
+
"ist": 569,
|
619 |
+
"Jack": 570,
|
620 |
+
"sorry": 571,
|
621 |
+
"cre": 572,
|
622 |
+
"bl": 573,
|
623 |
+
"sw": 574,
|
624 |
+
"much": 575,
|
625 |
+
"Every": 576,
|
626 |
+
"hand": 577,
|
627 |
+
"ia": 578,
|
628 |
+
"dre": 579,
|
629 |
+
"careful": 580,
|
630 |
+
"ven": 581,
|
631 |
+
"able": 582,
|
632 |
+
"cle": 583,
|
633 |
+
"sk": 584,
|
634 |
+
"gave": 585,
|
635 |
+
"sun": 586,
|
636 |
+
"long": 587,
|
637 |
+
"into": 588,
|
638 |
+
"tried": 589,
|
639 |
+
"inside": 590,
|
640 |
+
"water": 591,
|
641 |
+
"told": 592,
|
642 |
+
"cl": 593,
|
643 |
+
"this": 594,
|
644 |
+
"over": 595,
|
645 |
+
"box": 596,
|
646 |
+
"ta": 597,
|
647 |
+
"proud": 598,
|
648 |
+
"couldn": 599,
|
649 |
+
"heard": 600,
|
650 |
+
"dy": 601,
|
651 |
+
"ear": 602,
|
652 |
+
"tter": 603,
|
653 |
+
"each": 604,
|
654 |
+
"sp": 605,
|
655 |
+
"Let": 606,
|
656 |
+
"love": 607,
|
657 |
+
"eat": 608,
|
658 |
+
"Suddenly": 609,
|
659 |
+
"gre": 610,
|
660 |
+
"ump": 611,
|
661 |
+
"pick": 612,
|
662 |
+
"led": 613,
|
663 |
+
"played": 614,
|
664 |
+
"pret": 615,
|
665 |
+
"ion": 616,
|
666 |
+
"Then": 617,
|
667 |
+
"cause": 618,
|
668 |
+
"Mia": 619,
|
669 |
+
"just": 620,
|
670 |
+
"uc": 621,
|
671 |
+
"hugged": 622,
|
672 |
+
"off": 623,
|
673 |
+
"unt": 624,
|
674 |
+
"right": 625,
|
675 |
+
"wat": 626,
|
676 |
+
"fly": 627,
|
677 |
+
"com": 628,
|
678 |
+
"nice": 629,
|
679 |
+
"From": 630,
|
680 |
+
"And": 631,
|
681 |
+
"pot": 632,
|
682 |
+
"ct": 633,
|
683 |
+
"che": 634,
|
684 |
+
"because": 635,
|
685 |
+
"His": 636,
|
686 |
+
"need": 637,
|
687 |
+
"flow": 638,
|
688 |
+
"ile": 639,
|
689 |
+
"many": 640,
|
690 |
+
"That": 641,
|
691 |
+
"exp": 642,
|
692 |
+
"try": 643,
|
693 |
+
"bear": 644,
|
694 |
+
"small": 645,
|
695 |
+
"ving": 646,
|
696 |
+
"lad": 647,
|
697 |
+
"ine": 648,
|
698 |
+
"iz": 649,
|
699 |
+
"imal": 650,
|
700 |
+
"oug": 651,
|
701 |
+
"read": 652,
|
702 |
+
"animal": 653,
|
703 |
+
"uck": 654,
|
704 |
+
"ough": 655,
|
705 |
+
"rabb": 656,
|
706 |
+
"ber": 657,
|
707 |
+
"until": 658,
|
708 |
+
"self": 659,
|
709 |
+
"bed": 660,
|
710 |
+
"its": 661,
|
711 |
+
"kind": 662,
|
712 |
+
"per": 663,
|
713 |
+
"learned": 664,
|
714 |
+
"fast": 665,
|
715 |
+
"bea": 666,
|
716 |
+
"ket": 667,
|
717 |
+
"better": 668,
|
718 |
+
"call": 669,
|
719 |
+
"vent": 670,
|
720 |
+
"don": 671,
|
721 |
+
"What": 672,
|
722 |
+
"best": 673,
|
723 |
+
"ass": 674,
|
724 |
+
"urn": 675,
|
725 |
+
"bra": 676,
|
726 |
+
"Yes": 677,
|
727 |
+
"say": 678,
|
728 |
+
"fi": 679,
|
729 |
+
"urt": 680,
|
730 |
+
"explo": 681,
|
731 |
+
"where": 682,
|
732 |
+
"Mommy": 683,
|
733 |
+
"gard": 684,
|
734 |
+
"garden": 685,
|
735 |
+
"beaut": 686,
|
736 |
+
"let": 687,
|
737 |
+
"even": 688,
|
738 |
+
"fle": 689,
|
739 |
+
"pt": 690,
|
740 |
+
"thanked": 691,
|
741 |
+
"laughed": 692,
|
742 |
+
"nt": 693,
|
743 |
+
"sky": 694,
|
744 |
+
"yes": 695,
|
745 |
+
"safe": 696,
|
746 |
+
"jump": 697,
|
747 |
+
"under": 698,
|
748 |
+
"ell": 699,
|
749 |
+
"ace": 700,
|
750 |
+
"sur": 701,
|
751 |
+
"loud": 702,
|
752 |
+
"iny": 703,
|
753 |
+
"ank": 704,
|
754 |
+
"Can": 705,
|
755 |
+
"list": 706,
|
756 |
+
"ched": 707,
|
757 |
+
"iful": 708,
|
758 |
+
"beautiful": 709,
|
759 |
+
"give": 710,
|
760 |
+
"joy": 711,
|
761 |
+
"lots": 712,
|
762 |
+
"rong": 713,
|
763 |
+
"fam": 714,
|
764 |
+
"still": 715,
|
765 |
+
"ama": 716,
|
766 |
+
"animals": 717,
|
767 |
+
"Joh": 718,
|
768 |
+
"John": 719,
|
769 |
+
"ning": 720,
|
770 |
+
"rain": 721,
|
771 |
+
"won": 722,
|
772 |
+
"book": 723,
|
773 |
+
"stay": 724,
|
774 |
+
"Th": 725,
|
775 |
+
"ree": 726,
|
776 |
+
"both": 727,
|
777 |
+
"turn": 728,
|
778 |
+
"No": 729,
|
779 |
+
"fin": 730,
|
780 |
+
"two": 731,
|
781 |
+
"ble": 732,
|
782 |
+
"hard": 733,
|
783 |
+
"bad": 734,
|
784 |
+
"has": 735,
|
785 |
+
"pu": 736,
|
786 |
+
"ople": 737,
|
787 |
+
"As": 738,
|
788 |
+
"lived": 739,
|
789 |
+
"Bo": 740,
|
790 |
+
"cks": 741,
|
791 |
+
"Luc": 742,
|
792 |
+
"Thank": 743,
|
793 |
+
"lea": 744,
|
794 |
+
"brave": 745,
|
795 |
+
"app": 746,
|
796 |
+
"Lucy": 747,
|
797 |
+
"keep": 748,
|
798 |
+
"walked": 749,
|
799 |
+
"hurt": 750,
|
800 |
+
"ground": 751,
|
801 |
+
"should": 752,
|
802 |
+
"tru": 753,
|
803 |
+
"ort": 754,
|
804 |
+
"igh": 755,
|
805 |
+
"ished": 756,
|
806 |
+
"surpr": 757,
|
807 |
+
"angry": 758,
|
808 |
+
"family": 759,
|
809 |
+
"people": 760,
|
810 |
+
"flew": 761,
|
811 |
+
"called": 762,
|
812 |
+
"After": 763,
|
813 |
+
"rm": 764,
|
814 |
+
"con": 765,
|
815 |
+
"soon": 766,
|
816 |
+
"door": 767,
|
817 |
+
"Dad": 768,
|
818 |
+
"kept": 769,
|
819 |
+
"real": 770,
|
820 |
+
"share": 771,
|
821 |
+
"arm": 772,
|
822 |
+
"ook": 773,
|
823 |
+
"pic": 774,
|
824 |
+
"ised": 775,
|
825 |
+
"imp": 776,
|
826 |
+
"going": 777,
|
827 |
+
"ane": 778,
|
828 |
+
"ting": 779,
|
829 |
+
"clos": 780,
|
830 |
+
"pretty": 781,
|
831 |
+
"sl": 782,
|
832 |
+
"clean": 783,
|
833 |
+
"lot": 784,
|
834 |
+
"advent": 785,
|
835 |
+
"cu": 786,
|
836 |
+
"ummy": 787,
|
837 |
+
"noise": 788,
|
838 |
+
"bro": 789,
|
839 |
+
"opened": 790,
|
840 |
+
"mor": 791,
|
841 |
+
"shiny": 792,
|
842 |
+
"ste": 793,
|
843 |
+
"wind": 794,
|
844 |
+
"explore": 795,
|
845 |
+
"cry": 796,
|
846 |
+
"doll": 797,
|
847 |
+
"place": 798,
|
848 |
+
"before": 799,
|
849 |
+
"illy": 800,
|
850 |
+
"feeling": 801,
|
851 |
+
"dra": 802,
|
852 |
+
"also": 803,
|
853 |
+
"les": 804,
|
854 |
+
"lie": 805,
|
855 |
+
"ild": 806,
|
856 |
+
"€™": 807,
|
857 |
+
"ied": 808,
|
858 |
+
"idea": 809,
|
859 |
+
"nodd": 810,
|
860 |
+
"Bob": 811,
|
861 |
+
"nex": 812,
|
862 |
+
"colo": 813,
|
863 |
+
"nodded": 814,
|
864 |
+
"art": 815,
|
865 |
+
"tal": 816,
|
866 |
+
"picked": 817,
|
867 |
+
"color": 818,
|
868 |
+
"while": 819,
|
869 |
+
"set": 820,
|
870 |
+
"walking": 821,
|
871 |
+
"next": 822,
|
872 |
+
"fish": 823,
|
873 |
+
"head": 824,
|
874 |
+
"ask": 825,
|
875 |
+
"clim": 826,
|
876 |
+
"face": 827,
|
877 |
+
"work": 828,
|
878 |
+
"thr": 829,
|
879 |
+
"uch": 830,
|
880 |
+
"ture": 831,
|
881 |
+
"ies": 832,
|
882 |
+
"adventure": 833,
|
883 |
+
"ess": 834,
|
884 |
+
"smile": 835,
|
885 |
+
"less": 836,
|
886 |
+
"aybe": 837,
|
887 |
+
"iced": 838,
|
888 |
+
"looking": 839,
|
889 |
+
"ak": 840,
|
890 |
+
"mber": 841,
|
891 |
+
"being": 842,
|
892 |
+
"hair": 843,
|
893 |
+
"dif": 844,
|
894 |
+
"ever": 845,
|
895 |
+
"food": 846,
|
896 |
+
"walk": 847,
|
897 |
+
"picture": 848,
|
898 |
+
"think": 849,
|
899 |
+
"night": 850,
|
900 |
+
"used": 851,
|
901 |
+
"vo": 852,
|
902 |
+
"Spot": 853,
|
903 |
+
"eyes": 854,
|
904 |
+
"ught": 855,
|
905 |
+
"listen": 856,
|
906 |
+
"stopped": 857,
|
907 |
+
"after": 858,
|
908 |
+
"member": 859,
|
909 |
+
"Do": 860,
|
910 |
+
"flowers": 861,
|
911 |
+
"year": 862,
|
912 |
+
"weet": 863,
|
913 |
+
"wonder": 864,
|
914 |
+
"repl": 865,
|
915 |
+
"great": 866,
|
916 |
+
"Sue": 867,
|
917 |
+
"wait": 868,
|
918 |
+
"ries": 869,
|
919 |
+
"shout": 870,
|
920 |
+
"import": 871,
|
921 |
+
"enjoy": 872,
|
922 |
+
"blo": 873,
|
923 |
+
"blue": 874,
|
924 |
+
"forest": 875,
|
925 |
+
"noticed": 876,
|
926 |
+
"hands": 877,
|
927 |
+
"ring": 878,
|
928 |
+
"ized": 879,
|
929 |
+
"dis": 880,
|
930 |
+
"mon": 881,
|
931 |
+
"near": 882,
|
932 |
+
"quick": 883,
|
933 |
+
"irst": 884,
|
934 |
+
"bye": 885,
|
935 |
+
"important": 886,
|
936 |
+
"remember": 887,
|
937 |
+
"sound": 888,
|
938 |
+
"Look": 889,
|
939 |
+
"slide": 890,
|
940 |
+
"replied": 891,
|
941 |
+
"sho": 892,
|
942 |
+
"amaz": 893,
|
943 |
+
"lease": 894,
|
944 |
+
"watch": 895,
|
945 |
+
"showed": 896,
|
946 |
+
"okay": 897,
|
947 |
+
"cho": 898,
|
948 |
+
"gan": 899,
|
949 |
+
"leave": 900,
|
950 |
+
"top": 901,
|
951 |
+
"voice": 902,
|
952 |
+
"Sarah": 903,
|
953 |
+
"ip": 904,
|
954 |
+
"This": 905,
|
955 |
+
"fere": 906,
|
956 |
+
"cook": 907,
|
957 |
+
"tell": 908,
|
958 |
+
"differe": 909,
|
959 |
+
"mean": 910,
|
960 |
+
"llow": 911,
|
961 |
+
"cream": 912,
|
962 |
+
"swing": 913,
|
963 |
+
"rest": 914,
|
964 |
+
"stick": 915,
|
965 |
+
"watched": 916,
|
966 |
+
"sing": 917,
|
967 |
+
"cake": 918,
|
968 |
+
"bright": 919,
|
969 |
+
"follow": 920,
|
970 |
+
"truck": 921,
|
971 |
+
"everyone": 922,
|
972 |
+
"pul": 923,
|
973 |
+
"store": 924,
|
974 |
+
"cou": 925,
|
975 |
+
"bow": 926,
|
976 |
+
"been": 927,
|
977 |
+
"sn": 928,
|
978 |
+
"boat": 929,
|
979 |
+
"quickly": 930,
|
980 |
+
"strong": 931,
|
981 |
+
"sure": 932,
|
982 |
+
"ner": 933,
|
983 |
+
"Jane": 934,
|
984 |
+
"rabbit": 935,
|
985 |
+
"different": 936,
|
986 |
+
"stand": 937,
|
987 |
+
"tor": 938,
|
988 |
+
"Maybe": 939,
|
989 |
+
"curi": 940,
|
990 |
+
"goodbye": 941,
|
991 |
+
"became": 942,
|
992 |
+
"ward": 943,
|
993 |
+
"high": 944,
|
994 |
+
"closer": 945,
|
995 |
+
"bre": 946,
|
996 |
+
"oft": 947,
|
997 |
+
"mag": 948,
|
998 |
+
"does": 949,
|
999 |
+
"unny": 950,
|
1000 |
+
"warm": 951,
|
1001 |
+
"ff": 952,
|
1002 |
+
"ance": 953,
|
1003 |
+
"Joe": 954,
|
1004 |
+
"ung": 955,
|
1005 |
+
"curious": 956,
|
1006 |
+
"ph": 957,
|
1007 |
+
"mis": 958,
|
1008 |
+
"ila": 959,
|
1009 |
+
"laugh": 960,
|
1010 |
+
"fav": 961,
|
1011 |
+
"andma": 962,
|
1012 |
+
"three": 963,
|
1013 |
+
"dress": 964,
|
1014 |
+
"Lila": 965,
|
1015 |
+
"tw": 966,
|
1016 |
+
"pie": 967,
|
1017 |
+
"ond": 968,
|
1018 |
+
"leep": 969,
|
1019 |
+
"open": 970,
|
1020 |
+
"ready": 971,
|
1021 |
+
"anymore": 972,
|
1022 |
+
"first": 973,
|
1023 |
+
"ached": 974,
|
1024 |
+
"flower": 975,
|
1025 |
+
"grabb": 976,
|
1026 |
+
"flo": 977,
|
1027 |
+
"butter": 978,
|
1028 |
+
"ired": 979,
|
1029 |
+
"hear": 980,
|
1030 |
+
"bit": 981,
|
1031 |
+
"In": 982,
|
1032 |
+
"kid": 983,
|
1033 |
+
"kit": 984,
|
1034 |
+
"pain": 985,
|
1035 |
+
"grabbed": 986,
|
1036 |
+
"squ": 987,
|
1037 |
+
"Don": 988,
|
1038 |
+
"ered": 989,
|
1039 |
+
"par": 990,
|
1040 |
+
"yel": 991,
|
1041 |
+
"isy": 992,
|
1042 |
+
"med": 993,
|
1043 |
+
"times": 994,
|
1044 |
+
"only": 995,
|
1045 |
+
"light": 996,
|
1046 |
+
"fell": 997,
|
1047 |
+
"table": 998,
|
1048 |
+
"Everyone": 999,
|
1049 |
+
"Hel": 1000,
|
1050 |
+
"tow": 1001,
|
1051 |
+
"birds": 1002,
|
1052 |
+
"deli": 1003,
|
1053 |
+
"jumped": 1004,
|
1054 |
+
"fire": 1005,
|
1055 |
+
"ft": 1006,
|
1056 |
+
"glad": 1007,
|
1057 |
+
"ster": 1008,
|
1058 |
+
"sand": 1009,
|
1059 |
+
"chen": 1010,
|
1060 |
+
"kitchen": 1011,
|
1061 |
+
"dro": 1012,
|
1062 |
+
"pare": 1013,
|
1063 |
+
"air": 1014,
|
1064 |
+
"cut": 1015,
|
1065 |
+
"rock": 1016,
|
1066 |
+
"helped": 1017,
|
1067 |
+
"stop": 1018,
|
1068 |
+
"cket": 1019,
|
1069 |
+
"tr": 1020,
|
1070 |
+
"cont": 1021,
|
1071 |
+
"cr": 1022,
|
1072 |
+
"happened": 1023,
|
1073 |
+
"key": 1024,
|
1074 |
+
"Tommy": 1025,
|
1075 |
+
"fl": 1026,
|
1076 |
+
"bunny": 1027,
|
1077 |
+
"sees": 1028,
|
1078 |
+
"shouted": 1029,
|
1079 |
+
"story": 1030,
|
1080 |
+
"bal": 1031,
|
1081 |
+
"grass": 1032,
|
1082 |
+
"ash": 1033,
|
1083 |
+
"having": 1034,
|
1084 |
+
"reached": 1035,
|
1085 |
+
"yummy": 1036,
|
1086 |
+
"prin": 1037,
|
1087 |
+
"realized": 1038,
|
1088 |
+
"brother": 1039,
|
1089 |
+
"lady": 1040,
|
1090 |
+
"shed": 1041,
|
1091 |
+
"draw": 1042,
|
1092 |
+
"mum": 1043,
|
1093 |
+
"favor": 1044,
|
1094 |
+
"sweet": 1045,
|
1095 |
+
"din": 1046,
|
1096 |
+
"favorite": 1047,
|
1097 |
+
"ary": 1048,
|
1098 |
+
"through": 1049,
|
1099 |
+
"game": 1050,
|
1100 |
+
"coming": 1051,
|
1101 |
+
"cra": 1052,
|
1102 |
+
"piece": 1053,
|
1103 |
+
"zy": 1054,
|
1104 |
+
"bor": 1055,
|
1105 |
+
"que": 1056,
|
1106 |
+
"soft": 1057,
|
1107 |
+
"really": 1058,
|
1108 |
+
"Wh": 1059,
|
1109 |
+
"began": 1060,
|
1110 |
+
"pretend": 1061,
|
1111 |
+
"Now": 1062,
|
1112 |
+
"world": 1063,
|
1113 |
+
"tra": 1064,
|
1114 |
+
"olly": 1065,
|
1115 |
+
"ins": 1066,
|
1116 |
+
"done": 1067,
|
1117 |
+
"looks": 1068,
|
1118 |
+
"himself": 1069,
|
1119 |
+
"wel": 1070,
|
1120 |
+
"magic": 1071,
|
1121 |
+
"making": 1072,
|
1122 |
+
"col": 1073,
|
1123 |
+
"kids": 1074,
|
1124 |
+
"rel": 1075,
|
1125 |
+
"duck": 1076,
|
1126 |
+
"pond": 1077,
|
1127 |
+
"ba": 1078,
|
1128 |
+
"why": 1079,
|
1129 |
+
"nts": 1080,
|
1130 |
+
"prom": 1081,
|
1131 |
+
"waved": 1082,
|
1132 |
+
"fro": 1083,
|
1133 |
+
"tired": 1084,
|
1134 |
+
"move": 1085,
|
1135 |
+
"ater": 1086,
|
1136 |
+
"fix": 1087,
|
1137 |
+
"fill": 1088,
|
1138 |
+
"worry": 1089,
|
1139 |
+
"mouse": 1090,
|
1140 |
+
"ped": 1091,
|
1141 |
+
"cked": 1092,
|
1142 |
+
"cars": 1093,
|
1143 |
+
"Fin": 1094,
|
1144 |
+
"name": 1095,
|
1145 |
+
"paper": 1096,
|
1146 |
+
"Wow": 1097,
|
1147 |
+
"parents": 1098,
|
1148 |
+
"cold": 1099,
|
1149 |
+
"aisy": 1100,
|
1150 |
+
"Sally": 1101,
|
1151 |
+
"touch": 1102,
|
1152 |
+
"thank": 1103,
|
1153 |
+
"ike": 1104,
|
1154 |
+
"catch": 1105,
|
1155 |
+
"funny": 1106,
|
1156 |
+
"seen": 1107,
|
1157 |
+
"pro": 1108,
|
1158 |
+
"ple": 1109,
|
1159 |
+
"stre": 1110,
|
1160 |
+
"gu": 1111,
|
1161 |
+
"hold": 1112,
|
1162 |
+
"another": 1113,
|
1163 |
+
"There": 1114,
|
1164 |
+
"river": 1115,
|
1165 |
+
"hopped": 1116,
|
1166 |
+
"cried": 1117,
|
1167 |
+
"oney": 1118,
|
1168 |
+
"ds": 1119,
|
1169 |
+
"cool": 1120,
|
1170 |
+
"doing": 1121,
|
1171 |
+
"blocks": 1122,
|
1172 |
+
"\".": 1123,
|
1173 |
+
"farm": 1124,
|
1174 |
+
"surprise": 1125,
|
1175 |
+
"ons": 1126,
|
1176 |
+
"age": 1127,
|
1177 |
+
"cor": 1128,
|
1178 |
+
"green": 1129,
|
1179 |
+
"uff": 1130,
|
1180 |
+
"anc": 1131,
|
1181 |
+
"years": 1132,
|
1182 |
+
"mess": 1133,
|
1183 |
+
"turned": 1134,
|
1184 |
+
"close": 1135,
|
1185 |
+
"wood": 1136,
|
1186 |
+
"hind": 1137,
|
1187 |
+
"floor": 1138,
|
1188 |
+
"sat": 1139,
|
1189 |
+
"climb": 1140,
|
1190 |
+
"full": 1141,
|
1191 |
+
"trees": 1142,
|
1192 |
+
"ppy": 1143,
|
1193 |
+
"running": 1144,
|
1194 |
+
"worked": 1145,
|
1195 |
+
"lesson": 1146,
|
1196 |
+
"window": 1147,
|
1197 |
+
"wear": 1148,
|
1198 |
+
"dark": 1149,
|
1199 |
+
"behind": 1150,
|
1200 |
+
"likes": 1151,
|
1201 |
+
"wished": 1152,
|
1202 |
+
"aby": 1153,
|
1203 |
+
"ign": 1154,
|
1204 |
+
"yellow": 1155,
|
1205 |
+
"andy": 1156,
|
1206 |
+
"ation": 1157,
|
1207 |
+
"ger": 1158,
|
1208 |
+
"bag": 1159,
|
1209 |
+
"swim": 1160,
|
1210 |
+
"happily": 1161,
|
1211 |
+
"Daisy": 1162,
|
1212 |
+
"Jim": 1163,
|
1213 |
+
"Em": 1164,
|
1214 |
+
"cast": 1165,
|
1215 |
+
"To": 1166,
|
1216 |
+
"surprised": 1167,
|
1217 |
+
"sleep": 1168,
|
1218 |
+
"Benny": 1169,
|
1219 |
+
"frog": 1170,
|
1220 |
+
"butterfly": 1171,
|
1221 |
+
"pet": 1172,
|
1222 |
+
"cious": 1173,
|
1223 |
+
"arri": 1174,
|
1224 |
+
"yard": 1175,
|
1225 |
+
"carefully": 1176,
|
1226 |
+
"hole": 1177,
|
1227 |
+
"Hello": 1178,
|
1228 |
+
"remembered": 1179,
|
1229 |
+
"lost": 1180,
|
1230 |
+
"slow": 1181,
|
1231 |
+
"held": 1182,
|
1232 |
+
"race": 1183,
|
1233 |
+
"At": 1184,
|
1234 |
+
"needed": 1185,
|
1235 |
+
"cla": 1186,
|
1236 |
+
"buy": 1187,
|
1237 |
+
"Billy": 1188,
|
1238 |
+
"left": 1189,
|
1239 |
+
"far": 1190,
|
1240 |
+
"bar": 1191,
|
1241 |
+
"reed": 1192,
|
1242 |
+
"dream": 1193,
|
1243 |
+
"fair": 1194,
|
1244 |
+
"anything": 1195,
|
1245 |
+
"spot": 1196,
|
1246 |
+
"enjoyed": 1197,
|
1247 |
+
"wrong": 1198,
|
1248 |
+
"chil": 1199,
|
1249 |
+
"tri": 1200,
|
1250 |
+
"dren": 1201,
|
1251 |
+
"Finally": 1202,
|
1252 |
+
"followed": 1203,
|
1253 |
+
"children": 1204,
|
1254 |
+
"stran": 1205,
|
1255 |
+
"ross": 1206,
|
1256 |
+
"delicious": 1207,
|
1257 |
+
"bug": 1208,
|
1258 |
+
"hung": 1209,
|
1259 |
+
"Molly": 1210,
|
1260 |
+
"please": 1211,
|
1261 |
+
"finished": 1212,
|
1262 |
+
"mar": 1213,
|
1263 |
+
"bot": 1214,
|
1264 |
+
"friendly": 1215,
|
1265 |
+
"contin": 1216,
|
1266 |
+
"dir": 1217,
|
1267 |
+
"snow": 1218,
|
1268 |
+
"herself": 1219,
|
1269 |
+
"tall": 1220,
|
1270 |
+
"cess": 1221,
|
1271 |
+
"agreed": 1222,
|
1272 |
+
"mou": 1223,
|
1273 |
+
"vis": 1224,
|
1274 |
+
"spo": 1225,
|
1275 |
+
"hill": 1226,
|
1276 |
+
"Amy": 1227,
|
1277 |
+
"understand": 1228,
|
1278 |
+
"oken": 1229,
|
1279 |
+
"hot": 1230,
|
1280 |
+
"ued": 1231,
|
1281 |
+
"else": 1232,
|
1282 |
+
"hid": 1233,
|
1283 |
+
"oo": 1234,
|
1284 |
+
"ens": 1235,
|
1285 |
+
"arrived": 1236,
|
1286 |
+
"ined": 1237,
|
1287 |
+
"gent": 1238,
|
1288 |
+
"wonderful": 1239,
|
1289 |
+
"broken": 1240,
|
1290 |
+
"ings": 1241,
|
1291 |
+
"might": 1242,
|
1292 |
+
"tight": 1243,
|
1293 |
+
"em": 1244,
|
1294 |
+
"forgot": 1245,
|
1295 |
+
"land": 1246,
|
1296 |
+
"ield": 1247,
|
1297 |
+
"baby": 1248,
|
1298 |
+
"gl": 1249,
|
1299 |
+
"colors": 1250,
|
1300 |
+
"Jen": 1251,
|
1301 |
+
"ient": 1252,
|
1302 |
+
"most": 1253,
|
1303 |
+
"sit": 1254,
|
1304 |
+
"build": 1255,
|
1305 |
+
"gone": 1256,
|
1306 |
+
"filled": 1257,
|
1307 |
+
"erous": 1258,
|
1308 |
+
"ather": 1259,
|
1309 |
+
"song": 1260,
|
1310 |
+
"mat": 1261,
|
1311 |
+
"Why": 1262,
|
1312 |
+
"squir": 1263,
|
1313 |
+
"wards": 1264,
|
1314 |
+
"fr": 1265,
|
1315 |
+
"books": 1266,
|
1316 |
+
"ange": 1267,
|
1317 |
+
"someone": 1268,
|
1318 |
+
"row": 1269,
|
1319 |
+
"continued": 1270,
|
1320 |
+
"creat": 1271,
|
1321 |
+
"asure": 1272,
|
1322 |
+
"pat": 1273,
|
1323 |
+
"castle": 1274,
|
1324 |
+
"lion": 1275,
|
1325 |
+
"fight": 1276,
|
1326 |
+
"wants": 1277,
|
1327 |
+
"mother": 1278,
|
1328 |
+
"Gr": 1279,
|
1329 |
+
"pink": 1280,
|
1330 |
+
"squirrel": 1281,
|
1331 |
+
"leaves": 1282,
|
1332 |
+
"getting": 1283,
|
1333 |
+
"ves": 1284,
|
1334 |
+
"enough": 1285,
|
1335 |
+
"Go": 1286,
|
1336 |
+
"morning": 1287,
|
1337 |
+
"fru": 1288,
|
1338 |
+
"OK": 1289,
|
1339 |
+
"moment": 1290,
|
1340 |
+
"av": 1291,
|
1341 |
+
"finally": 1292,
|
1342 |
+
"fall": 1293,
|
1343 |
+
"stayed": 1294,
|
1344 |
+
"cha": 1295,
|
1345 |
+
"cookies": 1296,
|
1346 |
+
"break": 1297,
|
1347 |
+
"gon": 1298,
|
1348 |
+
"poin": 1299,
|
1349 |
+
"beach": 1300,
|
1350 |
+
"few": 1301,
|
1351 |
+
"sometimes": 1302,
|
1352 |
+
"scary": 1303,
|
1353 |
+
"je": 1304,
|
1354 |
+
"ju": 1305,
|
1355 |
+
"fect": 1306,
|
1356 |
+
"dinner": 1307,
|
1357 |
+
"tast": 1308,
|
1358 |
+
"hungry": 1309,
|
1359 |
+
"ence": 1310,
|
1360 |
+
"grandma": 1311,
|
1361 |
+
"Come": 1312,
|
1362 |
+
"wet": 1313,
|
1363 |
+
"amazing": 1314,
|
1364 |
+
"ze": 1315,
|
1365 |
+
"trying": 1316,
|
1366 |
+
"pack": 1317,
|
1367 |
+
"whe": 1318,
|
1368 |
+
"plain": 1319,
|
1369 |
+
"daddy": 1320,
|
1370 |
+
"perfect": 1321,
|
1371 |
+
"dr": 1322,
|
1372 |
+
"makes": 1323,
|
1373 |
+
"others": 1324,
|
1374 |
+
"asks": 1325,
|
1375 |
+
"climbed": 1326,
|
1376 |
+
"pes": 1327,
|
1377 |
+
"pictures": 1328,
|
1378 |
+
"cover": 1329,
|
1379 |
+
"talk": 1330,
|
1380 |
+
"tail": 1331,
|
1381 |
+
"listened": 1332,
|
1382 |
+
"kay": 1333,
|
1383 |
+
"mus": 1334,
|
1384 |
+
"tle": 1335,
|
1385 |
+
"ton": 1336,
|
1386 |
+
"icy": 1337,
|
1387 |
+
"white": 1338,
|
1388 |
+
"fur": 1339,
|
1389 |
+
"smiles": 1340,
|
1390 |
+
"Jill": 1341,
|
1391 |
+
"ballo": 1342,
|
1392 |
+
"roll": 1343,
|
1393 |
+
"wall": 1344,
|
1394 |
+
"clothe": 1345,
|
1395 |
+
"alone": 1346,
|
1396 |
+
"appear": 1347,
|
1397 |
+
"bus": 1348,
|
1398 |
+
"plan": 1349,
|
1399 |
+
"clothes": 1350,
|
1400 |
+
"oup": 1351,
|
1401 |
+
"spl": 1352,
|
1402 |
+
"puppy": 1353,
|
1403 |
+
"ious": 1354,
|
1404 |
+
"ot": 1355,
|
1405 |
+
"train": 1356,
|
1406 |
+
"Oh": 1357,
|
1407 |
+
"ated": 1358,
|
1408 |
+
"wasn": 1359,
|
1409 |
+
"brought": 1360,
|
1410 |
+
"everything": 1361,
|
1411 |
+
"strange": 1362,
|
1412 |
+
"sear": 1363,
|
1413 |
+
"met": 1364,
|
1414 |
+
"spark": 1365,
|
1415 |
+
"dang": 1366,
|
1416 |
+
"grow": 1367,
|
1417 |
+
"deep": 1368,
|
1418 |
+
"woods": 1369,
|
1419 |
+
"pulled": 1370,
|
1420 |
+
"bike": 1371,
|
1421 |
+
"sail": 1372,
|
1422 |
+
"Be": 1373,
|
1423 |
+
"ride": 1374,
|
1424 |
+
"pping": 1375,
|
1425 |
+
"Daddy": 1376,
|
1426 |
+
"treat": 1377,
|
1427 |
+
"fox": 1378,
|
1428 |
+
"mi": 1379,
|
1429 |
+
"ose": 1380,
|
1430 |
+
"af": 1381,
|
1431 |
+
"Mama": 1382,
|
1432 |
+
"uffy": 1383,
|
1433 |
+
"Soon": 1384,
|
1434 |
+
"ucky": 1385,
|
1435 |
+
"pen": 1386,
|
1436 |
+
"hor": 1387,
|
1437 |
+
"Some": 1388,
|
1438 |
+
"waited": 1389,
|
1439 |
+
"music": 1390,
|
1440 |
+
"gi": 1391,
|
1441 |
+
"amazed": 1392,
|
1442 |
+
"danc": 1393,
|
1443 |
+
"teddy": 1394,
|
1444 |
+
"hide": 1395,
|
1445 |
+
"nap": 1396,
|
1446 |
+
"ses": 1397,
|
1447 |
+
"bath": 1398,
|
1448 |
+
"towards": 1399,
|
1449 |
+
"field": 1400,
|
1450 |
+
"pur": 1401,
|
1451 |
+
"thy": 1402,
|
1452 |
+
"All": 1403,
|
1453 |
+
"flying": 1404,
|
1454 |
+
"zz": 1405,
|
1455 |
+
"sis": 1406,
|
1456 |
+
"owner": 1407,
|
1457 |
+
"whis": 1408,
|
1458 |
+
"miss": 1409,
|
1459 |
+
"silly": 1410,
|
1460 |
+
"shared": 1411,
|
1461 |
+
"runs": 1412,
|
1462 |
+
"belie": 1413,
|
1463 |
+
"cloud": 1414,
|
1464 |
+
"iss": 1415,
|
1465 |
+
"visit": 1416,
|
1466 |
+
"lake": 1417,
|
1467 |
+
"living": 1418,
|
1468 |
+
"job": 1419,
|
1469 |
+
"ames": 1420,
|
1470 |
+
"promised": 1421,
|
1471 |
+
"pers": 1422,
|
1472 |
+
"moral": 1423,
|
1473 |
+
"Okay": 1424,
|
1474 |
+
"dance": 1425,
|
1475 |
+
"thinks": 1426,
|
1476 |
+
"iet": 1427,
|
1477 |
+
"Mary": 1428,
|
1478 |
+
"sister": 1429,
|
1479 |
+
"ually": 1430,
|
1480 |
+
"party": 1431,
|
1481 |
+
"mind": 1432,
|
1482 |
+
"quiet": 1433,
|
1483 |
+
"ises": 1434,
|
1484 |
+
"ps": 1435,
|
1485 |
+
"money": 1436,
|
1486 |
+
"Sure": 1437,
|
1487 |
+
"board": 1438,
|
1488 |
+
"must": 1439,
|
1489 |
+
"gs": 1440,
|
1490 |
+
"worried": 1441,
|
1491 |
+
"Just": 1442,
|
1492 |
+
"chair": 1443,
|
1493 |
+
"ateful": 1444,
|
1494 |
+
"ap": 1445,
|
1495 |
+
"answ": 1446,
|
1496 |
+
"grateful": 1447,
|
1497 |
+
"slowly": 1448,
|
1498 |
+
"colorful": 1449,
|
1499 |
+
"cup": 1450,
|
1500 |
+
"faster": 1451,
|
1501 |
+
"ment": 1452,
|
1502 |
+
"pieces": 1453,
|
1503 |
+
"bran": 1454,
|
1504 |
+
"Mr": 1455,
|
1505 |
+
"pass": 1456,
|
1506 |
+
"lice": 1457,
|
1507 |
+
"explain": 1458,
|
1508 |
+
"hes": 1459,
|
1509 |
+
"broke": 1460,
|
1510 |
+
"ctor": 1461,
|
1511 |
+
"such": 1462,
|
1512 |
+
"gif": 1463,
|
1513 |
+
"bigger": 1464,
|
1514 |
+
"ich": 1465,
|
1515 |
+
"snack": 1466,
|
1516 |
+
"reach": 1467,
|
1517 |
+
"pull": 1468,
|
1518 |
+
"thre": 1469,
|
1519 |
+
"dry": 1470,
|
1520 |
+
"heav": 1471,
|
1521 |
+
"monster": 1472,
|
1522 |
+
"plant": 1473,
|
1523 |
+
"join": 1474,
|
1524 |
+
"win": 1475,
|
1525 |
+
"ele": 1476,
|
1526 |
+
"black": 1477,
|
1527 |
+
"candy": 1478,
|
1528 |
+
"words": 1479,
|
1529 |
+
"blan": 1480,
|
1530 |
+
"scream": 1481,
|
1531 |
+
"treasure": 1482,
|
1532 |
+
"magical": 1483,
|
1533 |
+
"dangerous": 1484,
|
1534 |
+
"sign": 1485,
|
1535 |
+
"Mum": 1486,
|
1536 |
+
"dragon": 1487,
|
1537 |
+
"gra": 1488,
|
1538 |
+
"across": 1489,
|
1539 |
+
"everywhere": 1490,
|
1540 |
+
"helping": 1491,
|
1541 |
+
"Jimmy": 1492,
|
1542 |
+
"dri": 1493,
|
1543 |
+
"farmer": 1494,
|
1544 |
+
"Hi": 1495,
|
1545 |
+
"Grandma": 1496,
|
1546 |
+
"smart": 1497,
|
1547 |
+
"start": 1498,
|
1548 |
+
"mouth": 1499,
|
1549 |
+
"smel": 1500,
|
1550 |
+
"min": 1501,
|
1551 |
+
"rot": 1502,
|
1552 |
+
"ourse": 1503,
|
1553 |
+
"bee": 1504,
|
1554 |
+
"ng": 1505,
|
1555 |
+
"igg": 1506,
|
1556 |
+
"stepped": 1507,
|
1557 |
+
"threw": 1508,
|
1558 |
+
"heavy": 1509,
|
1559 |
+
"tower": 1510,
|
1560 |
+
"dolls": 1511,
|
1561 |
+
"bowl": 1512,
|
1562 |
+
"appeared": 1513,
|
1563 |
+
"bite": 1514,
|
1564 |
+
"dirty": 1515,
|
1565 |
+
"same": 1516,
|
1566 |
+
"swa": 1517,
|
1567 |
+
"twins": 1518,
|
1568 |
+
"believe": 1519,
|
1569 |
+
"crying": 1520,
|
1570 |
+
"mix": 1521,
|
1571 |
+
"Please": 1522,
|
1572 |
+
"ident": 1523,
|
1573 |
+
"sc": 1524,
|
1574 |
+
"doctor": 1525,
|
1575 |
+
"shar": 1526,
|
1576 |
+
"princess": 1527,
|
1577 |
+
"heal": 1528,
|
1578 |
+
"wouldn": 1529,
|
1579 |
+
"har": 1530,
|
1580 |
+
"hig": 1531,
|
1581 |
+
"chool": 1532,
|
1582 |
+
"closed": 1533,
|
1583 |
+
"unch": 1534,
|
1584 |
+
"ub": 1535,
|
1585 |
+
"stuck": 1536,
|
1586 |
+
"school": 1537,
|
1587 |
+
"press": 1538,
|
1588 |
+
"bas": 1539,
|
1589 |
+
"spr": 1540,
|
1590 |
+
"balloon": 1541,
|
1591 |
+
"stu": 1542,
|
1592 |
+
"swam": 1543,
|
1593 |
+
"teac": 1544,
|
1594 |
+
"Emma": 1545,
|
1595 |
+
"brown": 1546,
|
1596 |
+
"sy": 1547,
|
1597 |
+
"hoped": 1548,
|
1598 |
+
"suddenly": 1549,
|
1599 |
+
"iting": 1550,
|
1600 |
+
"paint": 1551,
|
1601 |
+
"town": 1552,
|
1602 |
+
"pow": 1553,
|
1603 |
+
"eating": 1554,
|
1604 |
+
"feels": 1555,
|
1605 |
+
"course": 1556,
|
1606 |
+
"clapped": 1557,
|
1607 |
+
"plane": 1558,
|
1608 |
+
"cray": 1559,
|
1609 |
+
"da": 1560,
|
1610 |
+
"stood": 1561,
|
1611 |
+
"wr": 1562,
|
1612 |
+
"ek": 1563,
|
1613 |
+
"gentle": 1564,
|
1614 |
+
"fairy": 1565,
|
1615 |
+
"val": 1566,
|
1616 |
+
"comfor": 1567,
|
1617 |
+
"ventually": 1568,
|
1618 |
+
"button": 1569,
|
1619 |
+
"takes": 1570,
|
1620 |
+
"basket": 1571,
|
1621 |
+
"child": 1572,
|
1622 |
+
"free": 1573,
|
1623 |
+
"drove": 1574,
|
1624 |
+
"welcome": 1575,
|
1625 |
+
"pushed": 1576,
|
1626 |
+
"shine": 1577,
|
1627 |
+
"round": 1578,
|
1628 |
+
"neigh": 1579,
|
1629 |
+
"kno": 1580,
|
1630 |
+
"Inside": 1581,
|
1631 |
+
"higher": 1582,
|
1632 |
+
"without": 1583,
|
1633 |
+
"kiss": 1584,
|
1634 |
+
"today": 1585,
|
1635 |
+
"cident": 1586,
|
1636 |
+
"swings": 1587,
|
1637 |
+
"stead": 1588,
|
1638 |
+
"blanket": 1589,
|
1639 |
+
"str": 1590,
|
1640 |
+
"teacher": 1591,
|
1641 |
+
"ire": 1592,
|
1642 |
+
"ches": 1593,
|
1643 |
+
"phone": 1594,
|
1644 |
+
"sea": 1595,
|
1645 |
+
"games": 1596,
|
1646 |
+
"cheered": 1597,
|
1647 |
+
"ben": 1598,
|
1648 |
+
"moved": 1599,
|
1649 |
+
"wings": 1600,
|
1650 |
+
"jour": 1601,
|
1651 |
+
"explained": 1602,
|
1652 |
+
"longer": 1603,
|
1653 |
+
"ible": 1604,
|
1654 |
+
"accident": 1605,
|
1655 |
+
"wise": 1606,
|
1656 |
+
"late": 1607,
|
1657 |
+
"along": 1608,
|
1658 |
+
"well": 1609,
|
1659 |
+
"wish": 1610,
|
1660 |
+
"Their": 1611,
|
1661 |
+
"Fl": 1612,
|
1662 |
+
"noises": 1613,
|
1663 |
+
"itting": 1614,
|
1664 |
+
"sang": 1615,
|
1665 |
+
"ling": 1616,
|
1666 |
+
"happen": 1617,
|
1667 |
+
"throw": 1618,
|
1668 |
+
"pol": 1619,
|
1669 |
+
"stone": 1620,
|
1670 |
+
"hugs": 1621,
|
1671 |
+
"turns": 1622,
|
1672 |
+
"ney": 1623,
|
1673 |
+
"phant": 1624,
|
1674 |
+
"stories": 1625,
|
1675 |
+
"mine": 1626,
|
1676 |
+
"shoes": 1627,
|
1677 |
+
"lone": 1628,
|
1678 |
+
"apple": 1629,
|
1679 |
+
"though": 1630,
|
1680 |
+
"forget": 1631,
|
1681 |
+
"singing": 1632,
|
1682 |
+
"adventures": 1633,
|
1683 |
+
"neck": 1634,
|
1684 |
+
"trou": 1635,
|
1685 |
+
"jar": 1636,
|
1686 |
+
"upset": 1637,
|
1687 |
+
"fence": 1638,
|
1688 |
+
"lunch": 1639,
|
1689 |
+
"lonely": 1640,
|
1690 |
+
"del": 1641,
|
1691 |
+
"El": 1642,
|
1692 |
+
"elephant": 1643,
|
1693 |
+
"secre": 1644,
|
1694 |
+
"heart": 1645,
|
1695 |
+
"street": 1646,
|
1696 |
+
"oun": 1647,
|
1697 |
+
"young": 1648,
|
1698 |
+
"belong": 1649,
|
1699 |
+
"Pe": 1650,
|
1700 |
+
"ntain": 1651,
|
1701 |
+
"dist": 1652,
|
1702 |
+
"shop": 1653,
|
1703 |
+
"Fluffy": 1654,
|
1704 |
+
"itch": 1655,
|
1705 |
+
"nee": 1656,
|
1706 |
+
"monkey": 1657,
|
1707 |
+
"ours": 1658,
|
1708 |
+
"shook": 1659,
|
1709 |
+
"exploring": 1660,
|
1710 |
+
"Sammy": 1661,
|
1711 |
+
"pocket": 1662,
|
1712 |
+
"sent": 1663,
|
1713 |
+
"add": 1664,
|
1714 |
+
"nearby": 1665,
|
1715 |
+
"soup": 1666,
|
1716 |
+
"ughty": 1667,
|
1717 |
+
"Le": 1668,
|
1718 |
+
"owl": 1669,
|
1719 |
+
"naughty": 1670,
|
1720 |
+
"My": 1671,
|
1721 |
+
"bring": 1672,
|
1722 |
+
"stars": 1673,
|
1723 |
+
"fused": 1674,
|
1724 |
+
"ship": 1675,
|
1725 |
+
"caught": 1676,
|
1726 |
+
"woke": 1677,
|
1727 |
+
"backyard": 1678,
|
1728 |
+
"seemed": 1679,
|
1729 |
+
"des": 1680,
|
1730 |
+
"body": 1681,
|
1731 |
+
"cal": 1682,
|
1732 |
+
"dropped": 1683,
|
1733 |
+
"relie": 1684,
|
1734 |
+
"rocks": 1685,
|
1735 |
+
"att": 1686,
|
1736 |
+
"ughter": 1687,
|
1737 |
+
"drink": 1688,
|
1738 |
+
"bs": 1689,
|
1739 |
+
"coat": 1690,
|
1740 |
+
"ming": 1691,
|
1741 |
+
"daughter": 1692,
|
1742 |
+
"taking": 1693,
|
1743 |
+
"purple": 1694,
|
1744 |
+
"mail": 1695,
|
1745 |
+
"fit": 1696,
|
1746 |
+
"ions": 1697,
|
1747 |
+
"orange": 1698,
|
1748 |
+
"shapes": 1699,
|
1749 |
+
"hello": 1700,
|
1750 |
+
"driver": 1701,
|
1751 |
+
"cow": 1702,
|
1752 |
+
"pil": 1703,
|
1753 |
+
"bench": 1704,
|
1754 |
+
"hit": 1705,
|
1755 |
+
"fing": 1706,
|
1756 |
+
"comes": 1707,
|
1757 |
+
"sounds": 1708,
|
1758 |
+
"ier": 1709,
|
1759 |
+
"wondered": 1710,
|
1760 |
+
"busy": 1711,
|
1761 |
+
"hur": 1712,
|
1762 |
+
"tiny": 1713,
|
1763 |
+
"mil": 1714,
|
1764 |
+
"Later": 1715,
|
1765 |
+
"past": 1716,
|
1766 |
+
"nest": 1717,
|
1767 |
+
"ull": 1718,
|
1768 |
+
"erful": 1719,
|
1769 |
+
"rainbow": 1720,
|
1770 |
+
"nose": 1721,
|
1771 |
+
"sitting": 1722,
|
1772 |
+
"ese": 1723,
|
1773 |
+
"amp": 1724,
|
1774 |
+
"touc": 1725,
|
1775 |
+
"kite": 1726,
|
1776 |
+
"juice": 1727,
|
1777 |
+
"mer": 1728,
|
1778 |
+
"nothing": 1729,
|
1779 |
+
"holding": 1730,
|
1780 |
+
"sco": 1731,
|
1781 |
+
"smell": 1732,
|
1782 |
+
"brea": 1733,
|
1783 |
+
"arms": 1734,
|
1784 |
+
"mach": 1735,
|
1785 |
+
"pra": 1736,
|
1786 |
+
"chas": 1737,
|
1787 |
+
"thday": 1738,
|
1788 |
+
"pig": 1739,
|
1789 |
+
"sug": 1740,
|
1790 |
+
"With": 1741,
|
1791 |
+
"Good": 1742,
|
1792 |
+
"count": 1743,
|
1793 |
+
"band": 1744,
|
1794 |
+
"cir": 1745,
|
1795 |
+
"cute": 1746,
|
1796 |
+
"ining": 1747,
|
1797 |
+
"loves": 1748,
|
1798 |
+
"secret": 1749,
|
1799 |
+
"oom": 1750,
|
1800 |
+
"branch": 1751,
|
1801 |
+
"pper": 1752,
|
1802 |
+
"quest": 1753,
|
1803 |
+
"shell": 1754,
|
1804 |
+
"raid": 1755,
|
1805 |
+
"relieved": 1756,
|
1806 |
+
"Of": 1757,
|
1807 |
+
"afraid": 1758,
|
1808 |
+
"idge": 1759,
|
1809 |
+
"ars": 1760,
|
1810 |
+
"promise": 1761,
|
1811 |
+
"forever": 1762,
|
1812 |
+
"How": 1763,
|
1813 |
+
"carry": 1764,
|
1814 |
+
"sick": 1765,
|
1815 |
+
"Jenny": 1766,
|
1816 |
+
"days": 1767,
|
1817 |
+
"gift": 1768,
|
1818 |
+
"boun": 1769,
|
1819 |
+
"hu": 1770,
|
1820 |
+
"uni": 1771,
|
1821 |
+
"peace": 1772,
|
1822 |
+
"Tweet": 1773,
|
1823 |
+
"Ted": 1774,
|
1824 |
+
"bucket": 1775,
|
1825 |
+
"touched": 1776,
|
1826 |
+
"huge": 1777,
|
1827 |
+
"orn": 1778,
|
1828 |
+
"covered": 1779,
|
1829 |
+
"push": 1780,
|
1830 |
+
"patient": 1781,
|
1831 |
+
"live": 1782,
|
1832 |
+
"birthday": 1783,
|
1833 |
+
"eg": 1784,
|
1834 |
+
"letter": 1785,
|
1835 |
+
"cheese": 1786,
|
1836 |
+
"terest": 1787,
|
1837 |
+
"interest": 1788,
|
1838 |
+
"sunny": 1789,
|
1839 |
+
"exciting": 1790,
|
1840 |
+
"onto": 1791,
|
1841 |
+
"bush": 1792,
|
1842 |
+
"life": 1793,
|
1843 |
+
"wra": 1794,
|
1844 |
+
"laughing": 1795,
|
1845 |
+
"wand": 1796,
|
1846 |
+
"act": 1797,
|
1847 |
+
"su": 1798,
|
1848 |
+
"gest": 1799,
|
1849 |
+
"creature": 1800,
|
1850 |
+
"ittens": 1801,
|
1851 |
+
"bread": 1802,
|
1852 |
+
"Hey": 1803,
|
1853 |
+
"gged": 1804,
|
1854 |
+
"kick": 1805,
|
1855 |
+
"imag": 1806,
|
1856 |
+
"vel": 1807,
|
1857 |
+
"hope": 1808,
|
1858 |
+
"craw": 1809,
|
1859 |
+
"cozy": 1810,
|
1860 |
+
"ness": 1811,
|
1861 |
+
"Emily": 1812,
|
1862 |
+
"swimming": 1813,
|
1863 |
+
"journey": 1814,
|
1864 |
+
"suc": 1815,
|
1865 |
+
"coun": 1816,
|
1866 |
+
"bottle": 1817,
|
1867 |
+
"gives": 1818,
|
1868 |
+
"instead": 1819,
|
1869 |
+
"milk": 1820,
|
1870 |
+
"net": 1821,
|
1871 |
+
"eas": 1822,
|
1872 |
+
"watching": 1823,
|
1873 |
+
"spin": 1824,
|
1874 |
+
"lucky": 1825,
|
1875 |
+
"ced": 1826,
|
1876 |
+
"accidentally": 1827,
|
1877 |
+
"ian": 1828,
|
1878 |
+
"sunshine": 1829,
|
1879 |
+
"cave": 1830,
|
1880 |
+
"va": 1831,
|
1881 |
+
"ade": 1832,
|
1882 |
+
"sharp": 1833,
|
1883 |
+
"talked": 1834,
|
1884 |
+
"puts": 1835,
|
1885 |
+
"gen": 1836,
|
1886 |
+
"colle": 1837,
|
1887 |
+
"pudd": 1838,
|
1888 |
+
"pointed": 1839,
|
1889 |
+
"honey": 1840,
|
1890 |
+
"gather": 1841,
|
1891 |
+
"road": 1842,
|
1892 |
+
"di": 1843,
|
1893 |
+
"bru": 1844,
|
1894 |
+
"neighbor": 1845,
|
1895 |
+
"ye": 1846,
|
1896 |
+
"bought": 1847,
|
1897 |
+
"smiling": 1848,
|
1898 |
+
"anyone": 1849,
|
1899 |
+
"searched": 1850,
|
1900 |
+
"later": 1851,
|
1901 |
+
"sli": 1852,
|
1902 |
+
"sandw": 1853,
|
1903 |
+
"nic": 1854,
|
1904 |
+
"itten": 1855,
|
1905 |
+
"apples": 1856,
|
1906 |
+
"shelf": 1857,
|
1907 |
+
"part": 1858,
|
1908 |
+
"storm": 1859,
|
1909 |
+
"Where": 1860,
|
1910 |
+
"snake": 1861,
|
1911 |
+
"shes": 1862,
|
1912 |
+
"blem": 1863,
|
1913 |
+
"problem": 1864,
|
1914 |
+
"meet": 1865,
|
1915 |
+
"ize": 1866,
|
1916 |
+
"wide": 1867,
|
1917 |
+
"word": 1868,
|
1918 |
+
"irt": 1869,
|
1919 |
+
"inv": 1870,
|
1920 |
+
"wom": 1871,
|
1921 |
+
"ugg": 1872,
|
1922 |
+
"woman": 1873,
|
1923 |
+
"healthy": 1874,
|
1924 |
+
"interesting": 1875,
|
1925 |
+
"œI": 1876,
|
1926 |
+
"spoon": 1877,
|
1927 |
+
"circle": 1878,
|
1928 |
+
"tasty": 1879,
|
1929 |
+
"pile": 1880,
|
1930 |
+
"vill": 1881,
|
1931 |
+
"ducks": 1882,
|
1932 |
+
"zoom": 1883,
|
1933 |
+
"eag": 1884,
|
1934 |
+
"rope": 1885,
|
1935 |
+
"num": 1886,
|
1936 |
+
"spid": 1887,
|
1937 |
+
"clever": 1888,
|
1938 |
+
"prote": 1889,
|
1939 |
+
"matter": 1890,
|
1940 |
+
"trouble": 1891,
|
1941 |
+
"bled": 1892,
|
1942 |
+
"andpa": 1893,
|
1943 |
+
"crayons": 1894,
|
1944 |
+
"ast": 1895,
|
1945 |
+
"clouds": 1896,
|
1946 |
+
"person": 1897,
|
1947 |
+
"roar": 1898,
|
1948 |
+
"log": 1899,
|
1949 |
+
"gigg": 1900,
|
1950 |
+
"path": 1901,
|
1951 |
+
"fron": 1902,
|
1952 |
+
"Are": 1903,
|
1953 |
+
"feather": 1904,
|
1954 |
+
"front": 1905,
|
1955 |
+
"ert": 1906,
|
1956 |
+
"comfortable": 1907,
|
1957 |
+
"shining": 1908,
|
1958 |
+
"smelled": 1909,
|
1959 |
+
"dest": 1910,
|
1960 |
+
"wash": 1911,
|
1961 |
+
"Jake": 1912,
|
1962 |
+
"present": 1913,
|
1963 |
+
"tea": 1914,
|
1964 |
+
"pract": 1915,
|
1965 |
+
"spotted": 1916,
|
1966 |
+
"splash": 1917,
|
1967 |
+
"minut": 1918,
|
1968 |
+
"screamed": 1919,
|
1969 |
+
"zoo": 1920,
|
1970 |
+
"respe": 1921,
|
1971 |
+
"organ": 1922,
|
1972 |
+
"war": 1923,
|
1973 |
+
"mud": 1924,
|
1974 |
+
"orm": 1925,
|
1975 |
+
"lock": 1926,
|
1976 |
+
"danced": 1927,
|
1977 |
+
"hop": 1928,
|
1978 |
+
"seat": 1929,
|
1979 |
+
"which": 1930,
|
1980 |
+
"wheel": 1931,
|
1981 |
+
"berries": 1932,
|
1982 |
+
"puzz": 1933,
|
1983 |
+
"Mittens": 1934,
|
1984 |
+
"myster": 1935,
|
1985 |
+
"teach": 1936,
|
1986 |
+
"snowman": 1937,
|
1987 |
+
"Ro": 1938,
|
1988 |
+
"isa": 1939,
|
1989 |
+
"thin": 1940,
|
1990 |
+
"last": 1941,
|
1991 |
+
"lay": 1942,
|
1992 |
+
"pan": 1943,
|
1993 |
+
"asleep": 1944,
|
1994 |
+
"horse": 1945,
|
1995 |
+
"ned": 1946,
|
1996 |
+
"lovely": 1947,
|
1997 |
+
"answer": 1948,
|
1998 |
+
"rolled": 1949,
|
1999 |
+
"Together": 1950,
|
2000 |
+
"gently": 1951,
|
2001 |
+
"bark": 1952,
|
2002 |
+
"wearing": 1953,
|
2003 |
+
"places": 1954,
|
2004 |
+
"giant": 1955,
|
2005 |
+
"goes": 1956,
|
2006 |
+
"search": 1957,
|
2007 |
+
"fli": 1958,
|
2008 |
+
"whole": 1959,
|
2009 |
+
"wild": 1960,
|
2010 |
+
"ser": 1961,
|
2011 |
+
"Lisa": 1962,
|
2012 |
+
"gy": 1963,
|
2013 |
+
"string": 1964,
|
2014 |
+
"pill": 1965,
|
2015 |
+
"Sometimes": 1966,
|
2016 |
+
"If": 1967,
|
2017 |
+
"fruit": 1968,
|
2018 |
+
"corner": 1969,
|
2019 |
+
"impress": 1970,
|
2020 |
+
"dirt": 1971,
|
2021 |
+
"respect": 1972,
|
2022 |
+
"tun": 1973,
|
2023 |
+
"worm": 1974,
|
2024 |
+
"tries": 1975,
|
2025 |
+
"ones": 1976,
|
2026 |
+
"corn": 1977,
|
2027 |
+
"confused": 1978,
|
2028 |
+
"card": 1979,
|
2029 |
+
"Mummy": 1980,
|
2030 |
+
"vie": 1981,
|
2031 |
+
"bubb": 1982,
|
2032 |
+
"tasted": 1983,
|
2033 |
+
"slid": 1984,
|
2034 |
+
"rubb": 1985,
|
2035 |
+
"cean": 1986,
|
2036 |
+
"eth": 1987,
|
2037 |
+
"ocean": 1988,
|
2038 |
+
"picnic": 1989,
|
2039 |
+
"forgive": 1990,
|
2040 |
+
"rude": 1991,
|
2041 |
+
"tool": 1992,
|
2042 |
+
"ased": 1993,
|
2043 |
+
"machine": 1994,
|
2044 |
+
"spent": 1995,
|
2045 |
+
"teeth": 1996,
|
2046 |
+
"drive": 1997,
|
2047 |
+
"rich": 1998,
|
2048 |
+
"itty": 1999,
|
2049 |
+
"bel": 2000,
|
2050 |
+
"step": 2001,
|
2051 |
+
"uce": 2002,
|
2052 |
+
"wave": 2003,
|
2053 |
+
"oven": 2004,
|
2054 |
+
"pour": 2005,
|
2055 |
+
"calm": 2006,
|
2056 |
+
"pretended": 2007,
|
2057 |
+
"delight": 2008,
|
2058 |
+
"pop": 2009,
|
2059 |
+
"cookie": 2010,
|
2060 |
+
"spider": 2011,
|
2061 |
+
"feet": 2012,
|
2062 |
+
"furry": 2013,
|
2063 |
+
"lar": 2014,
|
2064 |
+
"faces": 2015,
|
2065 |
+
"izz": 2016,
|
2066 |
+
"Peter": 2017,
|
2067 |
+
"fold": 2018,
|
2068 |
+
"Little": 2019,
|
2069 |
+
"shy": 2020,
|
2070 |
+
"erly": 2021,
|
2071 |
+
"swe": 2022,
|
2072 |
+
"helpful": 2023,
|
2073 |
+
"eventually": 2024,
|
2074 |
+
"finish": 2025,
|
2075 |
+
"test": 2026,
|
2076 |
+
"chick": 2027,
|
2077 |
+
"Here": 2028,
|
2078 |
+
"ity": 2029,
|
2079 |
+
"mountain": 2030,
|
2080 |
+
"hang": 2031,
|
2081 |
+
"peaceful": 2032,
|
2082 |
+
"talking": 2033,
|
2083 |
+
"shr": 2034,
|
2084 |
+
"pread": 2035,
|
2085 |
+
"stair": 2036,
|
2086 |
+
"mel": 2037,
|
2087 |
+
"res": 2038,
|
2088 |
+
"lace": 2039,
|
2089 |
+
"morrow": 2040,
|
2090 |
+
"tomorrow": 2041,
|
2091 |
+
"spread": 2042,
|
2092 |
+
"chocol": 2043,
|
2093 |
+
"tid": 2044,
|
2094 |
+
"ladder": 2045,
|
2095 |
+
"protect": 2046,
|
2096 |
+
"ipped": 2047
|
2097 |
+
},
|
2098 |
+
"merges": [
|
2099 |
+
"h e",
|
2100 |
+
"a n",
|
2101 |
+
"t he",
|
2102 |
+
"e d",
|
2103 |
+
"an d",
|
2104 |
+
"t o",
|
2105 |
+
"i n",
|
2106 |
+
"r e",
|
2107 |
+
"o u",
|
2108 |
+
"w a",
|
2109 |
+
"i t",
|
2110 |
+
"h a",
|
2111 |
+
"e r",
|
2112 |
+
"wa s",
|
2113 |
+
"o m",
|
2114 |
+
"e n",
|
2115 |
+
"o n",
|
2116 |
+
"a r",
|
2117 |
+
"T he",
|
2118 |
+
"i s",
|
2119 |
+
"in g",
|
2120 |
+
"i l",
|
2121 |
+
"s a",
|
2122 |
+
"i d",
|
2123 |
+
"l e",
|
2124 |
+
"a y",
|
2125 |
+
"i m",
|
2126 |
+
"l o",
|
2127 |
+
"a l",
|
2128 |
+
"s t",
|
2129 |
+
"o r",
|
2130 |
+
"he r",
|
2131 |
+
"H e",
|
2132 |
+
"S he",
|
2133 |
+
"i r",
|
2134 |
+
"t h",
|
2135 |
+
"The y",
|
2136 |
+
"b e",
|
2137 |
+
"n e",
|
2138 |
+
"ha t",
|
2139 |
+
"v er",
|
2140 |
+
"u t",
|
2141 |
+
"s e",
|
2142 |
+
"k e",
|
2143 |
+
"a t",
|
2144 |
+
"n o",
|
2145 |
+
"c k",
|
2146 |
+
"l d",
|
2147 |
+
"c e",
|
2148 |
+
"sa id",
|
2149 |
+
"a m",
|
2150 |
+
"v e",
|
2151 |
+
"r i",
|
2152 |
+
"il y",
|
2153 |
+
"s he",
|
2154 |
+
"p l",
|
2155 |
+
"it h",
|
2156 |
+
"p p",
|
2157 |
+
"o f",
|
2158 |
+
"a d",
|
2159 |
+
"w ith",
|
2160 |
+
"i g",
|
2161 |
+
"h is",
|
2162 |
+
"L ily",
|
2163 |
+
"u n",
|
2164 |
+
"y ou",
|
2165 |
+
"k ed",
|
2166 |
+
"s o",
|
2167 |
+
"l y",
|
2168 |
+
"d ay",
|
2169 |
+
"ver y",
|
2170 |
+
"w e",
|
2171 |
+
"om e",
|
2172 |
+
"l i",
|
2173 |
+
"m y",
|
2174 |
+
"t hat",
|
2175 |
+
"g o",
|
2176 |
+
"u p",
|
2177 |
+
"o w",
|
2178 |
+
"an t",
|
2179 |
+
"c h",
|
2180 |
+
"e s",
|
2181 |
+
"a s",
|
2182 |
+
"ha d",
|
2183 |
+
"pl ay",
|
2184 |
+
"the y",
|
2185 |
+
"f or",
|
2186 |
+
"m om",
|
2187 |
+
"f e",
|
2188 |
+
"n d",
|
2189 |
+
"ou ld",
|
2190 |
+
"al l",
|
2191 |
+
"en d",
|
2192 |
+
"b o",
|
2193 |
+
"ha pp",
|
2194 |
+
"en t",
|
2195 |
+
"w ant",
|
2196 |
+
"it t",
|
2197 |
+
"g e",
|
2198 |
+
"o k",
|
2199 |
+
"a re",
|
2200 |
+
"t im",
|
2201 |
+
"I t",
|
2202 |
+
"ou t",
|
2203 |
+
"d o",
|
2204 |
+
"no t",
|
2205 |
+
"r o",
|
2206 |
+
"ou nd",
|
2207 |
+
"itt le",
|
2208 |
+
"the r",
|
2209 |
+
"tim e",
|
2210 |
+
"l ittle",
|
2211 |
+
"the re",
|
2212 |
+
"r y",
|
2213 |
+
"h t",
|
2214 |
+
"r a",
|
2215 |
+
"s h",
|
2216 |
+
"happ y",
|
2217 |
+
"s m",
|
2218 |
+
"b ig",
|
2219 |
+
"b ut",
|
2220 |
+
"y s",
|
2221 |
+
"f ri",
|
2222 |
+
"a ke",
|
2223 |
+
"sa w",
|
2224 |
+
"fri end",
|
2225 |
+
". \"",
|
2226 |
+
"t er",
|
2227 |
+
"a ck",
|
2228 |
+
"th ing",
|
2229 |
+
"s ome",
|
2230 |
+
"u l",
|
2231 |
+
"O ne",
|
2232 |
+
"id e",
|
2233 |
+
"on e",
|
2234 |
+
"T im",
|
2235 |
+
"! \"",
|
2236 |
+
"O n",
|
2237 |
+
"u g",
|
2238 |
+
"v ed",
|
2239 |
+
"we re",
|
2240 |
+
"On ce",
|
2241 |
+
"h o",
|
2242 |
+
"c ar",
|
2243 |
+
"h im",
|
2244 |
+
"ir l",
|
2245 |
+
"e l",
|
2246 |
+
"want ed",
|
2247 |
+
"p e",
|
2248 |
+
"T om",
|
2249 |
+
"g irl",
|
2250 |
+
"up on",
|
2251 |
+
"f ul",
|
2252 |
+
"the m",
|
2253 |
+
"u r",
|
2254 |
+
"B en",
|
2255 |
+
"in d",
|
2256 |
+
"the ir",
|
2257 |
+
"il l",
|
2258 |
+
"a g",
|
2259 |
+
"sm il",
|
2260 |
+
"d id",
|
2261 |
+
"c ould",
|
2262 |
+
"m e",
|
2263 |
+
"c o",
|
2264 |
+
"ha ve",
|
2265 |
+
"e x",
|
2266 |
+
"m o",
|
2267 |
+
"he n",
|
2268 |
+
"B ut",
|
2269 |
+
"he l",
|
2270 |
+
"c an",
|
2271 |
+
"r om",
|
2272 |
+
"w ent",
|
2273 |
+
"t ed",
|
2274 |
+
"ne w",
|
2275 |
+
"o d",
|
2276 |
+
"d e",
|
2277 |
+
"n am",
|
2278 |
+
"? \"",
|
2279 |
+
"hel p",
|
2280 |
+
"friend s",
|
2281 |
+
"u m",
|
2282 |
+
"a b",
|
2283 |
+
"he d",
|
2284 |
+
"wa y",
|
2285 |
+
"b ack",
|
2286 |
+
"fe l",
|
2287 |
+
"a in",
|
2288 |
+
"li ke",
|
2289 |
+
"Y ou",
|
2290 |
+
"f un",
|
2291 |
+
"f o",
|
2292 |
+
"s ide",
|
2293 |
+
"m an",
|
2294 |
+
"ar k",
|
2295 |
+
"i c",
|
2296 |
+
"to o",
|
2297 |
+
"r an",
|
2298 |
+
"g ht",
|
2299 |
+
"p o",
|
2300 |
+
"Tim my",
|
2301 |
+
"st ar",
|
2302 |
+
"smil ed",
|
2303 |
+
"nam ed",
|
2304 |
+
"lo ved",
|
2305 |
+
"lo w",
|
2306 |
+
"lo o",
|
2307 |
+
"as ked",
|
2308 |
+
"e t",
|
2309 |
+
"M om",
|
2310 |
+
"ar d",
|
2311 |
+
"l a",
|
2312 |
+
"fel t",
|
2313 |
+
"s to",
|
2314 |
+
"se e",
|
2315 |
+
"loo ked",
|
2316 |
+
"i ck",
|
2317 |
+
"ow n",
|
2318 |
+
"ar ound",
|
2319 |
+
"am e",
|
2320 |
+
"p r",
|
2321 |
+
"m ake",
|
2322 |
+
"u re",
|
2323 |
+
"b ir",
|
2324 |
+
"w ould",
|
2325 |
+
"w or",
|
2326 |
+
"f a",
|
2327 |
+
"bo y",
|
2328 |
+
"no w",
|
2329 |
+
"on g",
|
2330 |
+
"o ther",
|
2331 |
+
"bir d",
|
2332 |
+
"g r",
|
2333 |
+
"p ark",
|
2334 |
+
"l l",
|
2335 |
+
"o p",
|
2336 |
+
"w hat",
|
2337 |
+
"i ce",
|
2338 |
+
"m ad",
|
2339 |
+
"t re",
|
2340 |
+
", \"",
|
2341 |
+
"a way",
|
2342 |
+
"ge ther",
|
2343 |
+
"c a",
|
2344 |
+
"s s",
|
2345 |
+
"d d",
|
2346 |
+
"sa ys",
|
2347 |
+
"star ted",
|
2348 |
+
"ou d",
|
2349 |
+
"c ame",
|
2350 |
+
"mad e",
|
2351 |
+
"ig ht",
|
2352 |
+
"some thing",
|
2353 |
+
"to gether",
|
2354 |
+
"n a",
|
2355 |
+
"ge t",
|
2356 |
+
"it ed",
|
2357 |
+
"lo ok",
|
2358 |
+
"p ut",
|
2359 |
+
"sa d",
|
2360 |
+
"ex c",
|
2361 |
+
"go t",
|
2362 |
+
"f rom",
|
2363 |
+
"t s",
|
2364 |
+
"s car",
|
2365 |
+
"a ch",
|
2366 |
+
"i f",
|
2367 |
+
"h ome",
|
2368 |
+
"m u",
|
2369 |
+
"ag ain",
|
2370 |
+
"u e",
|
2371 |
+
"i e",
|
2372 |
+
"wa l",
|
2373 |
+
"go od",
|
2374 |
+
"w ho",
|
2375 |
+
"f ound",
|
2376 |
+
"ri ed",
|
2377 |
+
"the n",
|
2378 |
+
"de c",
|
2379 |
+
"pp ed",
|
2380 |
+
"c i",
|
2381 |
+
"mo re",
|
2382 |
+
"w hen",
|
2383 |
+
"h ug",
|
2384 |
+
"e p",
|
2385 |
+
"play ing",
|
2386 |
+
"ou ght",
|
2387 |
+
"k ing",
|
2388 |
+
"al ly",
|
2389 |
+
"a ve",
|
2390 |
+
"b y",
|
2391 |
+
"thing s",
|
2392 |
+
"exc ited",
|
2393 |
+
"li ked",
|
2394 |
+
"r u",
|
2395 |
+
"S am",
|
2396 |
+
"d er",
|
2397 |
+
"ou s",
|
2398 |
+
"n y",
|
2399 |
+
"ar a",
|
2400 |
+
"id ed",
|
2401 |
+
"A n",
|
2402 |
+
"u s",
|
2403 |
+
"dec ided",
|
2404 |
+
"ou se",
|
2405 |
+
"e very",
|
2406 |
+
"you r",
|
2407 |
+
"c are",
|
2408 |
+
"scar ed",
|
2409 |
+
"do g",
|
2410 |
+
"d own",
|
2411 |
+
"u se",
|
2412 |
+
"a x",
|
2413 |
+
"f ind",
|
2414 |
+
"s ha",
|
2415 |
+
"p re",
|
2416 |
+
"th an",
|
2417 |
+
"a c",
|
2418 |
+
"t ake",
|
2419 |
+
"s pe",
|
2420 |
+
"W e",
|
2421 |
+
"at e",
|
2422 |
+
"S ara",
|
2423 |
+
"fe el",
|
2424 |
+
"j o",
|
2425 |
+
"u dd",
|
2426 |
+
"An na",
|
2427 |
+
"wa ys",
|
2428 |
+
"d ad",
|
2429 |
+
"ar n",
|
2430 |
+
"w o",
|
2431 |
+
"M ax",
|
2432 |
+
"ou r",
|
2433 |
+
"w ill",
|
2434 |
+
"an g",
|
2435 |
+
"c lo",
|
2436 |
+
"he re",
|
2437 |
+
"did n",
|
2438 |
+
"al ways",
|
2439 |
+
"ab out",
|
2440 |
+
"to ok",
|
2441 |
+
"b b",
|
2442 |
+
"it e",
|
2443 |
+
"mom my",
|
2444 |
+
"q u",
|
2445 |
+
"to ys",
|
2446 |
+
"is e",
|
2447 |
+
"o ld",
|
2448 |
+
"t e",
|
2449 |
+
"m a",
|
2450 |
+
"S o",
|
2451 |
+
"k now",
|
2452 |
+
"out side",
|
2453 |
+
"tre e",
|
2454 |
+
"er s",
|
2455 |
+
"th ought",
|
2456 |
+
"le arn",
|
2457 |
+
"i ve",
|
2458 |
+
"s or",
|
2459 |
+
"u st",
|
2460 |
+
"en ed",
|
2461 |
+
"w h",
|
2462 |
+
"ro om",
|
2463 |
+
"fo re",
|
2464 |
+
"c at",
|
2465 |
+
"t y",
|
2466 |
+
"J o",
|
2467 |
+
"la ug",
|
2468 |
+
"spe ci",
|
2469 |
+
"speci al",
|
2470 |
+
"W hen",
|
2471 |
+
"udd en",
|
2472 |
+
"k new",
|
2473 |
+
"g ed",
|
2474 |
+
"r ed",
|
2475 |
+
"an y",
|
2476 |
+
"r un",
|
2477 |
+
"b all",
|
2478 |
+
"c ome",
|
2479 |
+
"H er",
|
2480 |
+
"p a",
|
2481 |
+
"b u",
|
2482 |
+
"udden ly",
|
2483 |
+
"b r",
|
2484 |
+
"in k",
|
2485 |
+
"to y",
|
2486 |
+
"h ouse",
|
2487 |
+
"is h",
|
2488 |
+
"ne ver",
|
2489 |
+
"f ter",
|
2490 |
+
"h ow",
|
2491 |
+
"o l",
|
2492 |
+
"sh ow",
|
2493 |
+
"l f",
|
2494 |
+
"r d",
|
2495 |
+
"is t",
|
2496 |
+
"J ack",
|
2497 |
+
"sor ry",
|
2498 |
+
"c re",
|
2499 |
+
"b l",
|
2500 |
+
"s w",
|
2501 |
+
"mu ch",
|
2502 |
+
"E very",
|
2503 |
+
"h and",
|
2504 |
+
"i a",
|
2505 |
+
"d re",
|
2506 |
+
"care ful",
|
2507 |
+
"v en",
|
2508 |
+
"ab le",
|
2509 |
+
"c le",
|
2510 |
+
"s k",
|
2511 |
+
"g ave",
|
2512 |
+
"s un",
|
2513 |
+
"l ong",
|
2514 |
+
"in to",
|
2515 |
+
"t ried",
|
2516 |
+
"in side",
|
2517 |
+
"wa ter",
|
2518 |
+
"to ld",
|
2519 |
+
"c l",
|
2520 |
+
"th is",
|
2521 |
+
"o ver",
|
2522 |
+
"bo x",
|
2523 |
+
"t a",
|
2524 |
+
"pr oud",
|
2525 |
+
"could n",
|
2526 |
+
"he ard",
|
2527 |
+
"d y",
|
2528 |
+
"e ar",
|
2529 |
+
"t ter",
|
2530 |
+
"e ach",
|
2531 |
+
"s p",
|
2532 |
+
"L et",
|
2533 |
+
"lo ve",
|
2534 |
+
"e at",
|
2535 |
+
"S uddenly",
|
2536 |
+
"g re",
|
2537 |
+
"um p",
|
2538 |
+
"p ick",
|
2539 |
+
"l ed",
|
2540 |
+
"play ed",
|
2541 |
+
"pre t",
|
2542 |
+
"i on",
|
2543 |
+
"The n",
|
2544 |
+
"ca use",
|
2545 |
+
"M ia",
|
2546 |
+
"j ust",
|
2547 |
+
"u c",
|
2548 |
+
"hug ged",
|
2549 |
+
"of f",
|
2550 |
+
"un t",
|
2551 |
+
"ri ght",
|
2552 |
+
"wa t",
|
2553 |
+
"f ly",
|
2554 |
+
"c om",
|
2555 |
+
"n ice",
|
2556 |
+
"F rom",
|
2557 |
+
"A nd",
|
2558 |
+
"po t",
|
2559 |
+
"c t",
|
2560 |
+
"c he",
|
2561 |
+
"be cause",
|
2562 |
+
"H is",
|
2563 |
+
"ne ed",
|
2564 |
+
"f low",
|
2565 |
+
"il e",
|
2566 |
+
"man y",
|
2567 |
+
"T hat",
|
2568 |
+
"ex p",
|
2569 |
+
"t ry",
|
2570 |
+
"be ar",
|
2571 |
+
"sm all",
|
2572 |
+
"v ing",
|
2573 |
+
"l ad",
|
2574 |
+
"in e",
|
2575 |
+
"i z",
|
2576 |
+
"im al",
|
2577 |
+
"ou g",
|
2578 |
+
"re ad",
|
2579 |
+
"an imal",
|
2580 |
+
"u ck",
|
2581 |
+
"oug h",
|
2582 |
+
"ra bb",
|
2583 |
+
"b er",
|
2584 |
+
"unt il",
|
2585 |
+
"se lf",
|
2586 |
+
"b ed",
|
2587 |
+
"it s",
|
2588 |
+
"k ind",
|
2589 |
+
"p er",
|
2590 |
+
"learn ed",
|
2591 |
+
"fa st",
|
2592 |
+
"be a",
|
2593 |
+
"ke t",
|
2594 |
+
"be tter",
|
2595 |
+
"c all",
|
2596 |
+
"v ent",
|
2597 |
+
"d on",
|
2598 |
+
"W hat",
|
2599 |
+
"be st",
|
2600 |
+
"as s",
|
2601 |
+
"ur n",
|
2602 |
+
"b ra",
|
2603 |
+
"Y es",
|
2604 |
+
"sa y",
|
2605 |
+
"f i",
|
2606 |
+
"ur t",
|
2607 |
+
"exp lo",
|
2608 |
+
"w here",
|
2609 |
+
"Mom my",
|
2610 |
+
"g ard",
|
2611 |
+
"gard en",
|
2612 |
+
"bea ut",
|
2613 |
+
"le t",
|
2614 |
+
"e ven",
|
2615 |
+
"f le",
|
2616 |
+
"p t",
|
2617 |
+
"than ked",
|
2618 |
+
"laug hed",
|
2619 |
+
"n t",
|
2620 |
+
"sk y",
|
2621 |
+
"y es",
|
2622 |
+
"sa fe",
|
2623 |
+
"j ump",
|
2624 |
+
"un der",
|
2625 |
+
"el l",
|
2626 |
+
"a ce",
|
2627 |
+
"s ur",
|
2628 |
+
"l oud",
|
2629 |
+
"in y",
|
2630 |
+
"an k",
|
2631 |
+
"C an",
|
2632 |
+
"l ist",
|
2633 |
+
"c hed",
|
2634 |
+
"i ful",
|
2635 |
+
"beaut iful",
|
2636 |
+
"g ive",
|
2637 |
+
"jo y",
|
2638 |
+
"lo ts",
|
2639 |
+
"r ong",
|
2640 |
+
"f am",
|
2641 |
+
"st ill",
|
2642 |
+
"am a",
|
2643 |
+
"animal s",
|
2644 |
+
"Jo h",
|
2645 |
+
"Joh n",
|
2646 |
+
"n ing",
|
2647 |
+
"ra in",
|
2648 |
+
"w on",
|
2649 |
+
"bo ok",
|
2650 |
+
"st ay",
|
2651 |
+
"T h",
|
2652 |
+
"re e",
|
2653 |
+
"bo th",
|
2654 |
+
"t urn",
|
2655 |
+
"N o",
|
2656 |
+
"f in",
|
2657 |
+
"t wo",
|
2658 |
+
"b le",
|
2659 |
+
"ha rd",
|
2660 |
+
"b ad",
|
2661 |
+
"ha s",
|
2662 |
+
"p u",
|
2663 |
+
"op le",
|
2664 |
+
"A s",
|
2665 |
+
"li ved",
|
2666 |
+
"B o",
|
2667 |
+
"ck s",
|
2668 |
+
"L uc",
|
2669 |
+
"Th ank",
|
2670 |
+
"le a",
|
2671 |
+
"bra ve",
|
2672 |
+
"a pp",
|
2673 |
+
"Luc y",
|
2674 |
+
"ke ep",
|
2675 |
+
"wal ked",
|
2676 |
+
"h urt",
|
2677 |
+
"gr ound",
|
2678 |
+
"sh ould",
|
2679 |
+
"t ru",
|
2680 |
+
"or t",
|
2681 |
+
"ig h",
|
2682 |
+
"is hed",
|
2683 |
+
"sur pr",
|
2684 |
+
"ang ry",
|
2685 |
+
"fam ily",
|
2686 |
+
"pe ople",
|
2687 |
+
"fle w",
|
2688 |
+
"call ed",
|
2689 |
+
"A fter",
|
2690 |
+
"r m",
|
2691 |
+
"c on",
|
2692 |
+
"so on",
|
2693 |
+
"do or",
|
2694 |
+
"D ad",
|
2695 |
+
"ke pt",
|
2696 |
+
"re al",
|
2697 |
+
"sha re",
|
2698 |
+
"ar m",
|
2699 |
+
"o ok",
|
2700 |
+
"p ic",
|
2701 |
+
"is ed",
|
2702 |
+
"im p",
|
2703 |
+
"go ing",
|
2704 |
+
"an e",
|
2705 |
+
"t ing",
|
2706 |
+
"clo s",
|
2707 |
+
"pret ty",
|
2708 |
+
"s l",
|
2709 |
+
"cle an",
|
2710 |
+
"lo t",
|
2711 |
+
"ad vent",
|
2712 |
+
"c u",
|
2713 |
+
"um my",
|
2714 |
+
"no ise",
|
2715 |
+
"b ro",
|
2716 |
+
"op ened",
|
2717 |
+
"m or",
|
2718 |
+
"sh iny",
|
2719 |
+
"st e",
|
2720 |
+
"w ind",
|
2721 |
+
"explo re",
|
2722 |
+
"c ry",
|
2723 |
+
"do ll",
|
2724 |
+
"pl ace",
|
2725 |
+
"be fore",
|
2726 |
+
"il ly",
|
2727 |
+
"feel ing",
|
2728 |
+
"d ra",
|
2729 |
+
"al so",
|
2730 |
+
"le s",
|
2731 |
+
"li e",
|
2732 |
+
"il d",
|
2733 |
+
"€ ™",
|
2734 |
+
"i ed",
|
2735 |
+
"ide a",
|
2736 |
+
"no dd",
|
2737 |
+
"Bo b",
|
2738 |
+
"ne x",
|
2739 |
+
"co lo",
|
2740 |
+
"nodd ed",
|
2741 |
+
"ar t",
|
2742 |
+
"t al",
|
2743 |
+
"pick ed",
|
2744 |
+
"colo r",
|
2745 |
+
"wh ile",
|
2746 |
+
"se t",
|
2747 |
+
"wal king",
|
2748 |
+
"nex t",
|
2749 |
+
"f ish",
|
2750 |
+
"he ad",
|
2751 |
+
"as k",
|
2752 |
+
"cl im",
|
2753 |
+
"fa ce",
|
2754 |
+
"wor k",
|
2755 |
+
"th r",
|
2756 |
+
"u ch",
|
2757 |
+
"t ure",
|
2758 |
+
"i es",
|
2759 |
+
"advent ure",
|
2760 |
+
"es s",
|
2761 |
+
"smil e",
|
2762 |
+
"le ss",
|
2763 |
+
"ay be",
|
2764 |
+
"ic ed",
|
2765 |
+
"look ing",
|
2766 |
+
"a k",
|
2767 |
+
"m ber",
|
2768 |
+
"be ing",
|
2769 |
+
"ha ir",
|
2770 |
+
"d if",
|
2771 |
+
"e ver",
|
2772 |
+
"fo od",
|
2773 |
+
"wal k",
|
2774 |
+
"pic ture",
|
2775 |
+
"th ink",
|
2776 |
+
"n ight",
|
2777 |
+
"us ed",
|
2778 |
+
"v o",
|
2779 |
+
"S pot",
|
2780 |
+
"e yes",
|
2781 |
+
"ug ht",
|
2782 |
+
"list en",
|
2783 |
+
"sto pped",
|
2784 |
+
"a fter",
|
2785 |
+
"me mber",
|
2786 |
+
"D o",
|
2787 |
+
"flow ers",
|
2788 |
+
"y ear",
|
2789 |
+
"we et",
|
2790 |
+
"won der",
|
2791 |
+
"re pl",
|
2792 |
+
"gre at",
|
2793 |
+
"S ue",
|
2794 |
+
"wa it",
|
2795 |
+
"ri es",
|
2796 |
+
"sh out",
|
2797 |
+
"imp ort",
|
2798 |
+
"en joy",
|
2799 |
+
"b lo",
|
2800 |
+
"bl ue",
|
2801 |
+
"fore st",
|
2802 |
+
"not iced",
|
2803 |
+
"hand s",
|
2804 |
+
"r ing",
|
2805 |
+
"iz ed",
|
2806 |
+
"d is",
|
2807 |
+
"m on",
|
2808 |
+
"ne ar",
|
2809 |
+
"qu ick",
|
2810 |
+
"ir st",
|
2811 |
+
"by e",
|
2812 |
+
"import ant",
|
2813 |
+
"re member",
|
2814 |
+
"s ound",
|
2815 |
+
"L ook",
|
2816 |
+
"sl ide",
|
2817 |
+
"repl ied",
|
2818 |
+
"sh o",
|
2819 |
+
"ama z",
|
2820 |
+
"lea se",
|
2821 |
+
"wat ch",
|
2822 |
+
"show ed",
|
2823 |
+
"ok ay",
|
2824 |
+
"ch o",
|
2825 |
+
"g an",
|
2826 |
+
"le ave",
|
2827 |
+
"to p",
|
2828 |
+
"vo ice",
|
2829 |
+
"Sara h",
|
2830 |
+
"i p",
|
2831 |
+
"T his",
|
2832 |
+
"fe re",
|
2833 |
+
"co ok",
|
2834 |
+
"t ell",
|
2835 |
+
"dif fere",
|
2836 |
+
"me an",
|
2837 |
+
"l low",
|
2838 |
+
"cre am",
|
2839 |
+
"sw ing",
|
2840 |
+
"re st",
|
2841 |
+
"st ick",
|
2842 |
+
"wat ched",
|
2843 |
+
"s ing",
|
2844 |
+
"c ake",
|
2845 |
+
"b right",
|
2846 |
+
"fo llow",
|
2847 |
+
"tru ck",
|
2848 |
+
"every one",
|
2849 |
+
"p ul",
|
2850 |
+
"sto re",
|
2851 |
+
"c ou",
|
2852 |
+
"b ow",
|
2853 |
+
"be en",
|
2854 |
+
"s n",
|
2855 |
+
"bo at",
|
2856 |
+
"quick ly",
|
2857 |
+
"st rong",
|
2858 |
+
"s ure",
|
2859 |
+
"n er",
|
2860 |
+
"J ane",
|
2861 |
+
"rabb it",
|
2862 |
+
"differe nt",
|
2863 |
+
"st and",
|
2864 |
+
"to r",
|
2865 |
+
"M aybe",
|
2866 |
+
"cu ri",
|
2867 |
+
"good bye",
|
2868 |
+
"be came",
|
2869 |
+
"wa rd",
|
2870 |
+
"h igh",
|
2871 |
+
"clos er",
|
2872 |
+
"b re",
|
2873 |
+
"of t",
|
2874 |
+
"m ag",
|
2875 |
+
"do es",
|
2876 |
+
"un ny",
|
2877 |
+
"wa rm",
|
2878 |
+
"f f",
|
2879 |
+
"an ce",
|
2880 |
+
"Jo e",
|
2881 |
+
"un g",
|
2882 |
+
"curi ous",
|
2883 |
+
"p h",
|
2884 |
+
"m is",
|
2885 |
+
"il a",
|
2886 |
+
"laug h",
|
2887 |
+
"fa v",
|
2888 |
+
"and ma",
|
2889 |
+
"th ree",
|
2890 |
+
"dre ss",
|
2891 |
+
"L ila",
|
2892 |
+
"t w",
|
2893 |
+
"p ie",
|
2894 |
+
"on d",
|
2895 |
+
"le ep",
|
2896 |
+
"op en",
|
2897 |
+
"read y",
|
2898 |
+
"any more",
|
2899 |
+
"f irst",
|
2900 |
+
"ac hed",
|
2901 |
+
"flow er",
|
2902 |
+
"g rabb",
|
2903 |
+
"f lo",
|
2904 |
+
"but ter",
|
2905 |
+
"ir ed",
|
2906 |
+
"he ar",
|
2907 |
+
"b it",
|
2908 |
+
"I n",
|
2909 |
+
"k id",
|
2910 |
+
"k it",
|
2911 |
+
"p ain",
|
2912 |
+
"grabb ed",
|
2913 |
+
"s qu",
|
2914 |
+
"D on",
|
2915 |
+
"er ed",
|
2916 |
+
"p ar",
|
2917 |
+
"y el",
|
2918 |
+
"is y",
|
2919 |
+
"m ed",
|
2920 |
+
"tim es",
|
2921 |
+
"on ly",
|
2922 |
+
"l ight",
|
2923 |
+
"fel l",
|
2924 |
+
"t able",
|
2925 |
+
"Every one",
|
2926 |
+
"He l",
|
2927 |
+
"to w",
|
2928 |
+
"bird s",
|
2929 |
+
"de li",
|
2930 |
+
"jump ed",
|
2931 |
+
"fi re",
|
2932 |
+
"f t",
|
2933 |
+
"g lad",
|
2934 |
+
"st er",
|
2935 |
+
"s and",
|
2936 |
+
"c hen",
|
2937 |
+
"kit chen",
|
2938 |
+
"d ro",
|
2939 |
+
"p are",
|
2940 |
+
"a ir",
|
2941 |
+
"c ut",
|
2942 |
+
"ro ck",
|
2943 |
+
"help ed",
|
2944 |
+
"sto p",
|
2945 |
+
"c ket",
|
2946 |
+
"t r",
|
2947 |
+
"con t",
|
2948 |
+
"c r",
|
2949 |
+
"happ ened",
|
2950 |
+
"ke y",
|
2951 |
+
"Tom my",
|
2952 |
+
"f l",
|
2953 |
+
"b unny",
|
2954 |
+
"se es",
|
2955 |
+
"shout ed",
|
2956 |
+
"sto ry",
|
2957 |
+
"b al",
|
2958 |
+
"gr ass",
|
2959 |
+
"as h",
|
2960 |
+
"ha ving",
|
2961 |
+
"re ached",
|
2962 |
+
"y ummy",
|
2963 |
+
"pr in",
|
2964 |
+
"real ized",
|
2965 |
+
"bro ther",
|
2966 |
+
"lad y",
|
2967 |
+
"she d",
|
2968 |
+
"dra w",
|
2969 |
+
"m um",
|
2970 |
+
"fav or",
|
2971 |
+
"s weet",
|
2972 |
+
"d in",
|
2973 |
+
"favor ite",
|
2974 |
+
"ar y",
|
2975 |
+
"thr ough",
|
2976 |
+
"g ame",
|
2977 |
+
"com ing",
|
2978 |
+
"c ra",
|
2979 |
+
"pie ce",
|
2980 |
+
"z y",
|
2981 |
+
"b or",
|
2982 |
+
"q ue",
|
2983 |
+
"s oft",
|
2984 |
+
"re ally",
|
2985 |
+
"W h",
|
2986 |
+
"be gan",
|
2987 |
+
"pret end",
|
2988 |
+
"N ow",
|
2989 |
+
"wor ld",
|
2990 |
+
"t ra",
|
2991 |
+
"ol ly",
|
2992 |
+
"in s",
|
2993 |
+
"d one",
|
2994 |
+
"look s",
|
2995 |
+
"him self",
|
2996 |
+
"we l",
|
2997 |
+
"mag ic",
|
2998 |
+
"ma king",
|
2999 |
+
"co l",
|
3000 |
+
"kid s",
|
3001 |
+
"re l",
|
3002 |
+
"d uck",
|
3003 |
+
"p ond",
|
3004 |
+
"b a",
|
3005 |
+
"wh y",
|
3006 |
+
"n ts",
|
3007 |
+
"p rom",
|
3008 |
+
"wa ved",
|
3009 |
+
"f ro",
|
3010 |
+
"t ired",
|
3011 |
+
"mo ve",
|
3012 |
+
"at er",
|
3013 |
+
"fi x",
|
3014 |
+
"f ill",
|
3015 |
+
"wor ry",
|
3016 |
+
"m ouse",
|
3017 |
+
"p ed",
|
3018 |
+
"ck ed",
|
3019 |
+
"car s",
|
3020 |
+
"F in",
|
3021 |
+
"nam e",
|
3022 |
+
"pa per",
|
3023 |
+
"W ow",
|
3024 |
+
"pare nts",
|
3025 |
+
"co ld",
|
3026 |
+
"a isy",
|
3027 |
+
"S ally",
|
3028 |
+
"to uch",
|
3029 |
+
"than k",
|
3030 |
+
"i ke",
|
3031 |
+
"cat ch",
|
3032 |
+
"fun ny",
|
3033 |
+
"se en",
|
3034 |
+
"p ro",
|
3035 |
+
"p le",
|
3036 |
+
"st re",
|
3037 |
+
"g u",
|
3038 |
+
"ho ld",
|
3039 |
+
"an other",
|
3040 |
+
"The re",
|
3041 |
+
"ri ver",
|
3042 |
+
"ho pped",
|
3043 |
+
"c ried",
|
3044 |
+
"one y",
|
3045 |
+
"d s",
|
3046 |
+
"co ol",
|
3047 |
+
"do ing",
|
3048 |
+
"blo cks",
|
3049 |
+
"\" .",
|
3050 |
+
"f arm",
|
3051 |
+
"surpr ise",
|
3052 |
+
"on s",
|
3053 |
+
"a ge",
|
3054 |
+
"c or",
|
3055 |
+
"gre en",
|
3056 |
+
"u ff",
|
3057 |
+
"an c",
|
3058 |
+
"year s",
|
3059 |
+
"m ess",
|
3060 |
+
"turn ed",
|
3061 |
+
"clo se",
|
3062 |
+
"wo od",
|
3063 |
+
"h ind",
|
3064 |
+
"flo or",
|
3065 |
+
"sa t",
|
3066 |
+
"clim b",
|
3067 |
+
"ful l",
|
3068 |
+
"tre es",
|
3069 |
+
"pp y",
|
3070 |
+
"run ning",
|
3071 |
+
"wor ked",
|
3072 |
+
"less on",
|
3073 |
+
"wind ow",
|
3074 |
+
"we ar",
|
3075 |
+
"d ark",
|
3076 |
+
"be hind",
|
3077 |
+
"like s",
|
3078 |
+
"w ished",
|
3079 |
+
"ab y",
|
3080 |
+
"ig n",
|
3081 |
+
"yel low",
|
3082 |
+
"and y",
|
3083 |
+
"at ion",
|
3084 |
+
"g er",
|
3085 |
+
"b ag",
|
3086 |
+
"sw im",
|
3087 |
+
"happ ily",
|
3088 |
+
"D aisy",
|
3089 |
+
"J im",
|
3090 |
+
"E m",
|
3091 |
+
"ca st",
|
3092 |
+
"T o",
|
3093 |
+
"surpr ised",
|
3094 |
+
"s leep",
|
3095 |
+
"Ben ny",
|
3096 |
+
"fro g",
|
3097 |
+
"butter fly",
|
3098 |
+
"pe t",
|
3099 |
+
"ci ous",
|
3100 |
+
"ar ri",
|
3101 |
+
"y ard",
|
3102 |
+
"careful ly",
|
3103 |
+
"ho le",
|
3104 |
+
"Hel lo",
|
3105 |
+
"remember ed",
|
3106 |
+
"lo st",
|
3107 |
+
"s low",
|
3108 |
+
"he ld",
|
3109 |
+
"ra ce",
|
3110 |
+
"A t",
|
3111 |
+
"need ed",
|
3112 |
+
"c la",
|
3113 |
+
"bu y",
|
3114 |
+
"B illy",
|
3115 |
+
"le ft",
|
3116 |
+
"f ar",
|
3117 |
+
"b ar",
|
3118 |
+
"re ed",
|
3119 |
+
"dre am",
|
3120 |
+
"fa ir",
|
3121 |
+
"any thing",
|
3122 |
+
"s pot",
|
3123 |
+
"enjoy ed",
|
3124 |
+
"w rong",
|
3125 |
+
"ch il",
|
3126 |
+
"t ri",
|
3127 |
+
"dre n",
|
3128 |
+
"Fin ally",
|
3129 |
+
"follow ed",
|
3130 |
+
"chil dren",
|
3131 |
+
"st ran",
|
3132 |
+
"ro ss",
|
3133 |
+
"deli cious",
|
3134 |
+
"b ug",
|
3135 |
+
"h ung",
|
3136 |
+
"M olly",
|
3137 |
+
"p lease",
|
3138 |
+
"fin ished",
|
3139 |
+
"m ar",
|
3140 |
+
"bo t",
|
3141 |
+
"friend ly",
|
3142 |
+
"cont in",
|
3143 |
+
"d ir",
|
3144 |
+
"s now",
|
3145 |
+
"her self",
|
3146 |
+
"t all",
|
3147 |
+
"ce ss",
|
3148 |
+
"ag reed",
|
3149 |
+
"m ou",
|
3150 |
+
"v is",
|
3151 |
+
"s po",
|
3152 |
+
"h ill",
|
3153 |
+
"A my",
|
3154 |
+
"under stand",
|
3155 |
+
"ok en",
|
3156 |
+
"ho t",
|
3157 |
+
"u ed",
|
3158 |
+
"el se",
|
3159 |
+
"h id",
|
3160 |
+
"o o",
|
3161 |
+
"en s",
|
3162 |
+
"arri ved",
|
3163 |
+
"in ed",
|
3164 |
+
"g ent",
|
3165 |
+
"wonder ful",
|
3166 |
+
"br oken",
|
3167 |
+
"ing s",
|
3168 |
+
"m ight",
|
3169 |
+
"t ight",
|
3170 |
+
"e m",
|
3171 |
+
"for got",
|
3172 |
+
"l and",
|
3173 |
+
"ie ld",
|
3174 |
+
"b aby",
|
3175 |
+
"g l",
|
3176 |
+
"color s",
|
3177 |
+
"J en",
|
3178 |
+
"i ent",
|
3179 |
+
"mo st",
|
3180 |
+
"s it",
|
3181 |
+
"bu ild",
|
3182 |
+
"g one",
|
3183 |
+
"fill ed",
|
3184 |
+
"er ous",
|
3185 |
+
"a ther",
|
3186 |
+
"s ong",
|
3187 |
+
"m at",
|
3188 |
+
"Wh y",
|
3189 |
+
"squ ir",
|
3190 |
+
"ward s",
|
3191 |
+
"f r",
|
3192 |
+
"book s",
|
3193 |
+
"an ge",
|
3194 |
+
"some one",
|
3195 |
+
"r ow",
|
3196 |
+
"contin ued",
|
3197 |
+
"cre at",
|
3198 |
+
"as ure",
|
3199 |
+
"p at",
|
3200 |
+
"cast le",
|
3201 |
+
"li on",
|
3202 |
+
"f ight",
|
3203 |
+
"want s",
|
3204 |
+
"mo ther",
|
3205 |
+
"G r",
|
3206 |
+
"p ink",
|
3207 |
+
"squir rel",
|
3208 |
+
"leave s",
|
3209 |
+
"get ting",
|
3210 |
+
"ve s",
|
3211 |
+
"en ough",
|
3212 |
+
"G o",
|
3213 |
+
"mor ning",
|
3214 |
+
"f ru",
|
3215 |
+
"O K",
|
3216 |
+
"mom ent",
|
3217 |
+
"a v",
|
3218 |
+
"fin ally",
|
3219 |
+
"f all",
|
3220 |
+
"stay ed",
|
3221 |
+
"c ha",
|
3222 |
+
"cook ies",
|
3223 |
+
"bre ak",
|
3224 |
+
"g on",
|
3225 |
+
"po in",
|
3226 |
+
"be ach",
|
3227 |
+
"fe w",
|
3228 |
+
"some times",
|
3229 |
+
"scar y",
|
3230 |
+
"j e",
|
3231 |
+
"j u",
|
3232 |
+
"fe ct",
|
3233 |
+
"din ner",
|
3234 |
+
"ta st",
|
3235 |
+
"hung ry",
|
3236 |
+
"en ce",
|
3237 |
+
"gr andma",
|
3238 |
+
"C ome",
|
3239 |
+
"we t",
|
3240 |
+
"amaz ing",
|
3241 |
+
"z e",
|
3242 |
+
"try ing",
|
3243 |
+
"p ack",
|
3244 |
+
"w he",
|
3245 |
+
"pl ain",
|
3246 |
+
"dad dy",
|
3247 |
+
"per fect",
|
3248 |
+
"d r",
|
3249 |
+
"make s",
|
3250 |
+
"other s",
|
3251 |
+
"ask s",
|
3252 |
+
"clim bed",
|
3253 |
+
"p es",
|
3254 |
+
"picture s",
|
3255 |
+
"co ver",
|
3256 |
+
"tal k",
|
3257 |
+
"ta il",
|
3258 |
+
"list ened",
|
3259 |
+
"k ay",
|
3260 |
+
"mu s",
|
3261 |
+
"t le",
|
3262 |
+
"to n",
|
3263 |
+
"ic y",
|
3264 |
+
"wh ite",
|
3265 |
+
"f ur",
|
3266 |
+
"smil es",
|
3267 |
+
"J ill",
|
3268 |
+
"bal lo",
|
3269 |
+
"ro ll",
|
3270 |
+
"wa ll",
|
3271 |
+
"clo the",
|
3272 |
+
"al one",
|
3273 |
+
"app ear",
|
3274 |
+
"b us",
|
3275 |
+
"pl an",
|
3276 |
+
"clothe s",
|
3277 |
+
"ou p",
|
3278 |
+
"s pl",
|
3279 |
+
"pu ppy",
|
3280 |
+
"i ous",
|
3281 |
+
"o t",
|
3282 |
+
"t rain",
|
3283 |
+
"O h",
|
3284 |
+
"at ed",
|
3285 |
+
"was n",
|
3286 |
+
"br ought",
|
3287 |
+
"every thing",
|
3288 |
+
"stran ge",
|
3289 |
+
"se ar",
|
3290 |
+
"me t",
|
3291 |
+
"s park",
|
3292 |
+
"d ang",
|
3293 |
+
"gr ow",
|
3294 |
+
"de ep",
|
3295 |
+
"wood s",
|
3296 |
+
"pul led",
|
3297 |
+
"b ike",
|
3298 |
+
"sa il",
|
3299 |
+
"B e",
|
3300 |
+
"r ide",
|
3301 |
+
"pp ing",
|
3302 |
+
"Dad dy",
|
3303 |
+
"tre at",
|
3304 |
+
"fo x",
|
3305 |
+
"m i",
|
3306 |
+
"o se",
|
3307 |
+
"a f",
|
3308 |
+
"M ama",
|
3309 |
+
"uff y",
|
3310 |
+
"So on",
|
3311 |
+
"uck y",
|
3312 |
+
"p en",
|
3313 |
+
"h or",
|
3314 |
+
"S ome",
|
3315 |
+
"wa ited",
|
3316 |
+
"mus ic",
|
3317 |
+
"g i",
|
3318 |
+
"amaz ed",
|
3319 |
+
"d anc",
|
3320 |
+
"ted dy",
|
3321 |
+
"h ide",
|
3322 |
+
"na p",
|
3323 |
+
"se s",
|
3324 |
+
"ba th",
|
3325 |
+
"to wards",
|
3326 |
+
"f ield",
|
3327 |
+
"p ur",
|
3328 |
+
"th y",
|
3329 |
+
"A ll",
|
3330 |
+
"fly ing",
|
3331 |
+
"z z",
|
3332 |
+
"s is",
|
3333 |
+
"own er",
|
3334 |
+
"w his",
|
3335 |
+
"mis s",
|
3336 |
+
"s illy",
|
3337 |
+
"sha red",
|
3338 |
+
"run s",
|
3339 |
+
"be lie",
|
3340 |
+
"cl oud",
|
3341 |
+
"is s",
|
3342 |
+
"vis it",
|
3343 |
+
"l ake",
|
3344 |
+
"li ving",
|
3345 |
+
"jo b",
|
3346 |
+
"am es",
|
3347 |
+
"prom ised",
|
3348 |
+
"p ers",
|
3349 |
+
"mor al",
|
3350 |
+
"O kay",
|
3351 |
+
"d ance",
|
3352 |
+
"think s",
|
3353 |
+
"i et",
|
3354 |
+
"M ary",
|
3355 |
+
"sis ter",
|
3356 |
+
"u ally",
|
3357 |
+
"par ty",
|
3358 |
+
"m ind",
|
3359 |
+
"qu iet",
|
3360 |
+
"is es",
|
3361 |
+
"p s",
|
3362 |
+
"m oney",
|
3363 |
+
"S ure",
|
3364 |
+
"bo ard",
|
3365 |
+
"mu st",
|
3366 |
+
"g s",
|
3367 |
+
"wor ried",
|
3368 |
+
"J ust",
|
3369 |
+
"c hair",
|
3370 |
+
"ate ful",
|
3371 |
+
"a p",
|
3372 |
+
"an sw",
|
3373 |
+
"gr ateful",
|
3374 |
+
"slow ly",
|
3375 |
+
"color ful",
|
3376 |
+
"c up",
|
3377 |
+
"fast er",
|
3378 |
+
"m ent",
|
3379 |
+
"piece s",
|
3380 |
+
"b ran",
|
3381 |
+
"M r",
|
3382 |
+
"p ass",
|
3383 |
+
"li ce",
|
3384 |
+
"ex plain",
|
3385 |
+
"he s",
|
3386 |
+
"bro ke",
|
3387 |
+
"c tor",
|
3388 |
+
"s uch",
|
3389 |
+
"g if",
|
3390 |
+
"big ger",
|
3391 |
+
"i ch",
|
3392 |
+
"sn ack",
|
3393 |
+
"re ach",
|
3394 |
+
"pul l",
|
3395 |
+
"th re",
|
3396 |
+
"d ry",
|
3397 |
+
"he av",
|
3398 |
+
"mon ster",
|
3399 |
+
"pl ant",
|
3400 |
+
"jo in",
|
3401 |
+
"w in",
|
3402 |
+
"e le",
|
3403 |
+
"bl ack",
|
3404 |
+
"c andy",
|
3405 |
+
"wor ds",
|
3406 |
+
"bl an",
|
3407 |
+
"s cream",
|
3408 |
+
"tre asure",
|
3409 |
+
"magic al",
|
3410 |
+
"dang erous",
|
3411 |
+
"s ign",
|
3412 |
+
"M um",
|
3413 |
+
"dra gon",
|
3414 |
+
"g ra",
|
3415 |
+
"ac ross",
|
3416 |
+
"every where",
|
3417 |
+
"help ing",
|
3418 |
+
"Jim my",
|
3419 |
+
"d ri",
|
3420 |
+
"farm er",
|
3421 |
+
"H i",
|
3422 |
+
"Gr andma",
|
3423 |
+
"sm art",
|
3424 |
+
"star t",
|
3425 |
+
"mou th",
|
3426 |
+
"sm el",
|
3427 |
+
"m in",
|
3428 |
+
"ro t",
|
3429 |
+
"our se",
|
3430 |
+
"be e",
|
3431 |
+
"n g",
|
3432 |
+
"ig g",
|
3433 |
+
"ste pped",
|
3434 |
+
"thre w",
|
3435 |
+
"heav y",
|
3436 |
+
"tow er",
|
3437 |
+
"doll s",
|
3438 |
+
"bow l",
|
3439 |
+
"appear ed",
|
3440 |
+
"b ite",
|
3441 |
+
"dir ty",
|
3442 |
+
"sa me",
|
3443 |
+
"s wa",
|
3444 |
+
"tw ins",
|
3445 |
+
"belie ve",
|
3446 |
+
"cry ing",
|
3447 |
+
"mi x",
|
3448 |
+
"P lease",
|
3449 |
+
"id ent",
|
3450 |
+
"s c",
|
3451 |
+
"do ctor",
|
3452 |
+
"sha r",
|
3453 |
+
"prin cess",
|
3454 |
+
"he al",
|
3455 |
+
"would n",
|
3456 |
+
"ha r",
|
3457 |
+
"h ig",
|
3458 |
+
"cho ol",
|
3459 |
+
"clos ed",
|
3460 |
+
"un ch",
|
3461 |
+
"u b",
|
3462 |
+
"st uck",
|
3463 |
+
"s chool",
|
3464 |
+
"pre ss",
|
3465 |
+
"b as",
|
3466 |
+
"s pr",
|
3467 |
+
"ballo on",
|
3468 |
+
"st u",
|
3469 |
+
"swa m",
|
3470 |
+
"te ac",
|
3471 |
+
"Em ma",
|
3472 |
+
"br own",
|
3473 |
+
"s y",
|
3474 |
+
"ho ped",
|
3475 |
+
"s uddenly",
|
3476 |
+
"it ing",
|
3477 |
+
"pain t",
|
3478 |
+
"tow n",
|
3479 |
+
"p ow",
|
3480 |
+
"eat ing",
|
3481 |
+
"feel s",
|
3482 |
+
"c ourse",
|
3483 |
+
"cla pped",
|
3484 |
+
"pl ane",
|
3485 |
+
"cr ay",
|
3486 |
+
"d a",
|
3487 |
+
"sto od",
|
3488 |
+
"w r",
|
3489 |
+
"e k",
|
3490 |
+
"gent le",
|
3491 |
+
"fair y",
|
3492 |
+
"v al",
|
3493 |
+
"com for",
|
3494 |
+
"vent ually",
|
3495 |
+
"but ton",
|
3496 |
+
"take s",
|
3497 |
+
"bas ket",
|
3498 |
+
"ch ild",
|
3499 |
+
"f ree",
|
3500 |
+
"dro ve",
|
3501 |
+
"wel come",
|
3502 |
+
"pu shed",
|
3503 |
+
"sh ine",
|
3504 |
+
"r ound",
|
3505 |
+
"ne igh",
|
3506 |
+
"k no",
|
3507 |
+
"In side",
|
3508 |
+
"hig her",
|
3509 |
+
"with out",
|
3510 |
+
"k iss",
|
3511 |
+
"to day",
|
3512 |
+
"c ident",
|
3513 |
+
"swing s",
|
3514 |
+
"ste ad",
|
3515 |
+
"blan ket",
|
3516 |
+
"st r",
|
3517 |
+
"teac her",
|
3518 |
+
"i re",
|
3519 |
+
"che s",
|
3520 |
+
"ph one",
|
3521 |
+
"se a",
|
3522 |
+
"g ames",
|
3523 |
+
"che ered",
|
3524 |
+
"b en",
|
3525 |
+
"mo ved",
|
3526 |
+
"w ings",
|
3527 |
+
"j our",
|
3528 |
+
"explain ed",
|
3529 |
+
"long er",
|
3530 |
+
"i ble",
|
3531 |
+
"ac cident",
|
3532 |
+
"w ise",
|
3533 |
+
"l ate",
|
3534 |
+
"al ong",
|
3535 |
+
"we ll",
|
3536 |
+
"w ish",
|
3537 |
+
"The ir",
|
3538 |
+
"F l",
|
3539 |
+
"no ises",
|
3540 |
+
"itt ing",
|
3541 |
+
"s ang",
|
3542 |
+
"l ing",
|
3543 |
+
"happ en",
|
3544 |
+
"thr ow",
|
3545 |
+
"po l",
|
3546 |
+
"sto ne",
|
3547 |
+
"hug s",
|
3548 |
+
"turn s",
|
3549 |
+
"ne y",
|
3550 |
+
"ph ant",
|
3551 |
+
"sto ries",
|
3552 |
+
"m ine",
|
3553 |
+
"sho es",
|
3554 |
+
"l one",
|
3555 |
+
"app le",
|
3556 |
+
"th ough",
|
3557 |
+
"for get",
|
3558 |
+
"sing ing",
|
3559 |
+
"adventure s",
|
3560 |
+
"ne ck",
|
3561 |
+
"tr ou",
|
3562 |
+
"j ar",
|
3563 |
+
"up set",
|
3564 |
+
"f ence",
|
3565 |
+
"l unch",
|
3566 |
+
"lone ly",
|
3567 |
+
"d el",
|
3568 |
+
"E l",
|
3569 |
+
"ele phant",
|
3570 |
+
"se cre",
|
3571 |
+
"he art",
|
3572 |
+
"stre et",
|
3573 |
+
"ou n",
|
3574 |
+
"you ng",
|
3575 |
+
"be long",
|
3576 |
+
"P e",
|
3577 |
+
"nt ain",
|
3578 |
+
"d ist",
|
3579 |
+
"sh op",
|
3580 |
+
"Fl uffy",
|
3581 |
+
"it ch",
|
3582 |
+
"ne e",
|
3583 |
+
"mon key",
|
3584 |
+
"our s",
|
3585 |
+
"sh ook",
|
3586 |
+
"explo ring",
|
3587 |
+
"Sam my",
|
3588 |
+
"po cket",
|
3589 |
+
"s ent",
|
3590 |
+
"ad d",
|
3591 |
+
"near by",
|
3592 |
+
"s oup",
|
3593 |
+
"ught y",
|
3594 |
+
"L e",
|
3595 |
+
"ow l",
|
3596 |
+
"na ughty",
|
3597 |
+
"M y",
|
3598 |
+
"br ing",
|
3599 |
+
"star s",
|
3600 |
+
"f used",
|
3601 |
+
"sh ip",
|
3602 |
+
"ca ught",
|
3603 |
+
"wo ke",
|
3604 |
+
"back yard",
|
3605 |
+
"see med",
|
3606 |
+
"d es",
|
3607 |
+
"bo dy",
|
3608 |
+
"c al",
|
3609 |
+
"dro pped",
|
3610 |
+
"re lie",
|
3611 |
+
"ro cks",
|
3612 |
+
"at t",
|
3613 |
+
"ught er",
|
3614 |
+
"dr ink",
|
3615 |
+
"b s",
|
3616 |
+
"co at",
|
3617 |
+
"m ing",
|
3618 |
+
"da ughter",
|
3619 |
+
"ta king",
|
3620 |
+
"pur ple",
|
3621 |
+
"ma il",
|
3622 |
+
"f it",
|
3623 |
+
"ion s",
|
3624 |
+
"or ange",
|
3625 |
+
"sha pes",
|
3626 |
+
"hel lo",
|
3627 |
+
"d river",
|
3628 |
+
"c ow",
|
3629 |
+
"p il",
|
3630 |
+
"ben ch",
|
3631 |
+
"h it",
|
3632 |
+
"f ing",
|
3633 |
+
"come s",
|
3634 |
+
"sound s",
|
3635 |
+
"i er",
|
3636 |
+
"wonder ed",
|
3637 |
+
"bus y",
|
3638 |
+
"h ur",
|
3639 |
+
"t iny",
|
3640 |
+
"m il",
|
3641 |
+
"L ater",
|
3642 |
+
"pa st",
|
3643 |
+
"ne st",
|
3644 |
+
"ul l",
|
3645 |
+
"er ful",
|
3646 |
+
"rain bow",
|
3647 |
+
"no se",
|
3648 |
+
"s itting",
|
3649 |
+
"e se",
|
3650 |
+
"am p",
|
3651 |
+
"to uc",
|
3652 |
+
"k ite",
|
3653 |
+
"ju ice",
|
3654 |
+
"m er",
|
3655 |
+
"no thing",
|
3656 |
+
"hold ing",
|
3657 |
+
"s co",
|
3658 |
+
"sm ell",
|
3659 |
+
"bre a",
|
3660 |
+
"arm s",
|
3661 |
+
"m ach",
|
3662 |
+
"p ra",
|
3663 |
+
"c has",
|
3664 |
+
"th day",
|
3665 |
+
"p ig",
|
3666 |
+
"s ug",
|
3667 |
+
"W ith",
|
3668 |
+
"Go od",
|
3669 |
+
"cou nt",
|
3670 |
+
"b and",
|
3671 |
+
"c ir",
|
3672 |
+
"cut e",
|
3673 |
+
"in ing",
|
3674 |
+
"love s",
|
3675 |
+
"secre t",
|
3676 |
+
"o om",
|
3677 |
+
"bran ch",
|
3678 |
+
"pp er",
|
3679 |
+
"que st",
|
3680 |
+
"she ll",
|
3681 |
+
"ra id",
|
3682 |
+
"relie ved",
|
3683 |
+
"O f",
|
3684 |
+
"af raid",
|
3685 |
+
"id ge",
|
3686 |
+
"ar s",
|
3687 |
+
"prom ise",
|
3688 |
+
"fore ver",
|
3689 |
+
"H ow",
|
3690 |
+
"car ry",
|
3691 |
+
"s ick",
|
3692 |
+
"Jen ny",
|
3693 |
+
"day s",
|
3694 |
+
"gif t",
|
3695 |
+
"b oun",
|
3696 |
+
"h u",
|
3697 |
+
"un i",
|
3698 |
+
"pe ace",
|
3699 |
+
"T weet",
|
3700 |
+
"T ed",
|
3701 |
+
"bu cket",
|
3702 |
+
"touc hed",
|
3703 |
+
"hu ge",
|
3704 |
+
"or n",
|
3705 |
+
"cover ed",
|
3706 |
+
"pu sh",
|
3707 |
+
"pat ient",
|
3708 |
+
"li ve",
|
3709 |
+
"bir thday",
|
3710 |
+
"e g",
|
3711 |
+
"le tter",
|
3712 |
+
"che ese",
|
3713 |
+
"te rest",
|
3714 |
+
"in terest",
|
3715 |
+
"sun ny",
|
3716 |
+
"exc iting",
|
3717 |
+
"on to",
|
3718 |
+
"bu sh",
|
3719 |
+
"li fe",
|
3720 |
+
"w ra",
|
3721 |
+
"laugh ing",
|
3722 |
+
"w and",
|
3723 |
+
"ac t",
|
3724 |
+
"s u",
|
3725 |
+
"ge st",
|
3726 |
+
"creat ure",
|
3727 |
+
"itt ens",
|
3728 |
+
"b read",
|
3729 |
+
"He y",
|
3730 |
+
"g ged",
|
3731 |
+
"k ick",
|
3732 |
+
"im ag",
|
3733 |
+
"ve l",
|
3734 |
+
"ho pe",
|
3735 |
+
"cra w",
|
3736 |
+
"co zy",
|
3737 |
+
"ne ss",
|
3738 |
+
"Em ily",
|
3739 |
+
"swim ming",
|
3740 |
+
"jour ney",
|
3741 |
+
"s uc",
|
3742 |
+
"cou n",
|
3743 |
+
"bot tle",
|
3744 |
+
"give s",
|
3745 |
+
"in stead",
|
3746 |
+
"mil k",
|
3747 |
+
"ne t",
|
3748 |
+
"e as",
|
3749 |
+
"watch ing",
|
3750 |
+
"sp in",
|
3751 |
+
"l ucky",
|
3752 |
+
"c ed",
|
3753 |
+
"accident ally",
|
3754 |
+
"i an",
|
3755 |
+
"sun shine",
|
3756 |
+
"ca ve",
|
3757 |
+
"v a",
|
3758 |
+
"ad e",
|
3759 |
+
"shar p",
|
3760 |
+
"tal ked",
|
3761 |
+
"put s",
|
3762 |
+
"g en",
|
3763 |
+
"col le",
|
3764 |
+
"p udd",
|
3765 |
+
"poin ted",
|
3766 |
+
"h oney",
|
3767 |
+
"g ather",
|
3768 |
+
"ro ad",
|
3769 |
+
"d i",
|
3770 |
+
"b ru",
|
3771 |
+
"neigh bor",
|
3772 |
+
"y e",
|
3773 |
+
"b ought",
|
3774 |
+
"smil ing",
|
3775 |
+
"any one",
|
3776 |
+
"sear ched",
|
3777 |
+
"l ater",
|
3778 |
+
"s li",
|
3779 |
+
"sand w",
|
3780 |
+
"n ic",
|
3781 |
+
"itt en",
|
3782 |
+
"app les",
|
3783 |
+
"she lf",
|
3784 |
+
"p art",
|
3785 |
+
"sto rm",
|
3786 |
+
"W here",
|
3787 |
+
"sn ake",
|
3788 |
+
"she s",
|
3789 |
+
"ble m",
|
3790 |
+
"pro blem",
|
3791 |
+
"me et",
|
3792 |
+
"iz e",
|
3793 |
+
"w ide",
|
3794 |
+
"wor d",
|
3795 |
+
"ir t",
|
3796 |
+
"in v",
|
3797 |
+
"w om",
|
3798 |
+
"ug g",
|
3799 |
+
"wom an",
|
3800 |
+
"heal thy",
|
3801 |
+
"interest ing",
|
3802 |
+
"œ I",
|
3803 |
+
"spo on",
|
3804 |
+
"cir cle",
|
3805 |
+
"tast y",
|
3806 |
+
"p ile",
|
3807 |
+
"v ill",
|
3808 |
+
"duck s",
|
3809 |
+
"z oom",
|
3810 |
+
"e ag",
|
3811 |
+
"ro pe",
|
3812 |
+
"n um",
|
3813 |
+
"sp id",
|
3814 |
+
"cle ver",
|
3815 |
+
"pro te",
|
3816 |
+
"mat ter",
|
3817 |
+
"trou ble",
|
3818 |
+
"bl ed",
|
3819 |
+
"and pa",
|
3820 |
+
"cray ons",
|
3821 |
+
"a st",
|
3822 |
+
"cloud s",
|
3823 |
+
"pers on",
|
3824 |
+
"ro ar",
|
3825 |
+
"lo g",
|
3826 |
+
"g igg",
|
3827 |
+
"pa th",
|
3828 |
+
"fr on",
|
3829 |
+
"A re",
|
3830 |
+
"fe ather",
|
3831 |
+
"fron t",
|
3832 |
+
"er t",
|
3833 |
+
"comfor table",
|
3834 |
+
"sh ining",
|
3835 |
+
"smel led",
|
3836 |
+
"de st",
|
3837 |
+
"was h",
|
3838 |
+
"J ake",
|
3839 |
+
"pre sent",
|
3840 |
+
"te a",
|
3841 |
+
"pra ct",
|
3842 |
+
"spot ted",
|
3843 |
+
"spl ash",
|
3844 |
+
"min ut",
|
3845 |
+
"scream ed",
|
3846 |
+
"z oo",
|
3847 |
+
"re spe",
|
3848 |
+
"or gan",
|
3849 |
+
"wa r",
|
3850 |
+
"mu d",
|
3851 |
+
"or m",
|
3852 |
+
"lo ck",
|
3853 |
+
"danc ed",
|
3854 |
+
"ho p",
|
3855 |
+
"se at",
|
3856 |
+
"wh ich",
|
3857 |
+
"whe el",
|
3858 |
+
"ber ries",
|
3859 |
+
"pu zz",
|
3860 |
+
"M ittens",
|
3861 |
+
"my ster",
|
3862 |
+
"te ach",
|
3863 |
+
"snow man",
|
3864 |
+
"R o",
|
3865 |
+
"is a",
|
3866 |
+
"th in",
|
3867 |
+
"la st",
|
3868 |
+
"l ay",
|
3869 |
+
"p an",
|
3870 |
+
"as leep",
|
3871 |
+
"hor se",
|
3872 |
+
"n ed",
|
3873 |
+
"love ly",
|
3874 |
+
"answ er",
|
3875 |
+
"roll ed",
|
3876 |
+
"To gether",
|
3877 |
+
"gent ly",
|
3878 |
+
"b ark",
|
3879 |
+
"wear ing",
|
3880 |
+
"place s",
|
3881 |
+
"gi ant",
|
3882 |
+
"go es",
|
3883 |
+
"sear ch",
|
3884 |
+
"f li",
|
3885 |
+
"who le",
|
3886 |
+
"w ild",
|
3887 |
+
"s er",
|
3888 |
+
"L isa",
|
3889 |
+
"g y",
|
3890 |
+
"st ring",
|
3891 |
+
"p ill",
|
3892 |
+
"Some times",
|
3893 |
+
"I f",
|
3894 |
+
"fru it",
|
3895 |
+
"cor ner",
|
3896 |
+
"im press",
|
3897 |
+
"dir t",
|
3898 |
+
"respe ct",
|
3899 |
+
"t un",
|
3900 |
+
"wor m",
|
3901 |
+
"t ries",
|
3902 |
+
"on es",
|
3903 |
+
"cor n",
|
3904 |
+
"con fused",
|
3905 |
+
"car d",
|
3906 |
+
"M ummy",
|
3907 |
+
"v ie",
|
3908 |
+
"bu bb",
|
3909 |
+
"tast ed",
|
3910 |
+
"sl id",
|
3911 |
+
"ru bb",
|
3912 |
+
"ce an",
|
3913 |
+
"e th",
|
3914 |
+
"o cean",
|
3915 |
+
"pic nic",
|
3916 |
+
"for give",
|
3917 |
+
"ru de",
|
3918 |
+
"too l",
|
3919 |
+
"as ed",
|
3920 |
+
"mach ine",
|
3921 |
+
"sp ent",
|
3922 |
+
"te eth",
|
3923 |
+
"dri ve",
|
3924 |
+
"ri ch",
|
3925 |
+
"itt y",
|
3926 |
+
"be l",
|
3927 |
+
"st ep",
|
3928 |
+
"u ce",
|
3929 |
+
"wa ve",
|
3930 |
+
"o ven",
|
3931 |
+
"p our",
|
3932 |
+
"cal m",
|
3933 |
+
"pretend ed",
|
3934 |
+
"del ight",
|
3935 |
+
"po p",
|
3936 |
+
"cook ie",
|
3937 |
+
"spid er",
|
3938 |
+
"fe et",
|
3939 |
+
"fur ry",
|
3940 |
+
"l ar",
|
3941 |
+
"face s",
|
3942 |
+
"iz z",
|
3943 |
+
"Pe ter",
|
3944 |
+
"fo ld",
|
3945 |
+
"L ittle",
|
3946 |
+
"sh y",
|
3947 |
+
"er ly",
|
3948 |
+
"s we",
|
3949 |
+
"help ful",
|
3950 |
+
"e ventually",
|
3951 |
+
"fin ish",
|
3952 |
+
"te st",
|
3953 |
+
"ch ick",
|
3954 |
+
"He re",
|
3955 |
+
"it y",
|
3956 |
+
"mou ntain",
|
3957 |
+
"h ang",
|
3958 |
+
"peace ful",
|
3959 |
+
"tal king",
|
3960 |
+
"sh r",
|
3961 |
+
"pre ad",
|
3962 |
+
"st air",
|
3963 |
+
"m el",
|
3964 |
+
"re s",
|
3965 |
+
"la ce",
|
3966 |
+
"mor row",
|
3967 |
+
"to morrow",
|
3968 |
+
"s pread",
|
3969 |
+
"cho col",
|
3970 |
+
"t id",
|
3971 |
+
"lad der",
|
3972 |
+
"prote ct",
|
3973 |
+
"i pped"
|
3974 |
+
]
|
3975 |
+
}
|
3976 |
+
}
|
tokenizer_config.json
ADDED
@@ -0,0 +1,31 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"added_tokens_decoder": {
|
3 |
+
"0": {
|
4 |
+
"content": "<|unknown|>",
|
5 |
+
"lstrip": false,
|
6 |
+
"normalized": false,
|
7 |
+
"rstrip": false,
|
8 |
+
"single_word": false,
|
9 |
+
"special": true
|
10 |
+
},
|
11 |
+
"1": {
|
12 |
+
"content": "<|im_start|>",
|
13 |
+
"lstrip": false,
|
14 |
+
"normalized": false,
|
15 |
+
"rstrip": false,
|
16 |
+
"single_word": false,
|
17 |
+
"special": true
|
18 |
+
},
|
19 |
+
"2": {
|
20 |
+
"content": "<|im_end|>",
|
21 |
+
"lstrip": false,
|
22 |
+
"normalized": false,
|
23 |
+
"rstrip": false,
|
24 |
+
"single_word": false,
|
25 |
+
"special": true
|
26 |
+
}
|
27 |
+
},
|
28 |
+
"clean_up_tokenization_spaces": true,
|
29 |
+
"model_max_length": 1080,
|
30 |
+
"tokenizer_class": "PreTrainedTokenizerFast"
|
31 |
+
}
|