het
Browse files- modelConfig.py +42 -0
- modelLM.py +49 -0
- sp_model.model +3 -0
- sp_model.vocab +1000 -0
modelConfig.py
ADDED
@@ -0,0 +1,42 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
|
2 |
+
from transformers import PretrainedConfig
|
3 |
+
|
4 |
+
class OBIConfig(PretrainedConfig):
|
5 |
+
def __init__(self,
|
6 |
+
model_type="OBILanguageModel",
|
7 |
+
auto_map={
|
8 |
+
"AutoConfig": "modelConfig.OBIConfig",
|
9 |
+
"AutoModel": "modelLM.OBILanguageModel",
|
10 |
+
"AutoModelForCausalLM": "modelLM.OBILanguageModel",
|
11 |
+
"AutoModelForQuestionAnswering": "modelLM.OBILanguageModel"
|
12 |
+
},
|
13 |
+
vocab_size=1000,
|
14 |
+
hidden_size=4,
|
15 |
+
num_attention_heads=2,
|
16 |
+
num_hidden_layers=2,
|
17 |
+
hidden_dropout_prob=0.1,
|
18 |
+
block_size=100,
|
19 |
+
batch_size=60,
|
20 |
+
max_iters=200,
|
21 |
+
eval_interval=100,
|
22 |
+
learning_rate=0.001,
|
23 |
+
device="cpu",
|
24 |
+
**kwargs
|
25 |
+
)->None:
|
26 |
+
super().__init__(**kwargs)
|
27 |
+
self.model_type = model_type
|
28 |
+
self.auto_map = auto_map
|
29 |
+
self.vocab_size = vocab_size
|
30 |
+
self.hidden_size = hidden_size
|
31 |
+
self.num_attention_heads = num_attention_heads
|
32 |
+
self.num_hidden_layers = num_hidden_layers
|
33 |
+
self.hidden_dropout_prob = hidden_dropout_prob
|
34 |
+
self.block_size = block_size
|
35 |
+
self.batch_size = batch_size
|
36 |
+
self.max_iters = max_iters
|
37 |
+
self.eval_interval = eval_interval
|
38 |
+
self.learning_rate = learning_rate
|
39 |
+
self.device = device
|
40 |
+
|
41 |
+
|
42 |
+
|
modelLM.py
ADDED
@@ -0,0 +1,49 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
import torch
|
2 |
+
import torch.nn as nn
|
3 |
+
import torch.nn.functional as F
|
4 |
+
from transformers.modeling_utils import PreTrainedModel
|
5 |
+
|
6 |
+
# Define your custom language model class
|
7 |
+
class OBILanguageModel(PreTrainedModel):
|
8 |
+
def __init__(self, config):
|
9 |
+
super(OBILanguageModel,self).__init__(config)
|
10 |
+
self.token_embedding_table = nn.Embedding(config.vocab_size, config.hidden_size) # Use length of SentencePiece vocab
|
11 |
+
self.position_embedding_table = nn.Embedding(config.block_size, config.hidden_size)
|
12 |
+
self.transformer = nn.Transformer(
|
13 |
+
d_model=config.hidden_size,
|
14 |
+
nhead=config.num_attention_heads,
|
15 |
+
num_encoder_layers=config.num_hidden_layers,
|
16 |
+
num_decoder_layers=config.num_hidden_layers,
|
17 |
+
dim_feedforward=4 * config.hidden_size,
|
18 |
+
dropout=config.hidden_dropout_prob,
|
19 |
+
activation='gelu'
|
20 |
+
)
|
21 |
+
self.ln1 = nn.LayerNorm(config.hidden_size)
|
22 |
+
self.ln2 = nn.LayerNorm(config.hidden_size)
|
23 |
+
self.lm_head = nn.Linear(config.hidden_size, config.vocab_size) # Use length of SentencePiece vocab
|
24 |
+
|
25 |
+
def forward(self, idx, targets=None):
|
26 |
+
tok_emb = self.token_embedding_table(idx)
|
27 |
+
pos_emb = self.position_embedding_table(torch.arange(idx.size(1), device='cpu'))
|
28 |
+
x = tok_emb + pos_emb
|
29 |
+
x = self.transformer(x, x)
|
30 |
+
x = self.ln1(x)
|
31 |
+
x = self.ln2(x)
|
32 |
+
logits = self.lm_head(x)
|
33 |
+
|
34 |
+
if targets is None:
|
35 |
+
loss = None
|
36 |
+
else:
|
37 |
+
loss = F.cross_entropy(logits.view(-1, self.config.vocab_size), targets.view(-1))
|
38 |
+
|
39 |
+
return logits, loss
|
40 |
+
|
41 |
+
def generate(self, idx, max_new_tokens):
|
42 |
+
for _ in range(max_new_tokens):
|
43 |
+
idx_cond = idx[:, -self.config.block_size:]
|
44 |
+
logits, loss = self(idx_cond)
|
45 |
+
logits = logits[:, -1, :]
|
46 |
+
probs = F.softmax(logits, dim=-1)
|
47 |
+
idx_next = torch.multinomial(probs, num_samples=1)
|
48 |
+
idx = torch.cat((idx, idx_next), dim=1)
|
49 |
+
return idx
|
sp_model.model
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:0d0d0e5eb9bdae3b807445b05c884dbe76b2ae39152290a937670d886df59cb8
|
3 |
+
size 253558
|
sp_model.vocab
ADDED
@@ -0,0 +1,1000 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
<unk> 0
|
2 |
+
<s> 0
|
3 |
+
</s> 0
|
4 |
+
s -3.2221
|
5 |
+
. -3.29146
|
6 |
+
, -3.49336
|
7 |
+
▁ -3.68471
|
8 |
+
▁the -3.7684
|
9 |
+
▁to -3.98647
|
10 |
+
▁a -4.11047
|
11 |
+
▁I -4.16982
|
12 |
+
▁and -4.21917
|
13 |
+
t -4.36206
|
14 |
+
e -4.36623
|
15 |
+
▁of -4.40161
|
16 |
+
ing -4.42277
|
17 |
+
o -4.56744
|
18 |
+
ed -4.62042
|
19 |
+
’ -4.67839
|
20 |
+
d -4.74726
|
21 |
+
i -4.76531
|
22 |
+
▁is -4.78759
|
23 |
+
n -4.81995
|
24 |
+
▁in -4.83937
|
25 |
+
a -4.88769
|
26 |
+
▁“ -4.9202
|
27 |
+
▁you -4.93038
|
28 |
+
▁that -4.93368
|
29 |
+
m -4.95521
|
30 |
+
▁for -5.01753
|
31 |
+
y -5.0546
|
32 |
+
l -5.11598
|
33 |
+
u -5.13867
|
34 |
+
p -5.18449
|
35 |
+
er -5.18747
|
36 |
+
▁was -5.2102
|
37 |
+
▁it -5.22002
|
38 |
+
▁money -5.31268
|
39 |
+
c -5.33154
|
40 |
+
r -5.41071
|
41 |
+
▁not -5.41937
|
42 |
+
▁my -5.47467
|
43 |
+
or -5.4805
|
44 |
+
▁The -5.50565
|
45 |
+
▁have -5.57093
|
46 |
+
▁are -5.60717
|
47 |
+
▁people -5.64234
|
48 |
+
▁dad -5.66312
|
49 |
+
re -5.66593
|
50 |
+
▁be -5.67795
|
51 |
+
▁they -5.68697
|
52 |
+
ly -5.69245
|
53 |
+
▁me -5.69919
|
54 |
+
▁rich -5.70698
|
55 |
+
- -5.73402
|
56 |
+
.” -5.74293
|
57 |
+
h -5.74602
|
58 |
+
▁do -5.77886
|
59 |
+
g -5.78194
|
60 |
+
▁with -5.81694
|
61 |
+
▁he -5.81815
|
62 |
+
▁their -5.82855
|
63 |
+
b -5.83023
|
64 |
+
▁on -5.84205
|
65 |
+
f -5.85395
|
66 |
+
▁your -5.85811
|
67 |
+
in -5.88298
|
68 |
+
le -5.91655
|
69 |
+
w -5.92065
|
70 |
+
▁b -5.92788
|
71 |
+
on -5.93227
|
72 |
+
▁f -5.96144
|
73 |
+
▁work -5.98752
|
74 |
+
▁p -5.99005
|
75 |
+
▁or -5.99138
|
76 |
+
▁what -5.99955
|
77 |
+
ar -6.00267
|
78 |
+
▁c -6.00998
|
79 |
+
▁s -6.0214
|
80 |
+
st -6.05727
|
81 |
+
al -6.07313
|
82 |
+
: -6.07379
|
83 |
+
▁who -6.07767
|
84 |
+
▁an -6.09371
|
85 |
+
k -6.0938
|
86 |
+
▁more -6.11316
|
87 |
+
v -6.13184
|
88 |
+
es -6.14183
|
89 |
+
it -6.15727
|
90 |
+
ent -6.17017
|
91 |
+
▁A -6.19955
|
92 |
+
▁It -6.2012
|
93 |
+
▁his -6.21876
|
94 |
+
▁Dad -6.21914
|
95 |
+
is -6.22565
|
96 |
+
ro -6.23322
|
97 |
+
▁C -6.23505
|
98 |
+
▁but -6.23754
|
99 |
+
▁said -6.24121
|
100 |
+
ic -6.24239
|
101 |
+
▁Rich -6.26892
|
102 |
+
at -6.27782
|
103 |
+
▁as -6.27977
|
104 |
+
▁had -6.28912
|
105 |
+
▁financial -6.28914
|
106 |
+
▁so -6.29356
|
107 |
+
▁would -6.3071
|
108 |
+
▁learn -6.30711
|
109 |
+
▁because -6.31198
|
110 |
+
▁we -6.3234
|
111 |
+
ll -6.34817
|
112 |
+
▁will -6.36729
|
113 |
+
?” -6.37287
|
114 |
+
ur -6.37699
|
115 |
+
▁about -6.39346
|
116 |
+
▁at -6.40878
|
117 |
+
▁get -6.41643
|
118 |
+
▁can -6.42339
|
119 |
+
▁how -6.42626
|
120 |
+
I -6.43705
|
121 |
+
▁S -6.44286
|
122 |
+
▁He -6.44756
|
123 |
+
▁st -6.45345
|
124 |
+
▁m -6.46302
|
125 |
+
ve -6.4699
|
126 |
+
ra -6.47557
|
127 |
+
et -6.47749
|
128 |
+
▁want -6.4785
|
129 |
+
▁all -6.48159
|
130 |
+
ri -6.4938
|
131 |
+
,” -6.49761
|
132 |
+
▁re -6.49988
|
133 |
+
▁from -6.50564
|
134 |
+
▁In -6.51066
|
135 |
+
▁know -6.52358
|
136 |
+
▁up -6.52412
|
137 |
+
▁g -6.53425
|
138 |
+
▁make -6.53651
|
139 |
+
▁out -6.53658
|
140 |
+
▁were -6.5403
|
141 |
+
an -6.54158
|
142 |
+
▁this -6.55432
|
143 |
+
▁pay -6.55434
|
144 |
+
ch -6.57702
|
145 |
+
▁don -6.58099
|
146 |
+
0 -6.59119
|
147 |
+
▁life -6.59236
|
148 |
+
▁go -6.59751
|
149 |
+
▁They -6.59835
|
150 |
+
▁time -6.59885
|
151 |
+
▁w -6.60555
|
152 |
+
th -6.60886
|
153 |
+
▁t -6.61633
|
154 |
+
▁them -6.64615
|
155 |
+
▁one -6.65068
|
156 |
+
▁if -6.65284
|
157 |
+
▁d -6.66188
|
158 |
+
▁If -6.67768
|
159 |
+
en -6.68131
|
160 |
+
ad -6.68684
|
161 |
+
ers -6.6937
|
162 |
+
▁than -6.69453
|
163 |
+
age -6.70414
|
164 |
+
li -6.73193
|
165 |
+
▁school -6.73845
|
166 |
+
▁when -6.73845
|
167 |
+
▁most -6.73849
|
168 |
+
ation -6.74951
|
169 |
+
ion -6.75134
|
170 |
+
▁us -6.76047
|
171 |
+
▁real -6.76051
|
172 |
+
▁B -6.76507
|
173 |
+
▁say -6.77239
|
174 |
+
▁Mike -6.77675
|
175 |
+
▁like -6.78445
|
176 |
+
ter -6.78655
|
177 |
+
▁1 -6.79325
|
178 |
+
▁F -6.80625
|
179 |
+
x -6.80789
|
180 |
+
ate -6.81764
|
181 |
+
▁own -6.82444
|
182 |
+
ir -6.83826
|
183 |
+
▁our -6.85806
|
184 |
+
▁into -6.85863
|
185 |
+
▁just -6.86611
|
186 |
+
▁buy -6.88338
|
187 |
+
▁asked -6.88832
|
188 |
+
▁did -6.8932
|
189 |
+
▁M -6.89984
|
190 |
+
5 -6.90898
|
191 |
+
▁only -6.91101
|
192 |
+
▁So -6.91961
|
193 |
+
hapter -6.92757
|
194 |
+
▁hard -6.9276
|
195 |
+
ment -6.92809
|
196 |
+
ce -6.93065
|
197 |
+
ive -6.93433
|
198 |
+
ck -6.9431
|
199 |
+
▁by -6.95453
|
200 |
+
▁other -6.95506
|
201 |
+
▁great -6.95507
|
202 |
+
▁poor -6.96453
|
203 |
+
▁Po -6.96653
|
204 |
+
▁see -6.97626
|
205 |
+
▁My -6.98076
|
206 |
+
▁asset -6.98178
|
207 |
+
▁job -6.98336
|
208 |
+
? -6.9922
|
209 |
+
▁often -7.00302
|
210 |
+
▁take -7.00386
|
211 |
+
▁That -7.00764
|
212 |
+
te -7.00918
|
213 |
+
ight -7.01184
|
214 |
+
▁business -7.01249
|
215 |
+
▁income -7.01254
|
216 |
+
▁look -7.03246
|
217 |
+
▁book -7.03369
|
218 |
+
▁could -7.0425
|
219 |
+
▁first -7.0425
|
220 |
+
▁years -7.04693
|
221 |
+
▁T -7.05132
|
222 |
+
▁car -7.05523
|
223 |
+
▁R -7.05611
|
224 |
+
tion -7.0579
|
225 |
+
▁over -7.06301
|
226 |
+
3 -7.08391
|
227 |
+
4 -7.09458
|
228 |
+
▁friend -7.09459
|
229 |
+
▁fear -7.10544
|
230 |
+
▁house -7.11621
|
231 |
+
▁way -7.11629
|
232 |
+
▁You -7.11901
|
233 |
+
▁E -7.1195
|
234 |
+
▁de -7.12545
|
235 |
+
▁no -7.12691
|
236 |
+
▁need -7.12723
|
237 |
+
▁education -7.12728
|
238 |
+
▁never -7.12732
|
239 |
+
▁And -7.12737
|
240 |
+
▁We -7.1317
|
241 |
+
▁has -7.14064
|
242 |
+
▁many -7.1436
|
243 |
+
O -7.14738
|
244 |
+
▁P -7.16247
|
245 |
+
▁there -7.16279
|
246 |
+
op -7.17269
|
247 |
+
” -7.17289
|
248 |
+
E -7.1794
|
249 |
+
▁world -7.18403
|
250 |
+
▁why -7.18407
|
251 |
+
▁2 -7.18614
|
252 |
+
and -7.18876
|
253 |
+
N -7.19391
|
254 |
+
• -7.19579
|
255 |
+
▁him -7.1958
|
256 |
+
id -7.19646
|
257 |
+
▁person -7.19848
|
258 |
+
ul -7.20604
|
259 |
+
▁power -7.2077
|
260 |
+
▁L -7.21334
|
261 |
+
▁But -7.21495
|
262 |
+
▁two -7.21981
|
263 |
+
el -7.22257
|
264 |
+
un -7.23197
|
265 |
+
▁back -7.23197
|
266 |
+
▁her -7.24897
|
267 |
+
7 -7.25679
|
268 |
+
▁game -7.25679
|
269 |
+
▁estate -7.25681
|
270 |
+
▁find -7.25688
|
271 |
+
▁investment -7.25714
|
272 |
+
▁pro -7.26456
|
273 |
+
9 -7.26829
|
274 |
+
▁new -7.26946
|
275 |
+
▁teach -7.27334
|
276 |
+
▁working -7.27436
|
277 |
+
▁co -7.27651
|
278 |
+
▁problem -7.28227
|
279 |
+
▁D -7.28423
|
280 |
+
▁O -7.28784
|
281 |
+
▁class -7.29525
|
282 |
+
end -7.30839
|
283 |
+
▁think -7.30953
|
284 |
+
A -7.31013
|
285 |
+
▁market -7.32174
|
286 |
+
mp -7.32567
|
287 |
+
▁wanted -7.33165
|
288 |
+
▁man -7.3331
|
289 |
+
— -7.33526
|
290 |
+
▁much -7.33528
|
291 |
+
▁W -7.33586
|
292 |
+
▁good -7.34915
|
293 |
+
▁play -7.34956
|
294 |
+
▁day -7.35595
|
295 |
+
ake -7.36106
|
296 |
+
▁When -7.36285
|
297 |
+
▁G -7.37024
|
298 |
+
ard -7.37463
|
299 |
+
▁little -7.37693
|
300 |
+
▁those -7.37693
|
301 |
+
▁company -7.37694
|
302 |
+
ant -7.38326
|
303 |
+
▁government -7.39122
|
304 |
+
What -7.39132
|
305 |
+
,000 -7.40469
|
306 |
+
▁down -7.40582
|
307 |
+
▁made -7.42047
|
308 |
+
est -7.42071
|
309 |
+
▁ex -7.42096
|
310 |
+
▁assets -7.42315
|
311 |
+
ide -7.43034
|
312 |
+
ma -7.43075
|
313 |
+
▁mind -7.43541
|
314 |
+
ally -7.4385
|
315 |
+
▁she -7.44253
|
316 |
+
▁cash -7.46588
|
317 |
+
ity -7.47787
|
318 |
+
▁hear -7.47876
|
319 |
+
▁month -7.48151
|
320 |
+
▁something -7.48152
|
321 |
+
▁become -7.48154
|
322 |
+
▁start -7.4816
|
323 |
+
6 -7.49622
|
324 |
+
▁su -7.49706
|
325 |
+
���simply -7.49737
|
326 |
+
▁One -7.4975
|
327 |
+
▁some -7.49763
|
328 |
+
▁idea -7.4979
|
329 |
+
▁found -7.49882
|
330 |
+
all -7.5076
|
331 |
+
▁column -7.5135
|
332 |
+
▁talk -7.51352
|
333 |
+
ut -7.51634
|
334 |
+
▁un -7.51705
|
335 |
+
▁Lesson -7.5299
|
336 |
+
▁long -7.5299
|
337 |
+
▁also -7.53002
|
338 |
+
▁As -7.5328
|
339 |
+
ous -7.5413
|
340 |
+
▁tax -7.54396
|
341 |
+
▁which -7.54656
|
342 |
+
▁same -7.54657
|
343 |
+
▁earn -7.54658
|
344 |
+
▁10 -7.54955
|
345 |
+
▁r -7.55378
|
346 |
+
1 -7.55569
|
347 |
+
▁For -7.55572
|
348 |
+
▁To -7.55832
|
349 |
+
▁always -7.56351
|
350 |
+
▁again -7.56351
|
351 |
+
▁Most -7.56357
|
352 |
+
▁every -7.56361
|
353 |
+
▁put -7.5668
|
354 |
+
low -7.57911
|
355 |
+
▁does -7.57926
|
356 |
+
▁CASHFLOW -7.58075
|
357 |
+
▁lot -7.58079
|
358 |
+
S -7.58128
|
359 |
+
▁educated -7.5819
|
360 |
+
▁ask -7.58218
|
361 |
+
ever -7.5881
|
362 |
+
▁been -7.59015
|
363 |
+
▁H -7.59076
|
364 |
+
▁financially -7.59344
|
365 |
+
▁wealth -7.59831
|
366 |
+
▁stock -7.59833
|
367 |
+
▁home -7.59836
|
368 |
+
▁tru -7.59839
|
369 |
+
▁live -7.59871
|
370 |
+
▁going -7.6137
|
371 |
+
▁sell -7.61634
|
372 |
+
ge -7.61974
|
373 |
+
▁went -7.62269
|
374 |
+
The -7.62792
|
375 |
+
▁reason -7.63434
|
376 |
+
▁change -7.63434
|
377 |
+
▁important -7.63564
|
378 |
+
▁love -7.65286
|
379 |
+
▁offer -7.65388
|
380 |
+
▁This -7.65425
|
381 |
+
▁investor -7.65508
|
382 |
+
▁give -7.65613
|
383 |
+
R -7.66536
|
384 |
+
ful -7.66797
|
385 |
+
▁may -7.6721
|
386 |
+
▁read -7.67631
|
387 |
+
ies -7.67643
|
388 |
+
▁best -7.67778
|
389 |
+
▁really -7.68244
|
390 |
+
ize -7.68977
|
391 |
+
▁sh -7.70492
|
392 |
+
D -7.70551
|
393 |
+
You -7.70595
|
394 |
+
▁old -7.70824
|
395 |
+
▁keep -7.71056
|
396 |
+
▁understand -7.71056
|
397 |
+
▁three -7.71057
|
398 |
+
▁hand -7.71074
|
399 |
+
▁part -7.71075
|
400 |
+
▁tell -7.71076
|
401 |
+
How -7.71111
|
402 |
+
▁now -7.7154
|
403 |
+
▁well -7.71789
|
404 |
+
▁being -7.7246
|
405 |
+
8 -7.73056
|
406 |
+
▁even -7.73061
|
407 |
+
ig -7.73441
|
408 |
+
▁There -7.7435
|
409 |
+
▁skills -7.74461
|
410 |
+
▁still -7.75103
|
411 |
+
▁better -7.75111
|
412 |
+
▁thought -7.75378
|
413 |
+
▁these -7.75742
|
414 |
+
2 -7.76801
|
415 |
+
▁someone -7.77185
|
416 |
+
▁few -7.77202
|
417 |
+
ook -7.77713
|
418 |
+
ance -7.78933
|
419 |
+
▁middle -7.79308
|
420 |
+
▁through -7.79308
|
421 |
+
▁grow -7.7931
|
422 |
+
▁big -7.79623
|
423 |
+
▁cha -7.7971
|
424 |
+
▁mean -7.80915
|
425 |
+
▁million -7.81482
|
426 |
+
▁bill -7.81492
|
427 |
+
able -7.82144
|
428 |
+
ach -7.82314
|
429 |
+
out -7.82676
|
430 |
+
▁words -7.83705
|
431 |
+
No -7.83861
|
432 |
+
▁flow -7.84053
|
433 |
+
▁use -7.8538
|
434 |
+
ary -7.85856
|
435 |
+
▁knew -7.85977
|
436 |
+
▁safe -7.85978
|
437 |
+
▁hour -7.86103
|
438 |
+
▁investing -7.8676
|
439 |
+
▁today -7.86847
|
440 |
+
▁after -7.88318
|
441 |
+
▁run -7.88446
|
442 |
+
▁deal -7.8883
|
443 |
+
▁come -7.89063
|
444 |
+
▁comes -7.89961
|
445 |
+
T -7.90455
|
446 |
+
K -7.90683
|
447 |
+
! -7.90683
|
448 |
+
▁build -7.90683
|
449 |
+
▁difference -7.90683
|
450 |
+
▁example -7.90683
|
451 |
+
▁losing -7.90684
|
452 |
+
▁price -7.90685
|
453 |
+
▁risk -7.90685
|
454 |
+
▁else -7.90686
|
455 |
+
▁lose -7.90711
|
456 |
+
Why -7.90775
|
457 |
+
▁told -7.9109
|
458 |
+
▁saying -7.9205
|
459 |
+
self -7.92467
|
460 |
+
▁making -7.93123
|
461 |
+
▁taxes -7.93509
|
462 |
+
▁emotion -7.94985
|
463 |
+
▁between -7.95622
|
464 |
+
▁expense -7.95622
|
465 |
+
▁intelligence -7.95622
|
466 |
+
▁instead -7.95623
|
467 |
+
▁spend -7.95626
|
468 |
+
▁small -7.95627
|
469 |
+
▁path -7.95635
|
470 |
+
▁right -7.958
|
471 |
+
coming -7.96852
|
472 |
+
▁create -7.96912
|
473 |
+
▁got -7.98007
|
474 |
+
▁different -7.98186
|
475 |
+
▁should -7.98186
|
476 |
+
▁study -7.98187
|
477 |
+
▁around -7.98198
|
478 |
+
▁young -7.98239
|
479 |
+
▁things -7.98806
|
480 |
+
▁head -7.9936
|
481 |
+
▁large -8.00818
|
482 |
+
▁paid -8.00823
|
483 |
+
▁Un -8.00837
|
484 |
+
▁pre -8.01286
|
485 |
+
Y -8.03454
|
486 |
+
▁corporation -8.03521
|
487 |
+
▁focus -8.03521
|
488 |
+
▁number -8.03521
|
489 |
+
▁percent -8.03521
|
490 |
+
▁smart -8.03523
|
491 |
+
▁believe -8.03525
|
492 |
+
▁story -8.03535
|
493 |
+
▁year -8.05078
|
494 |
+
▁thinking -8.06062
|
495 |
+
U -8.06279
|
496 |
+
quadrant -8.06299
|
497 |
+
▁strong -8.06299
|
498 |
+
▁kids -8.06299
|
499 |
+
▁answer -8.063
|
500 |
+
▁dollar -8.06303
|
501 |
+
▁nothing -8.06357
|
502 |
+
▁plan -8.06375
|
503 |
+
▁let -8.0665
|
504 |
+
old -8.07135
|
505 |
+
com -8.08334
|
506 |
+
▁Be -8.08821
|
507 |
+
▁employee -8.09156
|
508 |
+
▁follow -8.09156
|
509 |
+
▁before -8.09156
|
510 |
+
▁point -8.09156
|
511 |
+
▁course -8.09156
|
512 |
+
▁desire -8.09156
|
513 |
+
▁left -8.09156
|
514 |
+
▁raise -8.09161
|
515 |
+
▁both -8.09169
|
516 |
+
▁comp -8.09341
|
517 |
+
▁win -8.10342
|
518 |
+
▁high -8.11746
|
519 |
+
▁less -8.1186
|
520 |
+
▁$1 -8.12097
|
521 |
+
▁question -8.12097
|
522 |
+
▁simple -8.12097
|
523 |
+
▁continue -8.12097
|
524 |
+
▁bank -8.121
|
525 |
+
▁began -8.12102
|
526 |
+
▁each -8.12141
|
527 |
+
ound -8.12504
|
528 |
+
cial -8.13259
|
529 |
+
So -8.14334
|
530 |
+
▁$2 -8.15127
|
531 |
+
▁enough -8.15127
|
532 |
+
▁another -8.15127
|
533 |
+
▁pass -8.15138
|
534 |
+
▁Today -8.15161
|
535 |
+
▁19 -8.15406
|
536 |
+
▁lesson -8.15414
|
537 |
+
▁where -8.15887
|
538 |
+
▁develop -8.16225
|
539 |
+
▁Th -8.16647
|
540 |
+
▁call -8.17771
|
541 |
+
▁Robert -8.18252
|
542 |
+
▁afford -8.18252
|
543 |
+
▁next -8.18252
|
544 |
+
▁while -8.18252
|
545 |
+
▁statement -8.18253
|
546 |
+
▁bought -8.18253
|
547 |
+
▁free -8.18295
|
548 |
+
▁yourself -8.18634
|
549 |
+
W -8.1896
|
550 |
+
▁ho -8.20445
|
551 |
+
▁personal -8.20743
|
552 |
+
▁thing -8.20877
|
553 |
+
▁themselves -8.21478
|
554 |
+
▁interest -8.2148
|
555 |
+
▁show -8.21483
|
556 |
+
▁turn -8.21487
|
557 |
+
▁debt -8.2149
|
558 |
+
▁four -8.21496
|
559 |
+
▁myself -8.22052
|
560 |
+
▁called -8.22539
|
561 |
+
▁ha -8.23873
|
562 |
+
▁Quadrant -8.24811
|
563 |
+
▁taught -8.24812
|
564 |
+
▁law -8.24812
|
565 |
+
▁wait -8.2482
|
566 |
+
▁week -8.24831
|
567 |
+
▁She -8.24836
|
568 |
+
▁fail -8.25073
|
569 |
+
sure -8.25205
|
570 |
+
▁once -8.26035
|
571 |
+
▁hu -8.26157
|
572 |
+
ail -8.27118
|
573 |
+
▁professional -8.27306
|
574 |
+
▁explain -8.2826
|
575 |
+
▁recommend -8.2826
|
576 |
+
▁gener -8.28265
|
577 |
+
▁feel -8.28271
|
578 |
+
▁realize -8.28474
|
579 |
+
ence -8.29966
|
580 |
+
▁invest -8.30096
|
581 |
+
................ -8.30739
|
582 |
+
If -8.31197
|
583 |
+
▁increase -8.31831
|
584 |
+
▁credit -8.31831
|
585 |
+
▁easy -8.31831
|
586 |
+
▁smile -8.31831
|
587 |
+
▁cause -8.31832
|
588 |
+
▁control -8.31839
|
589 |
+
▁sales -8.31841
|
590 |
+
▁must -8.31843
|
591 |
+
▁share -8.31888
|
592 |
+
▁took -8.32305
|
593 |
+
▁vi -8.33872
|
594 |
+
▁teacher -8.34397
|
595 |
+
▁success -8.35488
|
596 |
+
▁college -8.35535
|
597 |
+
▁push -8.35536
|
598 |
+
▁everything -8.35538
|
599 |
+
▁Two -8.35545
|
600 |
+
▁short -8.35546
|
601 |
+
▁greed -8.35558
|
602 |
+
▁help -8.35577
|
603 |
+
AL -8.35583
|
604 |
+
▁cont -8.35641
|
605 |
+
5,000 -8.35798
|
606 |
+
▁such -8.35891
|
607 |
+
▁side -8.36469
|
608 |
+
▁profession -8.3657
|
609 |
+
▁five -8.36694
|
610 |
+
M -8.36874
|
611 |
+
C -8.3688
|
612 |
+
▁Financial -8.39381
|
613 |
+
▁came -8.39382
|
614 |
+
▁away -8.39382
|
615 |
+
▁Income -8.39384
|
616 |
+
▁begin -8.39394
|
617 |
+
▁everyone -8.39397
|
618 |
+
▁move -8.39401
|
619 |
+
▁broker -8.39644
|
620 |
+
▁16 -8.39665
|
621 |
+
▁hav -8.42636
|
622 |
+
▁accountant -8.43381
|
623 |
+
▁became -8.43381
|
624 |
+
▁choose -8.43381
|
625 |
+
▁encourage -8.43381
|
626 |
+
▁liabilities -8.43381
|
627 |
+
▁opportunity -8.43381
|
628 |
+
▁quit -8.43381
|
629 |
+
▁anything -8.43381
|
630 |
+
▁listen -8.43381
|
631 |
+
▁later -8.43383
|
632 |
+
▁children -8.43384
|
633 |
+
▁train -8.43384
|
634 |
+
▁gain -8.43396
|
635 |
+
▁office -8.43429
|
636 |
+
HE -8.43722
|
637 |
+
▁highly -8.43863
|
638 |
+
▁emotional -8.44418
|
639 |
+
▁Or -8.46491
|
640 |
+
Because -8.47548
|
641 |
+
▁America -8.47548
|
642 |
+
▁afraid -8.47548
|
643 |
+
▁struggle -8.47548
|
644 |
+
▁formula -8.47548
|
645 |
+
▁process -8.47548
|
646 |
+
▁After -8.47551
|
647 |
+
▁sense -8.47553
|
648 |
+
▁With -8.47554
|
649 |
+
▁gave -8.47556
|
650 |
+
▁cents -8.47653
|
651 |
+
face -8.47992
|
652 |
+
H -8.49214
|
653 |
+
▁child -8.51892
|
654 |
+
▁Assets -8.51896
|
655 |
+
kept -8.51896
|
656 |
+
▁trap -8.51903
|
657 |
+
▁successful -8.5195
|
658 |
+
▁allow -8.51958
|
659 |
+
cons -8.52045
|
660 |
+
▁sold -8.52491
|
661 |
+
▁special -8.56441
|
662 |
+
▁Liabilities -8.56441
|
663 |
+
▁benefit -8.56441
|
664 |
+
▁happen -8.56441
|
665 |
+
spect -8.56441
|
666 |
+
▁liability -8.56443
|
667 |
+
▁view -8.56445
|
668 |
+
▁worth -8.56445
|
669 |
+
▁fund -8.56451
|
670 |
+
▁Some -8.5649
|
671 |
+
▁getting -8.56574
|
672 |
+
G -8.58667
|
673 |
+
But -8.58753
|
674 |
+
aving -8.60457
|
675 |
+
▁Although -8.61203
|
676 |
+
▁Expenses -8.61203
|
677 |
+
▁Saturday -8.61203
|
678 |
+
▁advice -8.61203
|
679 |
+
▁choice -8.61203
|
680 |
+
▁opportunities -8.61203
|
681 |
+
▁subject -8.61203
|
682 |
+
▁value -8.61203
|
683 |
+
▁Kim -8.61203
|
684 |
+
▁balance -8.61204
|
685 |
+
▁very -8.61204
|
686 |
+
▁since -8.61208
|
687 |
+
▁comic -8.61217
|
688 |
+
▁30 -8.61219
|
689 |
+
▁spent -8.61225
|
690 |
+
▁agree -8.61242
|
691 |
+
Well -8.62324
|
692 |
+
▁creat -8.63657
|
693 |
+
day -8.63712
|
694 |
+
▁People -8.66203
|
695 |
+
▁portfolio -8.66203
|
696 |
+
▁companies -8.66203
|
697 |
+
▁Start -8.66203
|
698 |
+
▁receive -8.66204
|
699 |
+
▁excit -8.66207
|
700 |
+
▁Yet -8.66211
|
701 |
+
▁count -8.66217
|
702 |
+
▁six -8.66222
|
703 |
+
▁water -8.66223
|
704 |
+
▁fast -8.6628
|
705 |
+
▁step -8.66283
|
706 |
+
fair -8.66448
|
707 |
+
TE -8.67059
|
708 |
+
▁hate -8.67131
|
709 |
+
B -8.6885
|
710 |
+
L -8.68886
|
711 |
+
ness -8.71353
|
712 |
+
ANC -8.71466
|
713 |
+
▁knowledge -8.71466
|
714 |
+
▁paycheck -8.71466
|
715 |
+
▁system -8.71466
|
716 |
+
▁Money -8.71466
|
717 |
+
▁rather -8.71466
|
718 |
+
▁taking -8.71466
|
719 |
+
▁morning -8.71466
|
720 |
+
▁legal -8.7147
|
721 |
+
▁Race -8.7147
|
722 |
+
▁Many -8.71472
|
723 |
+
▁brain -8.71473
|
724 |
+
▁open -8.71483
|
725 |
+
▁miss -8.71565
|
726 |
+
▁weak -8.71576
|
727 |
+
▁gone -8.71584
|
728 |
+
ET -8.7164
|
729 |
+
▁mental -8.72748
|
730 |
+
That -8.74516
|
731 |
+
COM -8.77021
|
732 |
+
MENT -8.77021
|
733 |
+
hicken -8.77021
|
734 |
+
▁attorney -8.77021
|
735 |
+
▁diagram -8.77021
|
736 |
+
▁easier -8.77021
|
737 |
+
▁family -8.77021
|
738 |
+
▁genius -8.77021
|
739 |
+
▁happy -8.77021
|
740 |
+
▁second -8.77021
|
741 |
+
▁security -8.77021
|
742 |
+
▁freedom -8.77022
|
743 |
+
▁Marine -8.77022
|
744 |
+
▁avoid -8.77022
|
745 |
+
▁piece -8.77022
|
746 |
+
▁degree -8.77022
|
747 |
+
▁inspire -8.77022
|
748 |
+
▁STA -8.77022
|
749 |
+
▁result -8.77022
|
750 |
+
Donald -8.77022
|
751 |
+
▁kind -8.77022
|
752 |
+
▁protect -8.77022
|
753 |
+
▁master -8.77023
|
754 |
+
▁early -8.77023
|
755 |
+
▁lost -8.77024
|
756 |
+
▁failure -8.77031
|
757 |
+
▁State -8.77037
|
758 |
+
body -8.77047
|
759 |
+
▁main -8.77073
|
760 |
+
▁store -8.77189
|
761 |
+
▁leav -8.77277
|
762 |
+
▁vo -8.77424
|
763 |
+
▁skill -8.78804
|
764 |
+
ike -8.81683
|
765 |
+
▁die -8.81918
|
766 |
+
▁Kiyosaki -8.82904
|
767 |
+
▁acquire -8.82904
|
768 |
+
▁expensive -8.82904
|
769 |
+
▁information -8.82904
|
770 |
+
▁secure -8.82904
|
771 |
+
▁technical -8.82904
|
772 |
+
▁father -8.82904
|
773 |
+
▁lack -8.82904
|
774 |
+
▁provide -8.82905
|
775 |
+
▁habit -8.82905
|
776 |
+
▁watch -8.82906
|
777 |
+
▁adult -8.82908
|
778 |
+
▁Once -8.82908
|
779 |
+
▁walk -8.82909
|
780 |
+
▁sign -8.82913
|
781 |
+
▁Over -8.82913
|
782 |
+
▁solve -8.82916
|
783 |
+
▁Pay -8.8293
|
784 |
+
▁save -8.82932
|
785 |
+
▁try -8.82937
|
786 |
+
▁land -8.82982
|
787 |
+
.............. -8.83225
|
788 |
+
▁Not -8.83447
|
789 |
+
lay -8.83959
|
790 |
+
▁Keep -8.89154
|
791 |
+
▁accept -8.89154
|
792 |
+
▁direct -8.89154
|
793 |
+
▁econom -8.89154
|
794 |
+
▁future -8.89154
|
795 |
+
▁grades -8.89154
|
796 |
+
▁property -8.89154
|
797 |
+
▁quick -8.89154
|
798 |
+
▁remember -8.89154
|
799 |
+
▁secret -8.89154
|
800 |
+
▁return -8.89154
|
801 |
+
▁giving -8.89154
|
802 |
+
▁doubt -8.89154
|
803 |
+
▁ahead -8.89154
|
804 |
+
▁doctor -8.89154
|
805 |
+
▁fact -8.89155
|
806 |
+
▁type -8.89155
|
807 |
+
▁last -8.89156
|
808 |
+
▁human -8.89157
|
809 |
+
Learn -8.89158
|
810 |
+
▁Bill -8.89167
|
811 |
+
▁option -8.89167
|
812 |
+
▁deep -8.89198
|
813 |
+
▁road -8.89208
|
814 |
+
▁lead -8.89222
|
815 |
+
▁yet -8.89351
|
816 |
+
▁write -8.89389
|
817 |
+
P -8.9332
|
818 |
+
▁broke -8.9536
|
819 |
+
▁apartment -8.9582
|
820 |
+
▁entrepreneur -8.9582
|
821 |
+
▁individual -8.9582
|
822 |
+
▁picture -8.9582
|
823 |
+
▁retirement -8.9582
|
824 |
+
▁anyone -8.95821
|
825 |
+
▁wife -8.95821
|
826 |
+
Taxes -8.95821
|
827 |
+
▁parents -8.95821
|
828 |
+
▁primar -8.95822
|
829 |
+
▁ship -8.95838
|
830 |
+
▁rule -8.95842
|
831 |
+
▁accounting -9.02963
|
832 |
+
▁capital -9.02963
|
833 |
+
▁pattern -9.02963
|
834 |
+
▁suggest -9.02963
|
835 |
+
▁Little -9.02963
|
836 |
+
▁actually -9.02963
|
837 |
+
▁immediately -9.02963
|
838 |
+
▁mutual -9.02963
|
839 |
+
▁pilot -9.02963
|
840 |
+
▁seminar -9.02963
|
841 |
+
▁Martin -9.02963
|
842 |
+
▁women -9.02963
|
843 |
+
▁dream -9.02964
|
844 |
+
▁nodded -9.02964
|
845 |
+
▁village -9.02964
|
846 |
+
▁author -9.02964
|
847 |
+
▁biggest -9.02964
|
848 |
+
▁loan -9.02965
|
849 |
+
▁reward -9.02966
|
850 |
+
▁decide -9.02967
|
851 |
+
▁near -9.02969
|
852 |
+
▁prepar -9.02969
|
853 |
+
▁Three -9.02974
|
854 |
+
▁Even -9.02993
|
855 |
+
▁hold -9.02997
|
856 |
+
▁spiritual -9.03005
|
857 |
+
▁mine -9.0338
|
858 |
+
▁spirit -9.10611
|
859 |
+
ability -9.10653
|
860 |
+
raditional -9.10656
|
861 |
+
▁achieve -9.10656
|
862 |
+
▁decision -9.10656
|
863 |
+
▁difficult -9.10656
|
864 |
+
▁hamburger -9.10656
|
865 |
+
▁ignorance -9.10656
|
866 |
+
▁intelligent -9.10656
|
867 |
+
▁require -9.10656
|
868 |
+
▁understood -9.10656
|
869 |
+
roduction -9.10656
|
870 |
+
▁public -9.10656
|
871 |
+
▁together -9.10656
|
872 |
+
▁break -9.10656
|
873 |
+
▁medical -9.10656
|
874 |
+
▁remind -9.10656
|
875 |
+
▁living -9.10656
|
876 |
+
▁Corps -9.10657
|
877 |
+
▁pressure -9.10659
|
878 |
+
▁usually -9.10659
|
879 |
+
▁eyes -9.1066
|
880 |
+
▁nine -9.10662
|
881 |
+
▁Both -9.10671
|
882 |
+
▁golf -9.10677
|
883 |
+
▁under -9.10692
|
884 |
+
▁trade -9.10707
|
885 |
+
F -9.16468
|
886 |
+
ught -9.18986
|
887 |
+
▁reflect -9.18989
|
888 |
+
▁Educat -9.18989
|
889 |
+
▁Hawaii -9.18989
|
890 |
+
▁Trump -9.18989
|
891 |
+
▁bargain -9.18989
|
892 |
+
▁earlier -9.18989
|
893 |
+
▁mortgage -9.18989
|
894 |
+
▁neighbor -9.18989
|
895 |
+
▁organization -9.18989
|
896 |
+
▁probably -9.18989
|
897 |
+
▁angry -9.18989
|
898 |
+
▁chose -9.18989
|
899 |
+
▁until -9.18989
|
900 |
+
▁Hood -9.18989
|
901 |
+
▁Seven -9.18989
|
902 |
+
fortunate -9.1899
|
903 |
+
▁New -9.1899
|
904 |
+
▁basic -9.18991
|
905 |
+
▁least -9.18991
|
906 |
+
▁close -9.18991
|
907 |
+
▁winners -9.18993
|
908 |
+
▁busy -9.18993
|
909 |
+
▁extra -9.19001
|
910 |
+
▁cover -9.19008
|
911 |
+
▁case -9.19016
|
912 |
+
▁heroes -9.19024
|
913 |
+
Who -9.19437
|
914 |
+
▁though -9.26793
|
915 |
+
▁Phoenix -9.2808
|
916 |
+
▁amount -9.2808
|
917 |
+
▁buckets -9.2808
|
918 |
+
▁collect -9.2808
|
919 |
+
▁designed -9.2808
|
920 |
+
▁minutes -9.2808
|
921 |
+
▁pocket -9.2808
|
922 |
+
▁smiling -9.2808
|
923 |
+
▁terrified -9.2808
|
924 |
+
▁written -9.2808
|
925 |
+
▁Again -9.2808
|
926 |
+
▁search -9.2808
|
927 |
+
▁worry -9.2808
|
928 |
+
ometimes -9.2808
|
929 |
+
▁expert -9.2808
|
930 |
+
▁along -9.28081
|
931 |
+
▁finance -9.28083
|
932 |
+
▁appl -9.28156
|
933 |
+
▁base -9.28371
|
934 |
+
where -9.35574
|
935 |
+
discipline -9.3808
|
936 |
+
▁Security -9.3808
|
937 |
+
▁already -9.3808
|
938 |
+
▁available -9.3808
|
939 |
+
▁concern -9.3808
|
940 |
+
▁consumer -9.3808
|
941 |
+
▁definition -9.3808
|
942 |
+
▁excellent -9.3808
|
943 |
+
▁experience -9.3808
|
944 |
+
▁neighborhood -9.3808
|
945 |
+
▁purpose -9.3808
|
946 |
+
▁speak -9.3808
|
947 |
+
▁support -9.3808
|
948 |
+
▁valuable -9.3808
|
949 |
+
▁reject -9.3808
|
950 |
+
▁baseball -9.3808
|
951 |
+
▁wonder -9.3808
|
952 |
+
▁common -9.3808
|
953 |
+
▁toilets -9.3808
|
954 |
+
▁trading -9.3808
|
955 |
+
▁history -9.38081
|
956 |
+
▁School -9.49191
|
957 |
+
▁discuss -9.49191
|
958 |
+
▁program -9.49191
|
959 |
+
bstacle -9.49191
|
960 |
+
▁Advantage -9.49191
|
961 |
+
▁Texas -9.49191
|
962 |
+
▁advantage -9.49191
|
963 |
+
▁attitude -9.49191
|
964 |
+
▁certain -9.49191
|
965 |
+
▁constantly -9.49191
|
966 |
+
▁convert -9.49191
|
967 |
+
▁employer -9.49191
|
968 |
+
▁illustrat -9.49191
|
969 |
+
▁include -9.49191
|
970 |
+
▁industry -9.49191
|
971 |
+
▁popular -9.49191
|
972 |
+
▁position -9.49191
|
973 |
+
▁science -9.49191
|
974 |
+
▁sophisticated -9.49191
|
975 |
+
▁survive -9.49191
|
976 |
+
▁vehicle -9.49191
|
977 |
+
▁combin -9.49191
|
978 |
+
▁literate -9.49191
|
979 |
+
▁solution -9.49191
|
980 |
+
▁tubes -9.49191
|
981 |
+
▁replied -9.49191
|
982 |
+
▁advise -9.49192
|
983 |
+
▁paper -9.49192
|
984 |
+
▁front -9.49192
|
985 |
+
nergy -9.49199
|
986 |
+
........ -9.53703
|
987 |
+
▁Every -9.59198
|
988 |
+
employed -9.61691
|
989 |
+
graduate -9.61691
|
990 |
+
▁$100,000 -9.61691
|
991 |
+
▁affect -9.61691
|
992 |
+
▁anyway -9.61691
|
993 |
+
▁challenge -9.61691
|
994 |
+
Q -11.2092
|
995 |
+
J -11.2093
|
996 |
+
$ -11.2094
|
997 |
+
z -11.2095
|
998 |
+
q -11.2096
|
999 |
+
j -11.2097
|
1000 |
+
“ -11.2098
|