challenging-america-word-ga.../zad8.ipynb

3.8 MiB
Raw Blame History

train_file ='train/in.tsv.xz'
test_file = 'dev-0/in.tsv.xz'
out_file = 'dev-0/out.tsv'
from itertools import islice
import regex as re
import sys
from torchtext.vocab import build_vocab_from_iterator
import lzma
import pickle
import re
import torch
from torch import nn
from torch.utils.data import IterableDataset
import itertools
from torch.utils.data import DataLoader
import yaml
epochs = 3
embed_size = 200
device = 'cuda'
vocab_size = 30000
batch_s = 1600
learning_rate = 0.01
k = 20 #top k words
wildcard_minweight = 0.02
params = yaml.load(open('config/params.yaml'))
#then, entire code should go about those params with params[epochs] etc
/tmp/ipykernel_30815/1141171476.py:1: YAMLLoadWarning: calling yaml.load() without Loader=... is deprecated, as the default Loader is unsafe. Please read https://msg.pyyaml.org/load for full details.
  params = yaml.load(open('config/params.yaml'))
params = {
'epochs': 3,
'embed_size': 300,
'device': 'cuda',
'vocab_size': 30000,
'batch_size': 3200,
'learning_rate': 0.001,
'k': 15, #top k words
'wildcard_minweight': 0.1
}
params
{'epochs': 3,
 'embed_size': 300,
 'device': 'cuda',
 'vocab_size': 30000,
 'batch_size': 3200,
 'learning_rate': 0.001,
 'k': 15,
 'wildcard_minweight': 0.1}
def get_words_from_line(line):
    line = line.rstrip()
    yield '<s>'
    line = preprocess(line)
    for t in line.split(' '):
        yield t
    yield '</s>'


def get_word_lines_from_file(file_name):
    n = 0
    with lzma.open(file_name, 'r') as fh:
        for line in fh:
            n+=1
            if n%1000==0:
                print(n)
            yield get_words_from_line(line.decode('utf-8'))
###preprocessing
def preprocess(line):
    line = get_rid_of_header(line)
    line = replace_endline(line)
    return line

def get_rid_of_header(line):
    line = line.split('\t')[6:]
    return " ".join(line)
    
def replace_endline(line):
    line = line.replace("\\\\n", " ")
    return line
def look_ahead_iterator(gen):
    prev2 = None
    prev1 = None
    for item in gen:
        if prev2 is not None and prev1 is not None:
            yield (prev2, prev1, item)
        prev2 = prev1
        prev1 = item

class Trigrams(IterableDataset):
  def __init__(self, text_file, vocabulary_size):
      self.vocab = build_vocab_from_iterator(
         get_word_lines_from_file(text_file),
         max_tokens = vocabulary_size,
         specials = ['<unk>'])
      self.vocab.set_default_index(self.vocab['<unk>'])
      self.vocabulary_size = vocabulary_size
      self.text_file = text_file

  def __iter__(self):
     return look_ahead_iterator(
         (self.vocab[t] for t in itertools.chain.from_iterable(get_word_lines_from_file(self.text_file))))
    
Vocab()
vocab = build_vocab_from_iterator(
    get_word_lines_from_file(train_file),
    max_tokens = params['vocab_size'],
    specials = ['<unk>'])
1000
2000
3000
4000
5000
6000
7000
8000
9000
10000
11000
12000
13000
14000
15000
16000
17000
18000
19000
20000
21000
22000
23000
24000
25000
26000
27000
28000
29000
30000
31000
32000
33000
34000
35000
36000
37000
38000
39000
40000
41000
42000
43000
44000
45000
46000
47000
48000
49000
50000
51000
52000
53000
54000
55000
56000
57000
58000
59000
60000
61000
62000
63000
64000
65000
66000
67000
68000
69000
70000
71000
72000
73000
74000
75000
76000
77000
78000
79000
80000
81000
82000
83000
84000
85000
86000
87000
88000
89000
90000
91000
92000
93000
94000
95000
96000
97000
98000
99000
100000
101000
102000
103000
104000
105000
106000
107000
108000
109000
110000
111000
112000
113000
114000
115000
116000
117000
118000
119000
120000
121000
122000
123000
124000
125000
126000
127000
128000
129000
130000
131000
132000
133000
134000
135000
136000
137000
138000
139000
140000
141000
142000
143000
144000
145000
146000
147000
148000
149000
150000
151000
152000
153000
154000
155000
156000
157000
158000
159000
160000
161000
162000
163000
164000
165000
166000
167000
168000
169000
170000
171000
172000
173000
174000
175000
176000
177000
178000
179000
180000
181000
182000
183000
184000
185000
186000
187000
188000
189000
190000
191000
192000
193000
194000
195000
196000
197000
198000
199000
200000
201000
202000
203000
204000
205000
206000
207000
208000
209000
210000
211000
212000
213000
214000
215000
216000
217000
218000
219000
220000
221000
222000
223000
224000
225000
226000
227000
228000
229000
230000
231000
232000
233000
234000
235000
236000
237000
238000
239000
240000
241000
242000
243000
244000
245000
246000
247000
248000
249000
250000
251000
252000
253000
254000
255000
256000
257000
258000
259000
260000
261000
262000
263000
264000
265000
266000
267000
268000
269000
270000
271000
272000
273000
274000
275000
276000
277000
278000
279000
280000
281000
282000
283000
284000
285000
286000
287000
288000
289000
290000
291000
292000
293000
294000
295000
296000
297000
298000
299000
300000
301000
302000
303000
304000
305000
306000
307000
308000
309000
310000
311000
312000
313000
314000
315000
316000
317000
318000
319000
320000
321000
322000
323000
324000
325000
326000
327000
328000
329000
330000
331000
332000
333000
334000
335000
336000
337000
338000
339000
340000
341000
342000
343000
344000
345000
346000
347000
348000
349000
350000
351000
352000
353000
354000
355000
356000
357000
358000
359000
360000
361000
362000
363000
364000
365000
366000
367000
368000
369000
370000
371000
372000
373000
374000
375000
376000
377000
378000
379000
380000
381000
382000
383000
384000
385000
386000
387000
388000
389000
390000
391000
392000
393000
394000
395000
396000
397000
398000
399000
400000
401000
402000
403000
404000
405000
406000
407000
408000
409000
410000
411000
412000
413000
414000
415000
416000
417000
418000
419000
420000
421000
422000
423000
424000
425000
426000
427000
428000
429000
430000
431000
432000
with open('filename.pickle', 'wb') as handle:
    pickle.dump(vocab, handle, protocol=pickle.HIGHEST_PROTOCOL)
with open('filename.pickle','rb') as handle:
    vocab = pickle.load(handle)
    
train_dataset = Trigrams(train_file, params['vocab_size'])
1000
2000
3000
4000
5000
6000
7000
8000
9000
10000
11000
12000
13000
14000
15000
16000
17000
18000
19000
20000
21000
22000
23000
24000
25000
26000
27000
28000
29000
30000
31000
32000
33000
34000
35000
36000
37000
38000
39000
40000
41000
42000
43000
44000
45000
46000
47000
48000
49000
50000
51000
52000
53000
54000
55000
56000
57000
58000
59000
60000
61000
62000
63000
64000
65000
66000
67000
68000
69000
70000
71000
72000
73000
74000
75000
76000
77000
78000
79000
80000
81000
82000
83000
84000
85000
86000
87000
88000
89000
90000
91000
92000
93000
94000
95000
96000
97000
98000
99000
100000
101000
102000
103000
104000
105000
106000
107000
108000
109000
110000
111000
112000
113000
114000
115000
116000
117000
118000
119000
120000
121000
122000
123000
124000
125000
126000
127000
128000
129000
130000
131000
132000
133000
134000
135000
136000
137000
138000
139000
140000
141000
142000
143000
144000
145000
146000
147000
148000
149000
150000
151000
152000
153000
154000
155000
156000
157000
158000
159000
160000
161000
162000
163000
164000
165000
166000
167000
168000
169000
170000
171000
172000
173000
174000
175000
176000
177000
178000
179000
180000
181000
182000
183000
184000
185000
186000
187000
188000
189000
190000
191000
192000
193000
194000
195000
196000
197000
198000
199000
200000
201000
202000
203000
204000
205000
206000
207000
208000
209000
210000
211000
212000
213000
214000
215000
216000
217000
218000
219000
220000
221000
222000
223000
224000
225000
226000
227000
228000
229000
230000
231000
232000
233000
234000
235000
236000
237000
238000
239000
240000
241000
242000
243000
244000
245000
246000
247000
248000
249000
250000
251000
252000
253000
254000
255000
256000
257000
258000
259000
260000
261000
262000
263000
264000
265000
266000
267000
268000
269000
270000
271000
272000
273000
274000
275000
276000
277000
278000
279000
280000
281000
282000
283000
284000
285000
286000
287000
288000
289000
290000
291000
292000
293000
294000
295000
296000
297000
298000
299000
300000
301000
302000
303000
304000
305000
306000
307000
308000
309000
310000
311000
312000
313000
314000
315000
316000
317000
318000
319000
320000
321000
322000
323000
324000
325000
326000
327000
328000
329000
330000
331000
332000
333000
334000
335000
336000
337000
338000
339000
340000
341000
342000
343000
344000
345000
346000
347000
348000
349000
350000
351000
352000
353000
354000
355000
356000
357000
358000
359000
360000
361000
362000
363000
364000
365000
366000
367000
368000
369000
370000
371000
372000
373000
374000
375000
376000
377000
378000
379000
380000
381000
382000
383000
384000
385000
386000
387000
388000
389000
390000
391000
392000
393000
394000
395000
396000
397000
398000
399000
400000
401000
402000
403000
404000
405000
406000
407000
408000
409000
410000
411000
412000
413000
414000
415000
416000
417000
418000
419000
420000
421000
422000
423000
424000
425000
426000
427000
428000
429000
430000
431000
432000
data = DataLoader(train_dataset, batch_size=params['batch_size']) #load data 
print(type(data))
<class 'torch.utils.data.dataloader.DataLoader'>
class SimpleTrigramNeuralLanguageModel(nn.Module):
  def __init__(self, vocabulary_size, embedding_size):
      super(SimpleTrigramNeuralLanguageModel, self).__init__()
      self.embeddings = nn.Embedding(vocabulary_size, embedding_size)
      self.linear = nn.Linear(2*embedding_size, vocabulary_size)
      self.linear_matrix_2 = nn.Linear(embedding_size*2, embedding_size*2)
      self.relu = nn.ReLU()
      self.softmax = nn.Softmax()
    
    #for each word in vocabulary theres a separate embedding vector, consisting of embedding_size entries
    #self.linear is linear layer consisting of concatenated embeddings of left, and right context words
    #self.linear_matrix_2 is linear layer 
    
  def forward(self, x): #x is list of prev and following embeddings
      emb_left = self.embeddings(x[0])
      emb_right = self.embeddings(x[1])
        #create two embeddings vectors, for word before and after, respectively
    
      first_layer_size_2 = self.linear_matrix_2(torch.cat((emb_left, emb_right), dim=1))
      first_relu = self.relu(first_layer_size_2)
      concated = self.linear(first_relu)
      out = self.softmax(concated)
      return out
import gc
torch.cuda.empty_cache()
gc.collect()
0
device = 'cuda'
model = SimpleTrigramNeuralLanguageModel(params['vocab_size'], params['embed_size']).to(device)
optimizer = torch.optim.Adam(model.parameters(), lr=params['learning_rate'])
criterion = torch.nn.NLLLoss()
torch.autograd.set_detect_anomaly(True)
# model.load_state_dict(torch.load(f'model-tri-2following-final.bin'))
for i in range(params['epochs']):
    print('epoch: =', i)
    model.train()
    step = 0
    for x, y, z in data: # word, following, 2nd_following words
       x = x.to(device)
       y = y.to(device)
       z = z.to(device)
       optimizer.zero_grad()
       ypredicted = model([y, z]) #following, 2nd_following word
       loss = criterion(torch.log(ypredicted), x) #x is to_predict
       if step % 100 == 0:
          print(step, loss)
       step += 1
       if step % 10000 == 0:
                torch.save(model.state_dict(), f'model-tri-2following-embed=200steps-{step}.bin')    
       loss.backward()
       optimizer.step()
#     torch.save(model.state_dict(), f'model-tri-2following-{i}.bin')    
epoch: = 0
0 
/tmp/ipykernel_30815/606935597.py:22: UserWarning: Implicit dimension choice for softmax has been deprecated. Change the call to include dim=X as an argument.
  out = self.softmax(concated)
tensor(10.3473, device='cuda:0', grad_fn=<NllLossBackward0>)
1000
100 tensor(6.4702, device='cuda:0', grad_fn=<NllLossBackward0>)
200 tensor(6.1728, device='cuda:0', grad_fn=<NllLossBackward0>)
2000
300 tensor(6.1315, device='cuda:0', grad_fn=<NllLossBackward0>)
3000
400 tensor(6.1413, device='cuda:0', grad_fn=<NllLossBackward0>)
4000
500 tensor(5.9379, device='cuda:0', grad_fn=<NllLossBackward0>)
5000
600 tensor(6.0123, device='cuda:0', grad_fn=<NllLossBackward0>)
6000
700 tensor(6.0021, device='cuda:0', grad_fn=<NllLossBackward0>)
7000
800 tensor(5.8060, device='cuda:0', grad_fn=<NllLossBackward0>)
8000
900 tensor(5.8374, device='cuda:0', grad_fn=<NllLossBackward0>)
9000
1000 tensor(5.7561, device='cuda:0', grad_fn=<NllLossBackward0>)
10000
1100 tensor(5.7806, device='cuda:0', grad_fn=<NllLossBackward0>)
11000
1200 tensor(5.9041, device='cuda:0', grad_fn=<NllLossBackward0>)
12000
1300 tensor(5.8457, device='cuda:0', grad_fn=<NllLossBackward0>)
13000
1400 tensor(5.9296, device='cuda:0', grad_fn=<NllLossBackward0>)
14000
1500 tensor(5.9857, device='cuda:0', grad_fn=<NllLossBackward0>)
15000
1600 tensor(5.6528, device='cuda:0', grad_fn=<NllLossBackward0>)
16000
1700 tensor(5.7602, device='cuda:0', grad_fn=<NllLossBackward0>)
17000
1800 tensor(5.5709, device='cuda:0', grad_fn=<NllLossBackward0>)
18000
1900 tensor(5.6301, device='cuda:0', grad_fn=<NllLossBackward0>)
19000
2000 tensor(5.7465, device='cuda:0', grad_fn=<NllLossBackward0>)
20000
2100 tensor(5.5858, device='cuda:0', grad_fn=<NllLossBackward0>)
21000
2200 tensor(5.7398, device='cuda:0', grad_fn=<NllLossBackward0>)
22000
2300 tensor(5.5739, device='cuda:0', grad_fn=<NllLossBackward0>)
23000
2400 tensor(5.7891, device='cuda:0', grad_fn=<NllLossBackward0>)
24000
2500 tensor(5.3979, device='cuda:0', grad_fn=<NllLossBackward0>)
25000
2600 tensor(5.6079, device='cuda:0', grad_fn=<NllLossBackward0>)
26000
2700 tensor(5.4694, device='cuda:0', grad_fn=<NllLossBackward0>)
27000
2800 tensor(5.4906, device='cuda:0', grad_fn=<NllLossBackward0>)
28000
2900 tensor(5.7360, device='cuda:0', grad_fn=<NllLossBackward0>)
29000
3000 tensor(5.6648, device='cuda:0', grad_fn=<NllLossBackward0>)
30000
3100 tensor(5.4550, device='cuda:0', grad_fn=<NllLossBackward0>)
31000
3200 tensor(5.5493, device='cuda:0', grad_fn=<NllLossBackward0>)
32000
3300 tensor(5.4989, device='cuda:0', grad_fn=<NllLossBackward0>)
33000
3400 tensor(5.4791, device='cuda:0', grad_fn=<NllLossBackward0>)
34000
3500 tensor(5.5922, device='cuda:0', grad_fn=<NllLossBackward0>)
35000
3600 tensor(5.6143, device='cuda:0', grad_fn=<NllLossBackward0>)
36000
3700 tensor(5.6245, device='cuda:0', grad_fn=<NllLossBackward0>)
37000
3800 tensor(5.6404, device='cuda:0', grad_fn=<NllLossBackward0>)
38000
3900 tensor(5.4369, device='cuda:0', grad_fn=<NllLossBackward0>)
39000
4000 tensor(5.6512, device='cuda:0', grad_fn=<NllLossBackward0>)
40000
4100 tensor(5.4947, device='cuda:0', grad_fn=<NllLossBackward0>)
41000
4200 tensor(5.4070, device='cuda:0', grad_fn=<NllLossBackward0>)
42000
4300 tensor(5.2637, device='cuda:0', grad_fn=<NllLossBackward0>)
43000
4400 tensor(5.5091, device='cuda:0', grad_fn=<NllLossBackward0>)
44000
4500 tensor(5.5042, device='cuda:0', grad_fn=<NllLossBackward0>)
45000
4600 tensor(5.4784, device='cuda:0', grad_fn=<NllLossBackward0>)
46000
4700 tensor(5.3096, device='cuda:0', grad_fn=<NllLossBackward0>)
47000
4800 tensor(5.7407, device='cuda:0', grad_fn=<NllLossBackward0>)
48000
4900 tensor(5.4874, device='cuda:0', grad_fn=<NllLossBackward0>)
49000
5000 tensor(5.4813, device='cuda:0', grad_fn=<NllLossBackward0>)
50000
5100 tensor(5.6151, device='cuda:0', grad_fn=<NllLossBackward0>)
51000
5200 tensor(5.4652, device='cuda:0', grad_fn=<NllLossBackward0>)
52000
5300 tensor(5.7041, device='cuda:0', grad_fn=<NllLossBackward0>)
53000
5400 tensor(5.5943, device='cuda:0', grad_fn=<NllLossBackward0>)
54000
5500 tensor(5.5253, device='cuda:0', grad_fn=<NllLossBackward0>)
55000
5600 tensor(5.2634, device='cuda:0', grad_fn=<NllLossBackward0>)
56000
5700 tensor(5.3914, device='cuda:0', grad_fn=<NllLossBackward0>)
57000
5800 tensor(5.4835, device='cuda:0', grad_fn=<NllLossBackward0>)
58000
5900 tensor(5.4290, device='cuda:0', grad_fn=<NllLossBackward0>)
59000
6000 tensor(5.4881, device='cuda:0', grad_fn=<NllLossBackward0>)
60000
6100 tensor(5.3520, device='cuda:0', grad_fn=<NllLossBackward0>)
61000
6200 tensor(5.3854, device='cuda:0', grad_fn=<NllLossBackward0>)
62000
6300 tensor(5.5601, device='cuda:0', grad_fn=<NllLossBackward0>)
63000
6400 tensor(5.3025, device='cuda:0', grad_fn=<NllLossBackward0>)
64000
6500 tensor(5.3010, device='cuda:0', grad_fn=<NllLossBackward0>)
65000
6600 tensor(5.3221, device='cuda:0', grad_fn=<NllLossBackward0>)
66000
6700 tensor(5.3945, device='cuda:0', grad_fn=<NllLossBackward0>)
67000
6800 tensor(5.2509, device='cuda:0', grad_fn=<NllLossBackward0>)
68000
6900 tensor(5.4767, device='cuda:0', grad_fn=<NllLossBackward0>)
69000
7000 tensor(5.5083, device='cuda:0', grad_fn=<NllLossBackward0>)
70000
7100 tensor(5.5266, device='cuda:0', grad_fn=<NllLossBackward0>)
71000
7200 tensor(5.2670, device='cuda:0', grad_fn=<NllLossBackward0>)
72000
7300 tensor(5.3103, device='cuda:0', grad_fn=<NllLossBackward0>)
73000
7400 tensor(5.4863, device='cuda:0', grad_fn=<NllLossBackward0>)
74000
7500 tensor(5.2700, device='cuda:0', grad_fn=<NllLossBackward0>)
7600 tensor(5.3116, device='cuda:0', grad_fn=<NllLossBackward0>)
75000
7700 tensor(5.2636, device='cuda:0', grad_fn=<NllLossBackward0>)
76000
7800 tensor(5.3873, device='cuda:0', grad_fn=<NllLossBackward0>)
77000
7900 tensor(5.3230, device='cuda:0', grad_fn=<NllLossBackward0>)
78000
8000 tensor(5.3560, device='cuda:0', grad_fn=<NllLossBackward0>)
79000
8100 tensor(4.9302, device='cuda:0', grad_fn=<NllLossBackward0>)
80000
8200 tensor(5.4023, device='cuda:0', grad_fn=<NllLossBackward0>)
81000
8300 tensor(5.5185, device='cuda:0', grad_fn=<NllLossBackward0>)
82000
8400 tensor(5.4327, device='cuda:0', grad_fn=<NllLossBackward0>)
83000
8500 tensor(5.2833, device='cuda:0', grad_fn=<NllLossBackward0>)
84000
8600 tensor(5.2445, device='cuda:0', grad_fn=<NllLossBackward0>)
85000
8700 tensor(5.5645, device='cuda:0', grad_fn=<NllLossBackward0>)
86000
8800 tensor(5.4786, device='cuda:0', grad_fn=<NllLossBackward0>)
87000
8900 tensor(5.5328, device='cuda:0', grad_fn=<NllLossBackward0>)
88000
9000 tensor(5.4828, device='cuda:0', grad_fn=<NllLossBackward0>)
89000
9100 tensor(5.4731, device='cuda:0', grad_fn=<NllLossBackward0>)
90000
9200 tensor(5.3773, device='cuda:0', grad_fn=<NllLossBackward0>)
91000
9300 tensor(5.5787, device='cuda:0', grad_fn=<NllLossBackward0>)
92000
9400 tensor(5.3616, device='cuda:0', grad_fn=<NllLossBackward0>)
93000
9500 tensor(5.1018, device='cuda:0', grad_fn=<NllLossBackward0>)
94000
9600 tensor(5.3579, device='cuda:0', grad_fn=<NllLossBackward0>)
95000
9700 tensor(5.1421, device='cuda:0', grad_fn=<NllLossBackward0>)
96000
9800 tensor(5.4230, device='cuda:0', grad_fn=<NllLossBackward0>)
97000
9900 tensor(5.1386, device='cuda:0', grad_fn=<NllLossBackward0>)
98000
10000 tensor(5.4389, device='cuda:0', grad_fn=<NllLossBackward0>)
99000
10100 tensor(5.4342, device='cuda:0', grad_fn=<NllLossBackward0>)
100000
10200 tensor(5.2866, device='cuda:0', grad_fn=<NllLossBackward0>)
101000
10300 tensor(5.4027, device='cuda:0', grad_fn=<NllLossBackward0>)
102000
10400 tensor(5.4081, device='cuda:0', grad_fn=<NllLossBackward0>)
103000
10500 tensor(5.3720, device='cuda:0', grad_fn=<NllLossBackward0>)
104000
10600 tensor(5.5047, device='cuda:0', grad_fn=<NllLossBackward0>)
105000
10700 tensor(5.3374, device='cuda:0', grad_fn=<NllLossBackward0>)
106000
10800 tensor(5.2147, device='cuda:0', grad_fn=<NllLossBackward0>)
107000
10900 tensor(5.3578, device='cuda:0', grad_fn=<NllLossBackward0>)
108000
11000 tensor(5.5004, device='cuda:0', grad_fn=<NllLossBackward0>)
109000
11100 tensor(5.4427, device='cuda:0', grad_fn=<NllLossBackward0>)
110000
11200 tensor(5.2546, device='cuda:0', grad_fn=<NllLossBackward0>)
111000
11300 tensor(5.1242, device='cuda:0', grad_fn=<NllLossBackward0>)
112000
11400 tensor(5.3266, device='cuda:0', grad_fn=<NllLossBackward0>)
113000
11500 tensor(5.4107, device='cuda:0', grad_fn=<NllLossBackward0>)
114000
11600 tensor(5.2242, device='cuda:0', grad_fn=<NllLossBackward0>)
115000
11700 tensor(5.4189, device='cuda:0', grad_fn=<NllLossBackward0>)
116000
11800 tensor(5.4812, device='cuda:0', grad_fn=<NllLossBackward0>)
117000
11900 tensor(5.5100, device='cuda:0', grad_fn=<NllLossBackward0>)
118000
12000 tensor(5.4680, device='cuda:0', grad_fn=<NllLossBackward0>)
119000
12100 tensor(5.4753, device='cuda:0', grad_fn=<NllLossBackward0>)
120000
12200 tensor(5.3741, device='cuda:0', grad_fn=<NllLossBackward0>)
121000
12300 tensor(5.2679, device='cuda:0', grad_fn=<NllLossBackward0>)
122000
12400 tensor(5.4868, device='cuda:0', grad_fn=<NllLossBackward0>)
123000
12500 tensor(5.2248, device='cuda:0', grad_fn=<NllLossBackward0>)
124000
12600 tensor(4.9390, device='cuda:0', grad_fn=<NllLossBackward0>)
125000
12700 tensor(5.2555, device='cuda:0', grad_fn=<NllLossBackward0>)
/home/gedin/.local/lib/python3.10/site-packages/torch/autograd/__init__.py:200: UserWarning: Error detected in LogBackward0. Traceback of forward call that caused the error:
  File "/usr/lib/python3.10/runpy.py", line 196, in _run_module_as_main
    return _run_code(code, main_globals, None,
  File "/usr/lib/python3.10/runpy.py", line 86, in _run_code
    exec(code, run_globals)
  File "/home/gedin/.local/lib/python3.10/site-packages/ipykernel_launcher.py", line 17, in <module>
    app.launch_new_instance()
  File "/home/gedin/.local/lib/python3.10/site-packages/traitlets/config/application.py", line 1043, in launch_instance
    app.start()
  File "/home/gedin/.local/lib/python3.10/site-packages/ipykernel/kernelapp.py", line 725, in start
    self.io_loop.start()
  File "/home/gedin/.local/lib/python3.10/site-packages/tornado/platform/asyncio.py", line 195, in start
    self.asyncio_loop.run_forever()
  File "/usr/lib/python3.10/asyncio/base_events.py", line 600, in run_forever
    self._run_once()
  File "/usr/lib/python3.10/asyncio/base_events.py", line 1896, in _run_once
    handle._run()
  File "/usr/lib/python3.10/asyncio/events.py", line 80, in _run
    self._context.run(self._callback, *self._args)
  File "/home/gedin/.local/lib/python3.10/site-packages/ipykernel/kernelbase.py", line 513, in dispatch_queue
    await self.process_one()
  File "/home/gedin/.local/lib/python3.10/site-packages/ipykernel/kernelbase.py", line 502, in process_one
    await dispatch(*args)
  File "/home/gedin/.local/lib/python3.10/site-packages/ipykernel/kernelbase.py", line 409, in dispatch_shell
    await result
  File "/home/gedin/.local/lib/python3.10/site-packages/ipykernel/kernelbase.py", line 729, in execute_request
    reply_content = await reply_content
  File "/home/gedin/.local/lib/python3.10/site-packages/ipykernel/ipkernel.py", line 422, in do_execute
    res = shell.run_cell(
  File "/home/gedin/.local/lib/python3.10/site-packages/ipykernel/zmqshell.py", line 540, in run_cell
    return super().run_cell(*args, **kwargs)
  File "/home/gedin/.local/lib/python3.10/site-packages/IPython/core/interactiveshell.py", line 3009, in run_cell
    result = self._run_cell(
  File "/home/gedin/.local/lib/python3.10/site-packages/IPython/core/interactiveshell.py", line 3064, in _run_cell
    result = runner(coro)
  File "/home/gedin/.local/lib/python3.10/site-packages/IPython/core/async_helpers.py", line 129, in _pseudo_sync_runner
    coro.send(None)
  File "/home/gedin/.local/lib/python3.10/site-packages/IPython/core/interactiveshell.py", line 3269, in run_cell_async
    has_raised = await self.run_ast_nodes(code_ast.body, cell_name,
  File "/home/gedin/.local/lib/python3.10/site-packages/IPython/core/interactiveshell.py", line 3448, in run_ast_nodes
    if await self.run_code(code, result, async_=asy):
  File "/home/gedin/.local/lib/python3.10/site-packages/IPython/core/interactiveshell.py", line 3508, in run_code
    exec(code_obj, self.user_global_ns, self.user_ns)
  File "/tmp/ipykernel_30815/3845719666.py", line 13, in <module>
    loss = criterion(torch.log(ypredicted), x) #x is to_predict
 (Triggered internally at ../torch/csrc/autograd/python_anomaly_mode.cpp:114.)
  Variable._execution_engine.run_backward(  # Calls into the C++ engine to run the backward pass
---------------------------------------------------------------------------
RuntimeError                              Traceback (most recent call last)
Cell In[14], line 19
     17        if step % 10000 == 0:
     18                 torch.save(model.state_dict(), f'model-tri-2following-embed=200steps-{step}.bin')    
---> 19        loss.backward()
     20        optimizer.step()
     21 #     torch.save(model.state_dict(), f'model-tri-2following-{i}.bin')    

File ~/.local/lib/python3.10/site-packages/torch/_tensor.py:487, in Tensor.backward(self, gradient, retain_graph, create_graph, inputs)
    477 if has_torch_function_unary(self):
    478     return handle_torch_function(
    479         Tensor.backward,
    480         (self,),
   (...)
    485         inputs=inputs,
    486     )
--> 487 torch.autograd.backward(
    488     self, gradient, retain_graph, create_graph, inputs=inputs
    489 )

File ~/.local/lib/python3.10/site-packages/torch/autograd/__init__.py:200, in backward(tensors, grad_tensors, retain_graph, create_graph, grad_variables, inputs)
    195     retain_graph = create_graph
    197 # The reason we repeat same the comment below is that
    198 # some Python versions print out the first line of a multi-line function
    199 # calls in the traceback and some print out the last line
--> 200 Variable._execution_engine.run_backward(  # Calls into the C++ engine to run the backward pass
    201     tensors, grad_tensors_, retain_graph, create_graph, inputs,
    202     allow_unreachable=True, accumulate_grad=True)

RuntimeError: Function 'LogBackward0' returned nan values in its 0th output.
torch.save(model.state_dict(),'model-tri-2following-embed=300.bin')
a = results[5]
print(a)
{'is': 0.11248013377189636, 'be': 0.0887126550078392, 'are': 0.05770659074187279, 'was': 0.04821299761533737, 'and': 0.031015213578939438, '<unk>': 0.02695723995566368, 'been': 0.016298962756991386, 'Is': 0.01539035513997078, 'not': 0.015107596293091774, 'were': 0.014968073926866055}
b={'is': 0.2, 'the': 0.2, '<unk>': 0.4}
b={'is': 0.2, 'the': 0.2}
results_summ = summarize_probs_unk(b, const_wildcard = False)
print(results_summ)
[('is', 0.25), ('the', 0.25), ('<unk>', 0.5)]
print(b)
{'is': 0.495, 'the': 0.495}
def get_first_word(text):
    """Return the first word of a string."""
    word = ""
    for i in range(len(text)-1):
#         if text[i] in [' ', ',', '.']
        if text[i] == ' ':
            return word.rstrip()
        else:
            word += text[i]
    return word.rstrip()

def get_values_from_model(context: list, model, vocab, k=10):
    words = [vocab.forward([word]) for word in context]
    ixs =  torch.tensor(words).to(device)
    out = model(ixs)
    top = torch.topk(out[0], k)
    top_indices = top.indices.tolist()
    top_probs = top.values.tolist()
    top_words = vocab.lookup_tokens(top_indices)
    return list(zip(top_words, top_probs))

def summarize_probs_unk(dic, const_wildcard=True):
    ''' 
    dic: dictionary of probabilities returned by model 
    returns: tab of probabilities, with <unk> specificly as last element
    '''
    if const_wildcard:  
        if '<unk>' in dic.keys():
            del dic['<unk>']
        probsum = sum(float(val) for key, val in dic.items())
        for key in dic:
            dic[key] = dic[key]/(probsum*(1+params['wildcard_minweight'])) ###leave some space for wildcard
        tab = [(key, val) for key, val in dic.items()]
        tab.append(('<unk>', 1-sum([val for val in dic.values()])))
    elif '<unk>' not in dic.keys():
        tab = [(key, val) for key, val in dic.items()]
        tab.append(('<unk>', 1-sum([val for val in dic.values()])))
    else:
        wildcard_value = dic['<unk>']
        del dic['<unk>']
        probsum = sum([float(val) for key, val in dic.items()])
        for key in dic:
            dic[key] = dic[key]/(probsum+wildcard_value)
        tab = [(key, val) for key, val in dic.items()]
        tab.append(('<unk>', 1-sum([val for val in dic.values()])))
    return tab

def gonito_format(dic, const_wildcard = True):
    tab = summarize_probs_unk(dic=dic, const_wildcard=const_wildcard)
    result = ''
    for element in tab[:-1]:
        result+=str(element[0])+':'+str(element[1])+'\t'
    result += ':'+ str(tab[-1][1]) + '\n'
    return result

ixs = torch.tensor([vocab.forward(['States']), vocab.forward(['of'])]).to(device)

out = model(ixs)
top = torch.topk(out[0], 10)
top_indices = top.indices.tolist()
top_probs = top.values.tolist()
top_words = vocab.lookup_tokens(top_indices)
list(zip(top_words, top_indices, top_probs))
/tmp/ipykernel_30815/606935597.py:22: UserWarning: Implicit dimension choice for softmax has been deprecated. Change the call to include dim=X as an argument.
  out = self.softmax(concated)
[('the', 1, 0.28959694504737854),
 ('<unk>', 0, 0.2600848376750946),
 ('United', 157, 0.24865739047527313),
 ('loyal', 3181, 0.011600562371313572),
 ('ed', 193, 0.009287656284868717),
 ('other', 59, 0.009135955013334751),
 ('of', 2, 0.00894735287874937),
 ('Southern', 853, 0.007434409577399492),
 ('tho', 33, 0.00726652005687356),
 ('The', 17, 0.006302454508841038)]
model.load_state_dict(torch.load(f'model-tri-2following-final.bin'))
---------------------------------------------------------------------------
NameError                                 Traceback (most recent call last)
Cell In[3], line 1
----> 1 model.load_state_dict(torch.load(f'model-tri-2following-final.bin'))

NameError: name 'model' is not defined
with lzma.open(test_file, 'rt') as file:
    predict_words = []
    results = []
    for line in file:
        line = replace_endline(line) #get only relevant
        line = line.split('\t')[6:]
        context = line[1].rstrip().split(" ")[:2] #two words from the left context
        predict_words.append(context) #get_first_word(split[1cd 
    vocab = train_dataset.vocab
    for context_words in predict_words:
        predicted_distribution = get_values_from_model(context_words, model, vocab, k=10)
        distribution_as_dict = dict(predicted_distribution)
#         print(distribution_as_dict)
        results.append(distribution_as_dict)
/tmp/ipykernel_30815/606935597.py:22: UserWarning: Implicit dimension choice for softmax has been deprecated. Change the call to include dim=X as an argument.
  out = self.softmax(concated)
[{'<unk>': 0.22333872318267822, 'the': 0.04290543496608734, 'of': 0.038316406309604645, 'to': 0.03587133809924126, 'and': 0.03049224615097046, 'in': 0.015468255616724491, 'was': 0.012148280628025532, 'a': 0.011980442330241203, 'be': 0.011976692825555801, 'is': 0.010855000466108322}, {'<unk>': 0.21075238287448883, 'hundred': 0.0673641711473465, 'dred': 0.005059292074292898, 'eight': 0.004337533377110958, 'degrees': 0.0038635244127362967, 'due': 0.003796575590968132, 'dollars': 0.003567937295883894, 'long': 0.003466016612946987, 'north': 0.003463953034952283, 'men': 0.00341203180141747}, {'a': 0.16613157093524933, 'the': 0.15993879735469818, '<unk>': 0.0938526839017868, 'this': 0.019656965509057045, 'other': 0.01839813031256199, 'of': 0.015854211524128914, 'and': 0.014281678013503551, 'his': 0.012650839053094387, 'The': 0.01190563477575779, 'tho': 0.010437354445457458}, {'<unk>': 0.11687463521957397, 'it': 0.049038924276828766, 'they': 0.03917419910430908, 'and': 0.03811464458703995, 'which': 0.03098314255475998, 'he': 0.028336884453892708, 'you': 0.024328071624040604, 'It': 0.022830305621027946, 'I': 0.021094566211104393, 'who': 0.02095915377140045}, {'<unk>': 0.09226696193218231, 'able': 0.015251555480062962, 'and': 0.012043489143252373, 'order': 0.011638428084552288, 'enough': 0.010548103600740433, 'is': 0.009963924996554852, 'right': 0.009118305519223213, 'him': 0.008917313069105148, 'attempt': 0.007974582724273205, 'was': 0.007815857417881489}, {'is': 0.11511300504207611, 'be': 0.08824419230222702, 'are': 0.05649878457188606, 'was': 0.04927655681967735, 'and': 0.03056171163916588, '<unk>': 0.02702254056930542, 'been': 0.016901914030313492, 'Is': 0.016430748626589775, 'not': 0.015687286853790283, 'were': 0.01444857195019722}, {'<unk>': 0.1327797919511795, 'and': 0.024617979303002357, 'was': 0.00857674703001976, 'held': 0.007952810265123844, 'look': 0.006116086151450872, 'is': 0.005847071297466755, 'Beginning': 0.0056276749819517136, 'arrived': 0.005414668470621109, 'that': 0.005328293424099684, 'thereon': 0.005003671627491713}, {'<unk>': 0.10696937143802643, 'and': 0.05472623184323311, 'of': 0.04754647985100746, 'is': 0.018190041184425354, 'are': 0.01705046370625496, 'after': 0.016676705330610275, 'it': 0.016619550064206123, 'in': 0.013238836079835892, 'that': 0.009560071863234043, 'the': 0.009014944545924664}, {'of': 0.20836004614830017, 'in': 0.09059623628854752, '<unk>': 0.07429423183202744, 'and': 0.06032003462314606, 'to': 0.046535905450582504, 'with': 0.0423453189432621, 'for': 0.038104332983493805, 'that': 0.024313272908329964, 'In': 0.019720906391739845, 'on': 0.018904248252511024}, {'<unk>': 0.1407906711101532, 'and': 0.08648557215929031, 'that': 0.06921716779470444, 'as': 0.06733249872922897, 'but': 0.02099286951124668, 'even': 0.017272774130105972, 'But': 0.01066331472247839, 'or': 0.010613738559186459, 'and,': 0.009398640133440495, 'And': 0.009269009344279766}, {'<unk>': 0.2627038061618805, 'the': 0.060708094388246536, 'of': 0.036793846637010574, 'and': 0.029553795233368874, 'a': 0.021964464336633682, 'to': 0.015695985406637192, 'in': 0.010639042593538761, 'at': 0.0073963068425655365, '.': 0.006468658801168203, '<s>': 0.006342368200421333}, {'the': 0.4618034064769745, 'a': 0.07617291063070297, 'be-': 0.03713545948266983, '<unk>': 0.03308023884892464, 'The': 0.029952576383948326, 'tho': 0.024199577048420906, 'be¬': 0.012612164951860905, 'no': 0.010983242653310299, 'and': 0.010637091472744942, 'be\xad': 0.009932301007211208}, {'<unk>': 0.11150252819061279, 'of': 0.042597446590662, 'and': 0.02449633926153183, 'to': 0.018879158422350883, 'the': 0.01835102029144764, 'for': 0.012080149725079536, 'a': 0.010379815474152565, 'in': 0.01028379611670971, 'be': 0.009574895724654198, 'was': 0.007363500073552132}, {'<unk>': 0.20835958421230316, '<s>': 0.014537888579070568, 'and': 0.011784338392317295, 'made': 0.005978980101644993, 'was': 0.005651533603668213, 'recorded': 0.004739651456475258, 'that': 0.004241344518959522, 'be': 0.003857344388961792, 'is': 0.0036198573652654886, 'placed': 0.0035222468432039022}, {'to': 0.2214805781841278, 'and': 0.05094548314809799, '<unk>': 0.042482953518629074, 'we': 0.042465101927518845, 'I': 0.03351859003305435, 'will': 0.031639572232961655, 'not': 0.03125987946987152, 'would': 0.02364269085228443, 'they': 0.018556812778115273, 'you': 0.01713520474731922}, {'<unk>': 0.23146259784698486, 'and': 0.021180296316742897, 'of': 0.014936191029846668, 'to': 0.013211317360401154, 'the': 0.011549517512321472, '<s>': 0.0063598062843084335, 'a': 0.006266749929636717, 'his': 0.005807745270431042, 'in': 0.005254070274531841, 'at': 0.00491053843870759}, {'of': 0.15778660774230957, '<unk>': 0.09474023431539536, 'to': 0.060130488127470016, 'and': 0.0411783792078495, 'for': 0.027365759015083313, 'with': 0.026851307600736618, 'by': 0.0247786957770586, 'that': 0.01456021424382925, 'a': 0.014512889087200165, 'from': 0.013957730494439602}, {'<unk>': 0.153826504945755, 'and': 0.01779167912900448, 'them': 0.007542381528764963, 'put': 0.007432775106281042, 'out': 0.006674687843769789, 'work': 0.005296988412737846, 'was': 0.005275645758956671, 'carry': 0.005257096607238054, 'that': 0.004899365361779928, 'it': 0.004891034681349993}, {'<unk>': 0.21511124074459076, 'of': 0.04556671157479286, 'and': 0.024301134049892426, 'in': 0.014269850216805935, 'to': 0.013811415992677212, 'that': 0.010617067106068134, 'on': 0.009551281109452248, 'for': 0.008698469959199429, 'things': 0.00600464316084981, 'by': 0.004462456330657005}, {'<unk>': 0.2627038061618805, 'the': 0.060708094388246536, 'of': 0.036793846637010574, 'and': 0.029553795233368874, 'a': 0.021964464336633682, 'to': 0.015695985406637192, 'in': 0.010639042593538761, 'at': 0.0073963068425655365, '.': 0.006468658801168203, '<s>': 0.006342368200421333}, {'<unk>': 0.2137608826160431, 'and': 0.03420325741171837, 'of': 0.026632975786924362, 'as': 0.015281828120350838, 'that': 0.014173726551234722, 'all': 0.01293349638581276, 'but': 0.011043060570955276, 'for': 0.010435784235596657, 'so': 0.007831132970750332, 'fact': 0.005383650306612253}, {'to': 0.21688184142112732, 'will': 0.11243939399719238, 'not': 0.05901087448000908, 'may': 0.038121771067380905, 'the': 0.03546403348445892, 'and': 0.03337235003709793, 'shall': 0.03245922178030014, '<unk>': 0.03185460343956947, 'a': 0.029422687366604805, 'would': 0.029093723744153976}, {'<unk>': 0.09543072432279587, 'with-': 0.01749255880713463, 'and': 0.016958490014076233, 'find': 0.01670389249920845, 'pointed': 0.014505373314023018, 'carry': 0.012778980657458305, 'go': 0.012505585327744484, 'taken': 0.010809807106852531, 'get': 0.010587628930807114, 'come': 0.010311534628272057}, {'<unk>': 0.19435767829418182, 'and': 0.011447369121015072, 'as': 0.009315592236816883, 'went': 0.006825866177678108, 'him': 0.00656928401440382, 'them': 0.00550707895308733, 'up': 0.005280894692987204, 'is': 0.005211804993450642, 'able': 0.0050199986435472965, 'go': 0.004996961914002895}, {'<unk>': 0.2349490374326706, 'and': 0.02566382847726345, 'to': 0.016682205721735954, 'will': 0.012654948979616165, 'not': 0.010987816378474236, 'I': 0.010471819899976254, 'the': 0.010222157463431358, 'would': 0.00841697957366705, 'he': 0.007742380723357201, 'is': 0.007085733115673065}, {'of': 0.18639788031578064, '<unk>': 0.08190521597862244, 'to': 0.05711210146546364, 'in': 0.056451402604579926, 'and': 0.03365849703550339, 'on': 0.030336424708366394, 'by': 0.02989782951772213, 'for': 0.02898428961634636, 'with': 0.022200822830200195, 'that': 0.02205679938197136}, {'the': 0.22700978815555573, 'of': 0.08291079103946686, '<unk>': 0.0696745291352272, 'a': 0.057839397341012955, 'and': 0.03251868113875389, 'by': 0.029356244951486588, 'for': 0.02723454125225544, 'to': 0.020866040140390396, 'The': 0.01324895117431879, 'their': 0.01050820853561163}, {'<unk>': 0.2093510776758194, 'and': 0.017766309902071953, 'it': 0.017628418281674385, 'to': 0.011019784025847912, 'that': 0.00878529530018568, 'is': 0.00811536330729723, 'It': 0.006203165743499994, 'of': 0.005397103726863861, 'which': 0.00527550233528018, 'was': 0.0052408091723918915}, {'the': 0.1448695808649063, 'of': 0.12381888180971146, '<unk>': 0.06354980170726776, 'his': 0.02314835786819458, 'to': 0.023146068677306175, 'in': 0.022248776629567146, 'their': 0.02190326154232025, 'good': 0.021138714626431465, 'public': 0.01731843315064907, 'for': 0.01596975512802601}, {'<unk>': 0.10086608678102493, 'was': 0.014179660938680172, 'and': 0.011706585064530373, 'looked': 0.011435654014348984, 'held': 0.011394278146326542, 'arrived': 0.010205651633441448, 'presided': 0.007968415506184101, 'laughed': 0.007675629574805498, 'called': 0.006654257886111736, 'be': 0.00631422083824873}, {'<unk>': 0.16595689952373505, 'to': 0.026783792302012444, 'the': 0.026740582659840584, 'of': 0.021110257133841515, 'and': 0.016586044803261757, 'in': 0.009475589729845524, 'be': 0.007946169003844261, 'was': 0.006941476371139288, 'that': 0.0063302223570644855, 'a': 0.005784955341368914}, {'<unk>': 0.10322562605142593, 'we': 0.047937992960214615, 'I': 0.03349553421139717, 'and': 0.028309199959039688, 'they': 0.02772800624370575, 'he': 0.026365092024207115, 'which': 0.02500963769853115, 'who': 0.02432396449148655, 'it': 0.02241417020559311, 'that': 0.011394820176064968}, {'the': 0.2530023157596588, 'a': 0.10176271200180054, '<unk>': 0.08845433592796326, 'at': 0.041515082120895386, 'of': 0.03245680034160614, 'The': 0.0314832367002964, 'for': 0.02129232883453369, 'an': 0.020840294659137726, 'and': 0.01785355433821678, 'tho': 0.013970787636935711}, {'<unk>': 0.1552576869726181, 'the': 0.048198092728853226, 'of': 0.028564373031258583, 'and': 0.023097002878785133, 'to': 0.022242017090320587, 'in': 0.007789774797856808, 'for': 0.0077826837077736855, 'be': 0.007046535145491362, 'is': 0.00605395482853055, 'a': 0.005664240103214979}, {'<unk>': 0.2811985909938812, 'and': 0.0038096015341579914, 'men': 0.0031136798206716776, 'in': 0.003024699166417122, ';': 0.002690844004973769, 'to': 0.002255685394629836, 'there': 0.0022502816282212734, 'man': 0.0021516899578273296, 'time': 0.0020753047429025173, '': 0.002062465064227581}, {'<unk>': 0.13334812223911285, 'of': 0.08560147881507874, 'and': 0.056608375161886215, 'or': 0.0464644655585289, 'the': 0.03345730900764465, 'about': 0.0241240207105875, 'to': 0.022067740559577942, 'for': 0.019864672794938087, 'by': 0.015989569947123528, 'in': 0.012961748987436295}, {'<unk>': 0.15090197324752808, 'and': 0.028511079028248787, 'to': 0.02640763856470585, 'of': 0.024458639323711395, 'the': 0.020212605595588684, 'was': 0.013200847432017326, 'be': 0.01264059729874134, 'for': 0.011889615096151829, 'in': 0.009505866095423698, 'is': 0.00942089594900608}, {'<unk>': 0.2958369553089142, 'feet;': 0.08044090121984482, ';': 0.02983943000435829, 'feet,': 0.029169786721467972, 'running': 0.02876182273030281, '2;': 0.026335008442401886, '3;': 0.02302425168454647, '5;': 0.020926974713802338, '4;': 0.02011979930102825, 'feet:': 0.018075475469231606}, {'<unk>': 0.1584177315235138, 'No.': 0.08424711972475052, 'and': 0.05144903436303139, 'the': 0.038102131336927414, 'section': 0.030560946092009544, 'Section': 0.02335219830274582, 'Book': 0.018578067421913147, 'lot': 0.01393901091068983, '.': 0.011827166192233562, 'of': 0.011415652930736542}, {'of': 0.11761322617530823, '<unk>': 0.07540010660886765, 'in': 0.07077375054359436, 'and': 0.057942427694797516, 'by': 0.05039125680923462, 'for': 0.03406035527586937, 'In': 0.027113260701298714, 'are': 0.026015564799308777, 'is': 0.018230849876999855, 'with': 0.014756410382688046}, {'<unk>': 0.19916553795337677, 'the': 0.07090885937213898, 'of': 0.03878570720553398, 'and': 0.026194265112280846, 'a': 0.02108762413263321, 'to': 0.018788030371069908, 'in': 0.017393428832292557, 'be': 0.008278656750917435, 'for': 0.006737950257956982, 'was': 0.0067204381339251995}, {'this': 0.2805272340774536, 'the': 0.26955896615982056, 'said': 0.07197678089141846, '<unk>': 0.05247585102915764, 'that': 0.02539687231183052, 'York': 0.021105779334902763, 'a': 0.015501136891543865, 'tho': 0.013333857990801334, 'The': 0.013328607194125652, 'of': 0.012415573932230473}, {'the': 0.15293720364570618, 'of': 0.08826734870672226, '<unk>': 0.06351207941770554, 'and': 0.04176100715994835, 'live': 0.03349549323320389, 'a': 0.02991774119436741, 'The': 0.023885784670710564, 'capital': 0.013669596053659916, 'tho': 0.013321874663233757, 'his': 0.012635689228773117}, {'to': 0.4478341341018677, '<unk>': 0.06887559592723846, 'and': 0.04334395006299019, 'not': 0.0355389229953289, 'will': 0.029719946905970573, 'would': 0.019348537549376488, 'they': 0.014547325670719147, 'may': 0.013506502844393253, 'shall': 0.01072483230382204, 'the': 0.010310418903827667}, {'<unk>': 0.19079641997814178, 'the': 0.06604263931512833, 'and': 0.0405050665140152, 'of': 0.028105024248361588, 'a': 0.018237678334116936, 'was': 0.0177164189517498, 'be': 0.01570487953722477, 'Mr.': 0.011061737313866615, 'The': 0.010664232075214386, 'is': 0.010502614080905914}, {'the': 0.12414415180683136, '<unk>': 0.07357737421989441, 'an': 0.06351612508296967, 'any': 0.036189284175634384, 'that': 0.0244316253811121, 'last': 0.021560126915574074, 'such': 0.01905794069170952, 'and': 0.01793791726231575, 'a': 0.017535587772727013, 'of': 0.016196707263588905}, {'<unk>': 0.16636979579925537, 'the': 0.07424440234899521, 'of': 0.031639352440834045, 'The': 0.031398020684719086, 'Mr.': 0.029782554134726524, 'and': 0.019942330196499825, 'that': 0.019061796367168427, 'a': 0.01213876623660326, 'Mrs.': 0.009736793115735054, 'his': 0.007111952640116215}, {'of': 0.2650444209575653, 'in': 0.07592297345399857, 'to': 0.06257907301187515, 'for': 0.04815496876835823, 'by': 0.0364488810300827, '<unk>': 0.03624077886343002, 'at': 0.03106565587222576, 'with': 0.02742449752986431, 'from': 0.0269857719540596, 'In': 0.020415468141436577}, {'<unk>': 0.09690776467323303, 'and': 0.015597463585436344, 'necessary': 0.01436231005936861, 'is': 0.014166467823088169, 'as': 0.01257582101970911, 'enough': 0.011679481714963913, 'able': 0.011601371690630913, 'order': 0.010675780475139618, 'have': 0.009222178719937801, 'was': 0.00919886864721775}, {'<unk>': 0.13388632237911224, 'the': 0.07657106220722198, 'of': 0.046360649168491364, 'and': 0.03315750136971474, 'to': 0.024125175550580025, 'a': 0.02000236138701439, 'in': 0.01346728764474392, 'be': 0.012692473828792572, 'was': 0.010378892533481121, 'is': 0.009564382024109364}, {'It': 0.2023593932390213, 'it': 0.1580650955438614, '<unk>': 0.08693230152130127, 'which': 0.06967539340257645, 'there': 0.04238494113087654, 'that': 0.02560305781662464, 'he': 0.02346610277891159, 'There': 0.02172955684363842, 'and': 0.017989816144108772, 'who': 0.015684504061937332}, {'<unk>': 0.12309729307889938, 'to': 0.06693068891763687, 'and': 0.037865594029426575, 'in': 0.019001852720975876, 'of': 0.014264767989516258, 'know': 0.01425018347799778, 'that': 0.012781950645148754, 'or': 0.012018205597996712, 'question': 0.011336366645991802, 'determine': 0.01034859474748373}, {'<unk>': 0.16459277272224426, 'one': 0.01960723102092743, 'part': 0.01937238499522209, 'some': 0.012009568512439728, 'out': 0.00936990324407816, 'members': 0.006722881458699703, 'and': 0.005733037833124399, 'tion': 0.005703493487089872, 'side': 0.0055899848230183125, 'portion': 0.005201635882258415}, {'the': 0.5587978959083557, '<unk>': 0.056747399270534515, 'a': 0.05188652500510216, 'his': 0.022821972146630287, 'tho': 0.019640790298581123, 'The': 0.017851518467068672, 'of': 0.01729748211801052, 'and': 0.015954583883285522, 'said': 0.012346330098807812, 'this': 0.012271452695131302}, {'of': 0.20458759367465973, 'to': 0.07442232966423035, 'in': 0.06207741051912308, '<unk>': 0.050878193229436874, 'on': 0.03592154011130333, 'by': 0.03302523493766785, 'and': 0.03274650126695633, 'for': 0.0324152372777462, 'that': 0.02703711949288845, 'from': 0.02594793401658535}, {'the': 0.6219492554664612, 'a': 0.04427891969680786, 'The': 0.041617970913648605, '<unk>': 0.037857986986637115, 'of': 0.03687625378370285, 'tho': 0.028705911710858345, 'and': 0.010256663896143436, 'in': 0.008192397654056549, 'tbe': 0.007718721870332956, 'by': 0.00531271006911993}, {'<unk>': 0.08993969857692719, 'the': 0.06810890138149261, 'a': 0.06206537038087845, 'of': 0.034445617347955704, 'and': 0.031003830954432487, 'to': 0.028768161311745644, 'from': 0.019300518557429314, 'is': 0.018910136073827744, 'are': 0.016878407448530197, 'electric': 0.014177226461470127}, {'<unk>': 0.18855883181095123, 'to': 0.04066105931997299, 'and': 0.035258661955595016, 'the': 0.024452824145555496, 'of': 0.020135903730988503, 'not': 0.015071392990648746, 'in': 0.015021132305264473, 'I': 0.009083894081413746, 'a': 0.007654462940990925, 'or': 0.007527998648583889}, {'<unk>': 0.16636979579925537, 'the': 0.07424440234899521, 'of': 0.031639352440834045, 'The': 0.031398020684719086, 'Mr.': 0.029782554134726524, 'and': 0.019942330196499825, 'that': 0.019061796367168427, 'a': 0.01213876623660326, 'Mrs.': 0.009736793115735054, 'his': 0.007111952640116215}, {'<unk>': 0.1273660808801651, 'one': 0.026916934177279472, 'part': 0.01550621259957552, 'out': 0.012488282285630703, 'some': 0.008507400751113892, 'members': 0.008122355677187443, 'side': 0.008007538504898548, 'portion': 0.0057683284394443035, 'office': 0.00534091517329216, 'end': 0.005275852978229523}, {'<unk>': 0.09255300462245941, 'and': 0.018078381195664406, 'as': 0.013416668400168419, 'able': 0.011580395512282848, 'order': 0.01084372028708458, 'began': 0.009791013784706593, 'enough': 0.009761173278093338, 'time': 0.008410961367189884, 'right': 0.006645579356700182, 'desire': 0.006200398318469524}, {'<unk>': 0.23499979078769684, 'I': 0.08796831220388412, 'he': 0.0356081947684288, 'they': 0.034290798008441925, 'and': 0.023758266121149063, 'we': 0.022871745750308037, 'that': 0.014736046083271503, 'it': 0.014676817692816257, 'We': 0.012473245151340961, 'who': 0.011135317385196686}, {'the': 0.2615965008735657, '<unk>': 0.08843378722667694, 'court': 0.08022492378950119, 'a': 0.05075463652610779, 'The': 0.021291088312864304, 'his': 0.01969745382666588, 'school': 0.018414979800581932, 'tho': 0.014739091508090496, 'clearing': 0.013796720653772354, 'dwelling': 0.00967891700565815}, {'the': 0.05515838414430618, '<unk>': 0.049362342804670334, 'a': 0.045221809297800064, 'was': 0.03969758749008179, 'is': 0.036361709237098694, 'are': 0.028332088142633438, 'be': 0.021571312099695206, 'and': 0.021194377914071083, 'were': 0.020839329808950424, 'been': 0.014942698180675507}, {'<unk>': 0.41779717803001404, 'his': 0.055066924542188644, 'the': 0.04845258593559265, 'her': 0.03529108688235283, 'John-': 0.028980758041143417, 'Jack-': 0.021150827407836914, 'sea-': 0.020473448559641838, 'of': 0.016892939805984497, 'their': 0.015144322998821735, 'per-': 0.014349921606481075}, {'<unk>': 0.14123116433620453, 'and': 0.08508452028036118, 'that': 0.03139442950487137, 'but': 0.027639800682663918, 'But': 0.01148972287774086, 'time': 0.009631537832319736, 'And': 0.008882002905011177, 'or': 0.006277700420469046, 'even': 0.006170748732984066, 'ago,': 0.004611112643033266}, {'<unk>': 0.15313118696212769, 'and': 0.03815886005759239, 'the': 0.02815636619925499, 'a': 0.016214614734053612, 'of': 0.013509503565728664, 'to': 0.011384996585547924, 'in': 0.011384604498744011, 'I': 0.00919684860855341, 'will': 0.008166464976966381, 'for': 0.006106128450483084}, {'the': 0.17217190563678741, 'this': 0.07584196329116821, '<unk>': 0.05829581618309021, 'a': 0.04550384730100632, 'any': 0.02100536786019802, 'his': 0.018010130152106285, 'good': 0.016632571816444397, 'no': 0.016003739088773727, 'same': 0.015403805300593376, 'in': 0.014960847795009613}, {'a': 0.15352678298950195, 'the': 0.15181739628314972, '<unk>': 0.060553211718797684, 'his': 0.04563713073730469, 'and': 0.03399541229009628, 'The': 0.0231952928006649, 'her': 0.017882507294416428, 'my': 0.013166196644306183, 'their': 0.012191245332360268, 'no': 0.012006066739559174}, {'<unk>': 0.08599492162466049, 'and': 0.02511093206703663, 'according': 0.016413647681474686, 'as': 0.012819021008908749, 'went': 0.011031052097678185, 'go': 0.010524680837988853, 'subject': 0.01033820677548647, 'them': 0.007004676852375269, 'or': 0.006527750287204981, 'addition': 0.005618991795927286}, {'<unk>': 0.179456427693367, 'up': 0.006148810964077711, 'in': 0.0031821741722524166, 'him': 0.002734625246375799, 'them,': 0.0025135648902505636, ';': 0.0024639256298542023, 'time': 0.0024632164277136326, 'it,': 0.002309486735612154, 'out': 0.0020205711480230093, 'down': 0.0019974440801888704}, {'<unk>': 0.08554667234420776, 'and': 0.0736304298043251, 'was': 0.06480255722999573, 'is': 0.059190716594457626, 'are': 0.042718589305877686, 'be': 0.02023109421133995, 'were': 0.019197452813386917, 'been': 0.018038803711533546, 'not': 0.017732709646224976, 'or': 0.017340250313282013}, {'<unk>': 0.1688309609889984, 'and': 0.02006111852824688, 'that': 0.007770112715661526, 'was': 0.00709958840161562, 'made': 0.005767476744949818, 'is': 0.005590095184743404, 'as': 0.004862690344452858, 'it': 0.0046456195414066315, 'up': 0.004455664660781622, "o'clock": 0.004236712586134672}, {'not': 0.2605684995651245, 'has': 0.11688710749149323, '<unk>': 0.08176139742136002, 'have': 0.07797925919294357, 'had': 0.046040892601013184, 'as': 0.0446464940905571, 'and': 0.03977198898792267, 'is': 0.020715106278657913, 'which': 0.013691405765712261, 'it': 0.011899206787347794}, {'the': 0.17105141282081604, '<unk>': 0.10605166852474213, 'said': 0.0995902493596077, 'of': 0.021969184279441833, 'a': 0.021848417818546295, 'this': 0.015864653512835503, 'his': 0.013750908896327019, 'tho': 0.009714529849588871, 'in': 0.006580637767910957, 'an': 0.006177004426717758}, {'<unk>': 0.1642853021621704, 'and': 0.06527991592884064, 'the': 0.019977740943431854, 'I': 0.012722053565084934, 'was': 0.01182668935507536, 'had': 0.008691038005053997, 'is': 0.00866643711924553, 'he': 0.008282666094601154, 'have': 0.007593042217195034, 'of': 0.007095601875334978}, {'<unk>': 0.12305183708667755, 'virtue': 0.013736439868807793, 'out': 0.011897969990968704, 'part': 0.007474182173609734, 'one': 0.00636790506541729, 'quarter': 0.005797136574983597, 'favor': 0.004433568567037582, 'result': 0.004207964986562729, 'that': 0.004180330317467451, 'guilty': 0.004170230124145746}, {'the': 0.11358048021793365, 'our': 0.07933776825666428, 'their': 0.06890609115362167, '<unk>': 0.054550476372241974, 'of': 0.0532047338783741, 'and': 0.043392911553382874, 'his': 0.03271344304084778, 'in': 0.02565833181142807, 'fellow': 0.013195527717471123, 'its': 0.013151085935533047}, {'<unk>': 0.23009847104549408, 'one': 0.015031878836452961, 'on': 0.005045732017606497, 'receipt,': 0.0050370884127914906, 'two': 0.004681880120187998, 'person': 0.003189430106431246, 'law': 0.003014675108715892, 'and': 0.0028828298673033714, 'day': 0.002821944886818528, 'man': 0.0026652233209460974}, {'<unk>': 0.17699190974235535, 'the': 0.06058167293667793, 'of': 0.054017964750528336, 'on': 0.03213147073984146, 'to': 0.022938324138522148, 'and': 0.019131002947688103, 'in': 0.016315989196300507, 'by': 0.012727695517241955, 'a': 0.011241450905799866, 'for': 0.011063478887081146}, {'<unk>': 0.09069057554006577, 'amount': 0.026211997494101524, 'number': 0.02383045293390751, 'power': 0.011207845993340015, 'out': 0.009357242844998837, 'piece': 0.008311481215059757, 'board': 0.008021222427487373, 'state': 0.007838902994990349, 'place': 0.006854182109236717, 'plenty': 0.006226851139217615}, {'the': 0.7980270385742188, 'tho': 0.031302716583013535, 'The': 0.027618413791060448, '<unk>': 0.012410642579197884, 'tbe': 0.011987672187387943, 'and': 0.00816554855555296, 'this': 0.004949354566633701, 'its': 0.004592251498252153, 'their': 0.003953348845243454, 'of': 0.0036193954292684793}, {'the': 0.21156883239746094, '<unk>': 0.0711536854505539, 'of': 0.05599840730428696, 'his': 0.02090224251151085, 'their': 0.01816452108323574, 'in': 0.016432473435997963, 'a': 0.014130156487226486, 'and': 0.01388604287058115, 'our': 0.013473914004862309, 'all': 0.01202459167689085}, {'<unk>': 0.21722713112831116, 'the': 0.09697026014328003, 'of': 0.08321390300989151, 'sai': 0.06674136966466904, 'a': 0.03770812973380089, 'in': 0.03742728382349014, 'and': 0.02563336491584778, 'New': 0.025257492437958717, 'an': 0.01509688887745142, 'to': 0.011446448042988777}, {'<unk>': 0.3338654041290283, '<s>': 0.04618749022483826, 'it.': 0.009774107486009598, 'them.': 0.006868171039968729, 'country.': 0.0043514203280210495, 'time.': 0.004198272712528706, 'him.': 0.0037608551792800426, 'of': 0.0037137873005121946, 'years.': 0.003684385446831584, '.': 0.003497631289064884}, {'to': 0.17029626667499542, 'has': 0.09273231029510498, 'had': 0.0632791519165039, 'will': 0.05724276974797249, 'have': 0.053740035742521286, 'and': 0.05175934359431267, '<unk>': 0.03575572744011879, 'would': 0.035254284739494324, 'shall': 0.02098708413541317, 'may': 0.019686179235577583}, {'<unk>': 0.18103262782096863, 'the': 0.07785932719707489, 'of': 0.0481172651052475, 'and': 0.02372605912387371, 'a': 0.01900666207075119, 'to': 0.01806434616446495, 'in': 0.01182300504297018, 'was': 0.009058146737515926, 'his': 0.008844747208058834, 'be': 0.00792929157614708}, {'of': 0.1365719735622406, 'to': 0.1128191202878952, 'in': 0.07669951766729355, '<unk>': 0.07579964399337769, 'for': 0.05387192219495773, 'with': 0.0408676415681839, 'on': 0.028228603303432465, 'from': 0.02079148404300213, 'by': 0.015250957570970058, 'In': 0.014320558868348598}, {'<unk>': 0.13174818456172943, 'the': 0.05219246447086334, 'of': 0.03916771709918976, 'to': 0.016302049160003662, 'boy.': 0.013558179140090942, 'girl.': 0.01308105792850256, 'and': 0.012123104184865952, 'a': 0.011349006555974483, 'in': 0.009833695366978645, 'for': 0.008450793102383614}, {'of': 0.1401580423116684, 'in': 0.07013728469610214, '<unk>': 0.06959009170532227, 'to': 0.06802380830049515, 'with': 0.04675764590501785, 'and': 0.04130720719695091, 'all': 0.02651023678481579, 'for': 0.025844819843769073, 'on': 0.02419038489460945, 'by': 0.01584576815366745}, {'not': 0.20823605358600616, 'to': 0.13188952207565308, 'I': 0.10428959876298904, "don't": 0.06486573815345764, 'we': 0.053476762026548386, 'you': 0.04355204850435257, 'We': 0.030626624822616577, '<unk>': 0.02547943964600563, 'they': 0.023313086479902267, "didn't": 0.01955903321504593}, {'<unk>': 0.18794043362140656, 'the': 0.05969518423080444, 'of': 0.045794907957315445, 'to': 0.03612609580159187, 'in': 0.02196568436920643, 'and': 0.0213912446051836, 'at': 0.020096417516469955, 'a': 0.013334343209862709, '.': 0.009806562215089798, 'for': 0.008462193422019482}, {'<unk>': 0.1292857676744461, 'and': 0.047095365822315216, 'is': 0.009685859084129333, 'or': 0.008473139256238937, 'but': 0.008095779456198215, 'be': 0.006762219592928886, 'was': 0.006589047610759735, 'not': 0.006192698143422604, 'done': 0.005344223231077194, 'that': 0.0053388033993542194}, {'<unk>': 0.1456758826971054, 'they': 0.08661529421806335, 'who': 0.050809480249881744, 'we': 0.04678933322429657, 'which': 0.04495099559426308, 'there': 0.037610653787851334, 'that': 0.027404461055994034, 'They': 0.02301052398979664, 'and': 0.022478176280856133, 'We': 0.022469667717814445}, {'<unk>': 0.17266257107257843, 'the': 0.061241041868925095, 'of': 0.03665431588888168, 'and': 0.025804154574871063, 'a': 0.016591370105743408, 'to': 0.015231333673000336, 'his': 0.009704713709652424, 'be': 0.009219302795827389, 'my': 0.009122492745518684, 'I': 0.00804972369223833}, {'the': 0.49018922448158264, 'a': 0.07971637696027756, 'and': 0.0372132807970047, '<unk>': 0.02979383058845997, 'The': 0.023972969502210617, 'tho': 0.02117161825299263, 'in': 0.020621564239263535, 'al-': 0.0157414972782135, 'of': 0.011821978725492954, 'our': 0.010191377252340317}, {'of': 0.1930237114429474, 'in': 0.078556589782238, 'to': 0.05460745468735695, 'by': 0.045269932597875595, '<unk>': 0.04075690358877182, 'for': 0.03135232999920845, 'that': 0.029826167970895767, 'and': 0.02643091231584549, 'with': 0.021314244717359543, 'on': 0.02111966162919998}, {'the': 0.32039138674736023, 'of': 0.158921018242836, 'a': 0.05315949395298958, 'for': 0.0471026673913002, 'in': 0.04194990172982216, 'our': 0.031883276998996735, '<unk>': 0.02380768395960331, 'and': 0.020505186170339584, 'with': 0.01895971968770027, 'The': 0.016887381672859192}, {'to': 0.556331217288971, 'not': 0.07191608101129532, 'will': 0.04452606663107872, 'would': 0.03863736242055893, 'can': 0.02686115726828575, 'and': 0.026668453589081764, 'could': 0.015597746707499027, '<unk>': 0.015025721862912178, 'should': 0.014898914843797684, 'may': 0.014028624631464481}, {'<unk>': 0.15861724317073822, 'and': 0.02303946204483509, 'together': 0.02202565036714077, 'connected': 0.017643732950091362, 'connection': 0.01763218268752098, 'accordance': 0.0130849564447999, 'comply': 0.007123312447220087, 'acquainted': 0.0062169479206204414, 'compared': 0.006194624118506908, 'contact': 0.005691333673894405}]
with open(out_file, 'w') as outfile:
    for elem in results:  
        outfile.write(gonito_format(elem, const_wildcard=False))
torch.save(model.state_dict(), f'model-tri-2following-embed=100.bin')    
with open("test-A/out-embed100.tsv", 'w') as outfile:
    for elem in results:  
        outfile.write(gonito_format(elem, const_wildcard=False))
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
bbbbbbbbbbbbbbbbbbbbb
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
bbbbbbbbbbbbbbbbbbbbb
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
bbbbbbbbbbbbbbbbbbbbb
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
bbbbbbbbbbbbbbbbbbbbb
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
bbbbbbbbbbbbbbbbbbbbb
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
bbbbbbbbbbbbbbbbbbbbb
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
bbbbbbbbbbbbbbbbbbbbb
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
bbbbbbbbbbbbbbbbbbbbb
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
bbbbbbbbbbbbbbbbbbbbb
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
bbbbbbbbbbbbbbbbbbbbb
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
bbbbbbbbbbbbbbbbbbbbb
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
bbbbbbbbbbbbbbbbbbbbb
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
bbbbbbbbbbbbbbbbbbbbb
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
bbbbbbbbbbbbbbbbbbbbb
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
bbbbbbbbbbbbbbbbbbbbb
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
bbbbbbbbbbbbbbbbbbbbb
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
bbbbbbbbbbbbbbbbbbbbb
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
bbbbbbbbbbbbbbbbbbbbb
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
bbbbbbbbbbbbbbbbbbbbb
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
bbbbbbbbbbbbbbbbbbbbb
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
bbbbbbbbbbbbbbbbbbbbb
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
bbbbbbbbbbbbbbbbbbbbb
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
bbbbbbbbbbbbbbbbbbbbb
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
bbbbbbbbbbbbbbbbbbbbb
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
bbbbbbbbbbbbbbbbbbbbb
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
bbbbbbbbbbbbbbbbbbbbb
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
bbbbbbbbbbbbbbbbbbbbb
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
############UNK############
aaaaaaaaaaaaaaaaaaaa
torch.save(model.state_dict(), f'model-tri-2following-embed=200.bin')
with open('test-A-embed=200.tsv', 'w') as outfile:
    for elem in results:  
        outfile.write(gonito_format(elem, const_wildcard=False))
torch.save(model.state_dict(), f'model-tri-2following-embed=300.bin')
with open('test-A-embed=300.tsv', 'w') as outfile:
    for elem in results:  
        outfile.write(gonito_format(elem, const_wildcard=False))
#############Below is only testing, trying ################
results_summ = summarize_probs_unk(a, const_wildcard = False)
results_summ = [summarize_probs_unk(result, const_wildcard = False) for result in results]
results_summ
[[('and', 0.09401928299350774),
  ('was', 0.042643945320216904),
  ('out', 0.028740502993675726),
  ('that', 0.02787611493798393),
  ('placed', 0.02753900259090668),
  ('work', 0.026609481081919257),
  ('made', 0.02404004335064763),
  ('is', 0.023600215460896846),
  ('up', 0.022804205421178007),
  ('<unk>', 0.6821272058490673)],
 [('and', 0.14603855372856134),
  ('that', 0.03460113439693535),
  ('or', 0.03433247108224818),
  ('as', 0.03266713033798552),
  ('was', 0.0304657482478034),
  ('is', 0.026710330960551327),
  ('be', 0.026167258600020275),
  ('made', 0.02382438016840368),
  ('contained', 0.02104032870501253),
  ('<unk>', 0.6241526637724784)],
 [('the', 0.8654011008272448),
  ('tho', 0.037689351539917704),
  ('a', 0.0193492144333675),
  ('tbe', 0.014019879550277874),
  ('in', 0.010837857102072803),
  ('of', 0.008755495252329338),
  ('The', 0.008282891210957499),
  ('his', 0.007617956082930567),
  ('this', 0.007218053907233167),
  ('<unk>', 0.020828200093668814)],
 [('foreclosed', 0.09569598144553598),
  ('accompanied', 0.07152560338704567),
  ('made', 0.061570147809334654),
  ('and', 0.05974757068148586),
  ('followed', 0.057504266559148094),
  ('surrounded', 0.03104042630898787),
  ('up', 0.026863216814801243),
  ('secured', 0.02344423885005209),
  ('caused', 0.023390708367326804),
  ('<unk>', 0.5492178397762817)],
 [('and', 0.3610183637482421),
  ('the', 0.1786933710562275),
  ('or', 0.09784534539258592),
  ('of', 0.08686983294279842),
  ('all', 0.06798924788794475),
  ('any', 0.05070184895226642),
  ('many', 0.04230429948580303),
  ('in', 0.039304010467748174),
  ('some', 0.036779120592041824),
  ('<unk>', 0.038494559474341994)],
 [('hundred', 0.023247185101380696),
  ('up', 0.005859204067488788),
  ('men', 0.005759735333464231),
  ('William', 0.004525902494093441),
  ('John', 0.004440827680639232),
  (';', 0.004263552163297171),
  ('him', 0.004194136873927),
  ('Hundred', 0.004124828364383018),
  ('in', 0.004072637886319486),
  ('<unk>', 0.939511990035007)],
 [('the', 0.7754509153079855),
  ('The', 0.07741378866882113),
  ('tho', 0.03692029043622293),
  ('tbe', 0.01675498174618411),
  ('a', 0.014461977339112876),
  ('young', 0.013404565000957656),
  ('colored', 0.013096134425875091),
  ('American', 0.01069179633382469),
  ('many', 0.00974867632873504),
  ('<unk>', 0.03205687441228111)],
 [('the', 0.310136478033356),
  ('of', 0.06474813120517418),
  ('and', 0.06422997840598468),
  ('a', 0.056443551677307344),
  ('in', 0.0537383222159022),
  ('that', 0.033426429476868635),
  ('tho', 0.02136083099187425),
  ('any', 0.021037921324610395),
  ('no', 0.019863739326106692),
  ('<unk>', 0.3550146173428157)],
 [('and', 0.05703242498984261),
  ('get', 0.025137455364093376),
  ('come', 0.022812797021796737),
  ('taken', 0.022606855267140874),
  ('all', 0.02161913323786098),
  ('secure', 0.0186309503929034),
  ('came', 0.018066882713572804),
  ('go', 0.016819256289613838),
  ('is', 0.016655377347890993),
  ('<unk>', 0.7806188673752844)],
 [('there', 0.17893308747570252),
  ('It', 0.13947728037030796),
  ('it', 0.1311551502718547),
  ('he', 0.09532236324921263),
  ('There', 0.09167969626689584),
  ('He', 0.06150862809692192),
  ('and', 0.039589772599802994),
  ('I', 0.038145021845488535),
  ('which', 0.032671036600728856),
  ('<unk>', 0.1915179632230839)],
 [('of', 0.3720763764767202),
  ('to', 0.15940392691031663),
  ('that', 0.08509448436214205),
  ('in', 0.07870724278069291),
  ('by', 0.07351934799259446),
  ('and', 0.04267456524258272),
  ('for', 0.037625561607838684),
  ('with', 0.032437869655750844),
  ('from', 0.02732931594398965),
  ('<unk>', 0.09113130902737199)],
 [('of', 0.10565038393849085),
  ('the', 0.08440200144428926),
  ('and', 0.05415913604161536),
  ('in', 0.04974312212120972),
  ('to', 0.04524125908579969),
  ('a', 0.040447158631791276),
  ('be', 0.02265850506529176),
  ('for', 0.022518988614812368),
  ('at', 0.02013727453217357),
  ('<unk>', 0.5550421705245261)],
 [('in', 0.18091781383911604),
  ('for', 0.1538832536261101),
  ('of', 0.1433334290401199),
  ('within', 0.07980548863957146),
  ('and', 0.06687925619059477),
  ('only', 0.0625232609365787),
  ('In', 0.057306498099978495),
  ('with', 0.045776503252362356),
  ('is', 0.038808424921145106),
  ('<unk>', 0.17076607145442313)],
 [('of', 0.24176233441206485),
  ('in', 0.12053976807458094),
  ('to', 0.11242620501462497),
  ('for', 0.07784395852946609),
  ('and', 0.07165971791880602),
  ('with', 0.06266178269897155),
  ('on', 0.04763820596631294),
  ('from', 0.040790321677272395),
  ('by', 0.03789601834122045),
  ('<unk>', 0.18678168736667977)],
 [('who', 0.18000511501124136),
  ('they', 0.16139734639989814),
  ('there', 0.08388847989990568),
  ('which', 0.0688487376367726),
  ('we', 0.06726242505917722),
  ('and', 0.047934486707555866),
  ('There', 0.04750185494346212),
  ('men', 0.03854067942574562),
  ('They', 0.03717354048486887),
  ('<unk>', 0.2674473344313726)],
 [('of', 0.3395217692995523),
  ('to', 0.10402908930680646),
  ('in', 0.1028256333134153),
  ('and', 0.06130859667555112),
  ('on', 0.055257477036530514),
  ('by', 0.054458580531476175),
  ('for', 0.05279457725463965),
  ('with', 0.04043856418563209),
  ('that', 0.04017622699660164),
  ('<unk>', 0.14918948539979482)],
 [('that', 0.2379885527774534),
  ('as', 0.1110065272174147),
  ('and', 0.1034421944885124),
  ('if', 0.10024286663033036),
  ('which', 0.09678958339138757),
  ('when', 0.09213104378322348),
  ('but', 0.05717853960177248),
  ('where', 0.055619993879198734),
  ('because', 0.036707883734733104),
  ('<unk>', 0.10889281449597388)],
 [('the', 0.34631055013157974),
  ('this', 0.14208743398333423),
  ('a', 0.11026885808404975),
  ('of', 0.05646721064347447),
  ('any', 0.053036081281723955),
  ('every', 0.03642595138365176),
  ('or', 0.03168161380296779),
  ('one', 0.030091114852138227),
  ('in', 0.028550776992447575),
  ('<unk>', 0.1650804088446325)],
 [('the', 0.6681265152301658),
  ('a', 0.13931146451029103),
  ('tho', 0.044381233415988555),
  ('The', 0.04023234044121673),
  ('tbe', 0.019100039345693348),
  ('and', 0.012841817742227991),
  ('A', 0.008967388537739351),
  ('great', 0.008313049551664753),
  ('this', 0.007229296971480038),
  ('<unk>', 0.051496854253532454)],
 [('of', 0.3473774891074767),
  ('in', 0.19302942031322856),
  ('to', 0.10054147673969692),
  ('and', 0.04879322889196873),
  ('that', 0.04408907894493733),
  ('In', 0.04336978176916195),
  ('by', 0.041034958113883246),
  ('for', 0.03761007193191253),
  ('with', 0.03504084403319623),
  ('<unk>', 0.10911365015453789)],
 [('it', 0.2168107589147887),
  ('It', 0.11055675545884668),
  ('as', 0.09731033690577912),
  ('which', 0.09699515501230369),
  ('that', 0.07984570480639507),
  ('they', 0.06083801266774815),
  ('there', 0.04207998664437105),
  ('and', 0.03298538316180379),
  ('he', 0.03007296707553387),
  ('<unk>', 0.23250493935242988)],
 [('to', 0.31717341224647666),
  ('will', 0.14351445800705054),
  ('would', 0.08142038267890067),
  ('that', 0.05726951394292003),
  ('t', 0.05700283297862233),
  ('should', 0.048263333079248925),
  ('can', 0.038123472463369716),
  ('may', 0.03807879931239675),
  ('which', 0.037269049394939455),
  ('<unk>', 0.18188474589607495)],
 [('is', 0.17278052876873057),
  ('ought', 0.08303841955642667),
  ('are', 0.07935611647475035),
  ('seems', 0.0756966591532151),
  ('was', 0.06668776138247084),
  ('not', 0.06532891253624999),
  ('said', 0.052441395223644154),
  ('it', 0.04227562182818732),
  ('seemed', 0.04217539409168214),
  ('<unk>', 0.3202191909846429)],
 [('the', 0.1504260487145268),
  ('and', 0.06672272774528039),
  ('of', 0.06064292085410262),
  ('a', 0.06040790376456748),
  ('Mr.', 0.05766148511038196),
  ('was', 0.031238069025284036),
  ('The', 0.02992045681710789),
  ('I', 0.02062027778358066),
  ('<s>', 0.018743359193216833),
  ('<unk>', 0.5036167509919514)],
 [('of', 0.10565038393849085),
  ('the', 0.08440200144428926),
  ('and', 0.05415913604161536),
  ('in', 0.04974312212120972),
  ('to', 0.04524125908579969),
  ('a', 0.040447158631791276),
  ('be', 0.02265850506529176),
  ('for', 0.022518988614812368),
  ('at', 0.02013727453217357),
  ('<unk>', 0.5550421705245261)],
 [('has', 0.3572538523160344),
  ('have', 0.2967472908374912),
  ('had', 0.20519797589480432),
  ('not', 0.03152323663375462),
  ('having', 0.02892233292714787),
  ('lias', 0.013676666935886619),
  ('bad', 0.012977643009483158),
  ('havo', 0.010234003315610739),
  ('never', 0.008279279775484306),
  ('<unk>', 0.03518771835430279)],
 [('and', 0.04497409099001032),
  ('as', 0.036598827945131016),
  ('went', 0.026817264588503784),
  ('him', 0.025809212045118317),
  ('them', 0.021636051682009376),
  ('up', 0.02074742553684763),
  ('is', 0.020475987933972963),
  ('able', 0.019722424722913523),
  ('go', 0.0196319186896329),
  ('<unk>', 0.7635867958658602)],
 [('the', 0.13131707941796036),
  ('of', 0.10266624660776082),
  ('and', 0.09229529801872993),
  ('a', 0.06685117152435144),
  ('to', 0.0453087286038325),
  ('was', 0.03417888823406092),
  ('be', 0.027730621924075435),
  ('is', 0.024075267357923653),
  ('been', 0.02027010303243411),
  ('<unk>', 0.45530659527887085)],
 [('it', 0.2700443667111627),
  ('It', 0.22860886458622262),
  ('that', 0.07248861982939714),
  ('which', 0.06513846158930332),
  ('this', 0.0479395413145897),
  ('This', 0.041222463282925836),
  ('he', 0.03796860525351366),
  ('there', 0.03664063770785345),
  ('and', 0.034926487253016544),
  ('<unk>', 0.16502195247201512)],
 [('agreed', 0.06923447603259322),
  ('and', 0.05479339076798099),
  ('is', 0.04296162575188404),
  ('was', 0.038264362179983115),
  ('made', 0.037923262565243004),
  ('it', 0.03405511499415845),
  ('referred', 0.03252335177311556),
  ('as', 0.021997009418589224),
  ('one', 0.02188327894559368),
  ('<unk>', 0.6463641275708587)],
 [('and', 0.17538250981452838),
  ('fact', 0.10422901995750068),
  ('said', 0.06844625340959827),
  ('so', 0.06245754687702517),
  ('believe', 0.045205645482030724),
  ('is', 0.039291697598125765),
  ('say', 0.03698053836511379),
  ('know', 0.03464549893067077),
  ('found', 0.03161783691349446),
  ('<unk>', 0.4017434526519119)],
 [('and', 0.07420938515041017),
  ('committee', 0.06505528990926748),
  ('Committee', 0.04439439671489945),
  ('that', 0.03409611690515512),
  ('it', 0.03285731064392062),
  ('work', 0.026552086770500874),
  ('was', 0.02259379925761995),
  ('out', 0.01974469327342371),
  ('put', 0.017892785506254887),
  ('<unk>', 0.6626041358685477)],
 [('Mr.', 0.7702442203451213),
  ('Dr.', 0.025506908956755104),
  ('Mr', 0.015721925172178183),
  ('John', 0.0051931867345767916),
  ('.', 0.004704592863009296),
  ('James', 0.0044937498281085175),
  ('William', 0.004239974612980654),
  ('Mrs.', 0.0041403577836915464),
  (';', 0.0031737928252946793),
  ('<unk>', 0.16258129087828388)],
 [('of', 0.1360381685526499),
  ('the', 0.07645178169685318),
  ('to', 0.06413943587946787),
  ('on', 0.05376830436916208),
  ('in', 0.045978208994045346),
  ('a', 0.04181349103775117),
  ('and', 0.02824111874283883),
  ('at', 0.024224102533099656),
  ('by', 0.02051294049332712),
  ('<unk>', 0.5088324477008048)],
 [('of', 0.1253448405013216),
  ('and', 0.07116951199844848),
  ('the', 0.07014576449244053),
  ('to', 0.05405005876145624),
  ('a', 0.03685710055394926),
  ('be', 0.03345222379475705),
  ('in', 0.03162570498316285),
  ('was', 0.029047363751795115),
  ('on', 0.02022437611910996),
  ('<unk>', 0.5280830550435589)],
 [('the', 0.18495176197891647),
  ('of', 0.07881744342552961),
  ('The', 0.07821625691041544),
  ('Mr.', 0.07419193486880674),
  ('and', 0.049678750062130586),
  ('that', 0.047485234078913995),
  ('a', 0.030239130933489667),
  ('Mrs.', 0.024255526151511327),
  ('his', 0.01771673190548489),
  ('<unk>', 0.4144472296848014)],
 [('and', 0.2007112882998815),
  ('know', 0.06999188083883906),
  ('say', 0.056574752954103885),
  ('fact', 0.05312619579202331),
  ('said', 0.052819704303972564),
  ('all', 0.044802508964089126),
  ('so', 0.040146857006343184),
  ('believe', 0.03700612426621083),
  ('but', 0.03654193365851801),
  ('<unk>', 0.40827875391601853)],
 [('<s>', 0.054607072180108795),
  ('and', 0.032841701870280134),
  ('him', 0.02405608040193101),
  ('was', 0.021831084426838752),
  ('put', 0.02174410661373351),
  ('it', 0.01998857627804334),
  ('them', 0.017598379200333667),
  ('placed', 0.017271265977859277),
  ('that', 0.01698738037148748),
  ('<unk>', 0.7730743526793841)],
 [('the', 0.2451770670236159),
  ('his', 0.09856178968842362),
  ('their', 0.08818241574164065),
  ('whose', 0.060507476274080825),
  ('of', 0.05183331249329705),
  ('our', 0.050483681762495354),
  ('this', 0.03379364568703939),
  ('its', 0.03345373233411887),
  ('a', 0.03303540078356948),
  ('<unk>', 0.3049714782117189)],
 [('is', 0.031020102387162546),
  ('was', 0.028640391604583884),
  ('it', 0.01960558134679049),
  ('and', 0.016129478245304436),
  ('be', 0.01535833678068127),
  ('the', 0.012141259452935933),
  ('are', 0.011903923282041618),
  ('of', 0.011550724487360645),
  ('It', 0.01065056489276398),
  ('<unk>', 0.8429996375203752)],
 [('will', 0.29775159637580334),
  ('to', 0.23435673901865187),
  ('shall', 0.08689512157901913),
  ('may', 0.0764628403520065),
  ('would', 0.06587275964857782),
  ('should', 0.06326303291265041),
  ('can', 0.04225315844407623),
  ('must', 0.04208758960873803),
  ('could', 0.026770949027030286),
  ('<unk>', 0.06428621303344628)],
 [('and', 0.30546898709585246),
  ('this', 0.08747357161780583),
  ('the', 0.05754072525598252),
  ('to', 0.051823742450237686),
  ('he', 0.04371334336160937),
  ('a', 0.04048197000733151),
  ('that', 0.04031127566954967),
  ('it', 0.035542764329583074),
  ('which', 0.028865161134146607),
  ('<unk>', 0.30877845907790114)],
 [('of', 0.314204875957201),
  ('from', 0.23194579927160897),
  ('in', 0.1281816923931473),
  ('County,', 0.0579089978529255),
  ('the', 0.03425815133391651),
  ('at', 0.029051655590939404),
  ('county,', 0.02738063073333374),
  ('In', 0.024949915506414396),
  ('and', 0.019554327851010876),
  ('<unk>', 0.13256395350950245)],
 [('was', 0.13090018824040864),
  ('be', 0.11851291768231281),
  ('and', 0.11341232528517388),
  ('is', 0.09764067851725786),
  ('been', 0.09719499360162273),
  ('of', 0.06670674806706357),
  ('are', 0.053449120506420894),
  ('the', 0.040633370768110466),
  ('were', 0.03872608860209323),
  ('<unk>', 0.2428235687295358)],
 [('and', 0.24798246120868855),
  ('that', 0.14027729034791278),
  ('as', 0.10220820131590298),
  ('but', 0.0458382237667395),
  ('even', 0.0409216973452478),
  ('And', 0.031742068280388225),
  ('see', 0.025484133605998754),
  ('or', 0.02521525079745987),
  ('But', 0.024347515384037333),
  ('<unk>', 0.3159831579476242)],
 [('of', 0.3395217692995523),
  ('to', 0.10402908930680646),
  ('in', 0.1028256333134153),
  ('and', 0.06130859667555112),
  ('on', 0.055257477036530514),
  ('by', 0.054458580531476175),
  ('for', 0.05279457725463965),
  ('with', 0.04043856418563209),
  ('that', 0.04017622699660164),
  ('<unk>', 0.14918948539979482)],
 [('the', 0.1164630650561899),
  ('of', 0.0808752281721045),
  ('and', 0.07498787887999993),
  ('to', 0.06771775737814123),
  ('a', 0.048613407683494474),
  ('be', 0.03367801893898913),
  ('in', 0.02943408069943999),
  ('on', 0.022504619920910327),
  ('was', 0.022210201691581624),
  ('<unk>', 0.5035157415791489)],
 [('to', 0.2374848713391366),
  ('the', 0.15666852112276733),
  ('his', 0.13125351548608924),
  ('and', 0.11756713164696105),
  ('of', 0.07573922113970218),
  ('a', 0.07446691200283312),
  ('their', 0.06257063153087358),
  ('my', 0.04250799644486576),
  ('will', 0.035031033660603866),
  ('<unk>', 0.06671016562616705)],
 [('the', 0.1344022614244607),
  ('of', 0.12026135070689117),
  ('and', 0.06274125432216379),
  ('in', 0.036685037126227706),
  ('The', 0.03581095940121699),
  ('that', 0.03273503302811258),
  ('to', 0.024659093790969665),
  ('a', 0.01885062817550322),
  ('Mr.', 0.01816061033859497),
  ('<unk>', 0.5156937716858592)],
 [('for', 0.318573922617244),
  ('in', 0.1450080861639348),
  ('of', 0.13442968143076509),
  ('half', 0.061235802481907894),
  ('to', 0.05567432266759294),
  ('within', 0.05384416626875756),
  ('as', 0.04210731887083334),
  ('at', 0.04143472255183277),
  ('about', 0.0407671969329841),
  ('<unk>', 0.10692478001414751)],
 [('and', 0.0437161968371331),
  ('the', 0.03285736263590362),
  ('to', 0.02805240574702839),
  ('of', 0.023212389334914877),
  ('<s>', 0.014733901561673169),
  ('1', 0.012998873335406108),
  ('as', 0.012670470973156317),
  ('it', 0.010242333339173466),
  ('a', 0.009898847845436614),
  ('<unk>', 0.8116172183901743)],
 [('and', 0.12095829844536006),
  ('to', 0.08428611879153458),
  ('the', 0.07876210238702709),
  ('of', 0.04973030417592557),
  ('a', 0.04555101063914845),
  ('in', 0.029503672337685156),
  ('as', 0.02125883214946921),
  ('that', 0.01804126391323573),
  ('or', 0.017899675192608523),
  ('<unk>', 0.5340087219680056)],
 [('the', 0.20542715029014097),
  ('and', 0.13738992635607408),
  ('of', 0.10085649417390048),
  ('a', 0.0910833960540246),
  ('his', 0.06700117521716072),
  ('her', 0.06277438890587975),
  ('to', 0.05164404887939742),
  ('its', 0.04058379179236337),
  ('their', 0.03948143034521315),
  ('<unk>', 0.2037581979858455)],
 [('and', 0.10471771251622831),
  ('for', 0.08791317130602427),
  ('as', 0.07781187055186388),
  ('on', 0.0671923331296303),
  ('of', 0.05853582856415462),
  ('to', 0.05332863169995949),
  ('in', 0.0515784812647175),
  ('that', 0.05152537333120732),
  ('make', 0.05067531897251976),
  ('<unk>', 0.39672127866369455)],
 [('of', 0.10565038393849085),
  ('the', 0.08440200144428926),
  ('and', 0.05415913604161536),
  ('in', 0.04974312212120972),
  ('to', 0.04524125908579969),
  ('a', 0.040447158631791276),
  ('be', 0.02265850506529176),
  ('for', 0.022518988614812368),
  ('at', 0.02013727453217357),
  ('<unk>', 0.5550421705245261)],
 [('and', 0.25134255553584184),
  ('of', 0.17015955360058835),
  ('to', 0.06298470596929584),
  ('all', 0.04290348264211575),
  ('for', 0.03713356753103798),
  ('fact', 0.03571314835745831),
  ('in', 0.030423369892684602),
  ('said', 0.029067193226668477),
  ('by', 0.025520243647203195),
  ('<unk>', 0.31475217959710566)],
 [('in', 0.19441762448665037),
  ('of', 0.12921912959087123),
  ('the', 0.09183305667056016),
  ('and', 0.0870439257192131),
  ('In', 0.07625104320348303),
  ('to', 0.061458128553269105),
  ('for', 0.04537056397854941),
  ('with', 0.037070836103845636),
  ('at', 0.02684407404347228),
  ('<unk>', 0.25049161765008543)],
 [('the', 0.158496699196678),
  ('and', 0.12084142187247107),
  ('of', 0.08756323734999151),
  ('The', 0.039134392735459954),
  ('that', 0.034060636964744394),
  ('These', 0.02903705165478278),
  ('these', 0.028014857002223024),
  ('in', 0.026188146596025474),
  ('such', 0.020887256457416934),
  ('<unk>', 0.45577630017020687)],
 [('the', 0.19202644742501446),
  ('of', 0.11867283998718424),
  ('and', 0.05851618565135104),
  ('a', 0.046876616151792776),
  ('to', 0.04455255836256714),
  ('in', 0.029159379332202712),
  ('was', 0.02234033867075358),
  ('his', 0.02181402596039465),
  ('be', 0.01955621435195013),
  ('<unk>', 0.44648539410678934)],
 [('men', 0.02347159859042683),
  ('city', 0.019719574859355098),
  ('1', 0.017332066821971772),
  ('wife', 0.016703502103567806),
  ('street', 0.013280242009731547),
  ('up', 0.012803826353194492),
  ('gold', 0.01197607121016209),
  (';', 0.011173672136283478),
  ('day', 0.01025397792476527),
  ('<unk>', 0.8632854679905416)],
 [('the', 0.12053224899335495),
  ('of', 0.08849889098239391),
  ('and', 0.05591273988423192),
  ('to', 0.0465311806977507),
  ('.', 0.04482606676689747),
  ('by', 0.03857908579962897),
  ('at', 0.026758917201801066),
  ('in', 0.018768503325622583),
  ('J.', 0.017601367051506518),
  ('<unk>', 0.5419909992968119)],
 [('the', 0.16644511042245722),
  ('of', 0.08716025239496124),
  ('to', 0.06055276712365468),
  ('and', 0.05917136058636058),
  ('a', 0.0470209866003454),
  ('in', 0.040315005453629475),
  ('as', 0.03563848933174327),
  ('be', 0.030851382593189588),
  ('was', 0.023834428716039278),
  ('<unk>', 0.4490102167776193)],
 [('of', 0.21625013151596553),
  ('in', 0.20874259352337474),
  ('to', 0.17255293649826983),
  ('at', 0.08600252118256964),
  ('and', 0.0654798230915755),
  ('with', 0.04644066272377019),
  ('for', 0.04344104099213032),
  ('from', 0.041662558952555606),
  ('In', 0.03730892333684144),
  ('<unk>', 0.08211880818294703)],
 [('of', 0.23537224685824198),
  ('and', 0.1568449397938961),
  ('the', 0.1244608702375381),
  ('a', 0.10641605726028834),
  ('in', 0.06508188734039966),
  ('for', 0.04084643044074438),
  ('to', 0.03891512330911727),
  ('all', 0.034645669597405206),
  ('other', 0.030687416331332377),
  ('<unk>', 0.16672935883103635)],
 [('be', 0.2310111497658276),
  ('is', 0.19871543049027504),
  ('was', 0.1039957413046416),
  ('as', 0.07510508968008912),
  ('are', 0.06863107808295069),
  ('and', 0.06772301441955145),
  ('been', 0.05553791663566015),
  ('not', 0.048215962675342706),
  ('too', 0.04718091417638028),
  ('<unk>', 0.1038837027692815)],
 [('of', 0.16490650493017178),
  ('in', 0.09424501452410461),
  ('as', 0.07772250256651461),
  ('to', 0.07439818130211795),
  ('with', 0.07436662098887521),
  ('is', 0.06929524124389311),
  ('and', 0.0638959829882729),
  ('was', 0.053684789454677334),
  ('for', 0.050572135171843745),
  ('<unk>', 0.2769130268295287)],
 [('and', 0.09020184496660856),
  ('recorded', 0.03622574534550004),
  ('was', 0.03579342649105295),
  ('made', 0.035587204463345457),
  ('that', 0.03195315766518325),
  ("o'clock", 0.031925722479167175),
  ('up', 0.02683627480199102),
  ('is', 0.025634134893940484),
  ('found', 0.024329658719814063),
  ('<unk>', 0.661512830173397)],
 [('the', 0.18727914617620853),
  ('and', 0.138867815461345),
  ('are', 0.09111137111248656),
  ('is', 0.08321071895411426),
  ('more', 0.07675495682285449),
  ('a', 0.06437972348029883),
  ('was', 0.06397001613153612),
  ('as', 0.05086727116831017),
  ('be', 0.03361545762374214),
  ('<unk>', 0.2099435230691039)],
 [('Mr.', 0.15388618271671656),
  ('the', 0.15120537965937966),
  ('of', 0.0641102997293137),
  ('and', 0.06252897833882876),
  ('The', 0.04316635841585532),
  ('a', 0.03597245179280266),
  ('to', 0.026177881305004713),
  ('was', 0.025691471249100817),
  ('.', 0.02208441116814177),
  ('<unk>', 0.41517658562485593)],
 [('the', 0.09735989323910924),
  ('of', 0.09680928552161305),
  ('and', 0.09030982683927266),
  ('to', 0.05998269527877527),
  ('be', 0.04078639220022972),
  ('was', 0.03645512048783052),
  ('a', 0.03374572407095336),
  ('is', 0.03060128295428905),
  ('in', 0.028099511485795804),
  ('<unk>', 0.4858502679221314)],
 [('of', 0.41320844381006),
  ('to', 0.08853451621587281),
  ('in', 0.08466795685836943),
  ('for', 0.07847549422882216),
  ('and', 0.06574361929467934),
  ('that', 0.06232551575908816),
  ('by', 0.050027163510839814),
  ('with', 0.04018264138338305),
  ('on', 0.026637849760219625),
  ('<unk>', 0.09019679917866563)],
 [('at', 0.07722648729289872),
  ('the', 0.07075562855039909),
  ('of', 0.05927910396333588),
  ('and', 0.05778841171440422),
  ('to', 0.05136900701944934),
  ('.', 0.022201349556234512),
  ('a', 0.019515870891990552),
  ('on', 0.017929665170030813),
  ('<s>', 0.01647633852978699),
  ('<unk>', 0.6074581373114699)],
 [('one', 0.1205416303386925),
  ('part', 0.06944119767952432),
  ('out', 0.05592605372235919),
  ('some', 0.038098542342519255),
  ('members', 0.03637420179692493),
  ('side', 0.035860018084640774),
  ('portion', 0.025832203245739014),
  ('office', 0.023918125974121147),
  ('end', 0.023626759096503844),
  ('<unk>', 0.570381267718975)],
 [('the', 0.23073656891415323),
  ('and', 0.07235518405330042),
  ('of', 0.06518382223558625),
  ('a', 0.035141857157372745),
  ('Mr.', 0.03330795201433382),
  ('The', 0.028772333579272592),
  ('was', 0.026723819619055324),
  ('to', 0.025015940337883485),
  ('in', 0.023257611334200193),
  ('<unk>', 0.4595049107548419)],
 [('and', 0.15383195554877666),
  ('that', 0.12427425002842805),
  ('as', 0.0999735213389269),
  ('which', 0.07555980276036826),
  ('when', 0.06705546556638585),
  ('but', 0.03453675159028628),
  ('where', 0.03000162053562834),
  ('if', 0.02590894334913461),
  ('what', 0.021834195055134484),
  ('<unk>', 0.3670234942269305)],
 [('the', 0.28436884714083493),
  ('a', 0.19332250204160736),
  ('The', 0.05386023162539178),
  ('of', 0.05193766258379892),
  ('and', 0.04016555531985571),
  ('an', 0.03284725955591829),
  ('that', 0.021723404983816544),
  ('A', 0.021471106062939983),
  ('tho', 0.019217070188756184),
  ('<unk>', 0.28108636049708036)],
 [('the', 0.19275614366964763),
  ('of', 0.10070317355862084),
  ('to', 0.07094452030448918),
  ('and', 0.06262281619075787),
  ('in', 0.035975017668707115),
  ('for', 0.034981908651320885),
  ('be', 0.02781220621471546),
  ('was', 0.02025315069597837),
  ('a', 0.01906988884909597),
  ('<unk>', 0.4348811741966667)],
 [('I', 0.341661866026974),
  ('he', 0.1663977092597665),
  ('be', 0.12899950494182835),
  ('was', 0.08940547049364815),
  ('are', 0.04387644119427392),
  ('she', 0.042322571656597356),
  ('is', 0.040565748017182775),
  ('were', 0.035211696807543505),
  ('had', 0.030246004927080142),
  ('<unk>', 0.08131298667510523)],
 [('the', 0.5814178831507558),
  ('of', 0.0695954651812013),
  ('our', 0.04361186126177221),
  ('American', 0.04361000888116835),
  ('The', 0.03373094694450825),
  ('colored', 0.027253696069367096),
  ('and', 0.026672787449977756),
  ('tho', 0.02481082361177043),
  ('young', 0.022059699900217344),
  ('<unk>', 0.12723682754926124)],
 [('and', 0.2157925368290931),
  ('not', 0.12092299272008045),
  ('or', 0.11332708995746707),
  ('to', 0.10262300728287158),
  ('of', 0.06720206939898858),
  ('that', 0.03545499816435197),
  ('will', 0.03500773257507976),
  ('for', 0.033725316371703395),
  ('is', 0.02847518637876687),
  ('<unk>', 0.24746907032159737)],
 [('a', 0.16369909979583286),
  ('of', 0.10928528506351327),
  ('the', 0.0898484808300671),
  ('to', 0.06846331411717087),
  ('in', 0.06244887457017861),
  ('and', 0.061980942478454655),
  ('with', 0.02407091395483745),
  ('for', 0.021735473500886077),
  ('that', 0.021235224672022848),
  ('<unk>', 0.3772323910170362)],
 [('and', 0.10098883308481531),
  ('to', 0.08977779501650471),
  ('of', 0.0771531406629201),
  ('the', 0.05064986253218621),
  ('in', 0.04408676892736025),
  ('for', 0.0349363065902867),
  ('not', 0.033695511796666154),
  ('that', 0.03239135842753621),
  ('re-', 0.029759223867769146),
  ('<unk>', 0.5065611990939553)],
 [('of', 0.10565038393849085),
  ('the', 0.08440200144428926),
  ('and', 0.05415913604161536),
  ('in', 0.04974312212120972),
  ('to', 0.04524125908579969),
  ('a', 0.040447158631791276),
  ('be', 0.02265850506529176),
  ('for', 0.022518988614812368),
  ('at', 0.02013727453217357),
  ('<unk>', 0.5550421705245261)],
 [('the', 0.4291692992083157),
  ('a', 0.08069026424324838),
  ('and', 0.060051691698878897),
  ('The', 0.035109613446569383),
  ('tho', 0.033241187331968944),
  ('of', 0.021553045639513192),
  ('tbe', 0.015945885714693298),
  ('in', 0.015254099967416418),
  ('or', 0.014510664393331416),
  ('<unk>', 0.2944742483560644)],
 [('be', 0.37410104722767645),
  ('was', 0.16790217188873313),
  ('been', 0.08278854603698553),
  ('is', 0.051368850992139045),
  ('he', 0.051171315789147465),
  ('have', 0.03973589687060117),
  ('and', 0.03657649617497801),
  ('had', 0.0313002512821209),
  ('not', 0.030303715817317615),
  ('<unk>', 0.13475170792030067)],
 [('I', 0.22608905526612738),
  ('we', 0.13093541552241647),
  ('they', 0.10740767798253412),
  ('who', 0.10548916601842269),
  ('We', 0.07709733122278156),
  ('and', 0.060957630572628554),
  ('to', 0.04710747432124926),
  ('would', 0.04594000943353775),
  ('They', 0.0375175486086097),
  ('<unk>', 0.16145869105169253)],
 [('and', 0.08457409258988018),
  ('as', 0.07310322114100815),
  ('way', 0.029964181208390134),
  ('time', 0.02121518076204328),
  ('is', 0.01876894078782973),
  ('said', 0.01869077298336833),
  ('subject', 0.01771091319896325),
  ('referred', 0.01718601058251655),
  ('him', 0.01698839098742851),
  ('<unk>', 0.7017982957585719)],
 [('as', 0.09882112197157157),
  ('and', 0.09462967615881043),
  ('brought', 0.08436925975841975),
  ('is', 0.0556985203828595),
  ('for', 0.055616571375831966),
  ('put', 0.05243365389389942),
  ('given', 0.04911744301545852),
  ('of', 0.04868942131503359),
  ('was', 0.047286920110957364),
  ('<unk>', 0.4133374120171579)],
 [('the', 0.44227584725937735),
  ('and', 0.16391412824754634),
  ('of', 0.09264115696691881),
  ('The', 0.07503069947242348),
  ('by', 0.04347795172307284),
  ('that', 0.030195168214374193),
  ('with', 0.02667668265351966),
  ('tho', 0.026125011340973794),
  ('in', 0.025003327324823743),
  ('<unk>', 0.07466002679696992)],
 [('and', 0.07189638677922881),
  ('was', 0.03534996223702141),
  ('is', 0.023103267690448504),
  ('be', 0.021015152883314018),
  ('are', 0.018851838366483405),
  ('that', 0.01690089518718535),
  ('it', 0.015837457608930638),
  ('made', 0.01539741285274322),
  ('been', 0.014420679235785137),
  ('<unk>', 0.7672269471588595)],
 [('of', 0.2022149147408686),
  ('the', 0.14099405138539867),
  ('in', 0.07270634736299811),
  ('and', 0.06052921063653576),
  ('a', 0.05907750520520446),
  ('to', 0.053545986162961655),
  ('for', 0.03583290664278822),
  ('or', 0.031573280822407804),
  ('an', 0.030641310921104805),
  ('<unk>', 0.31288448611973185)],
 [('of', 0.2637123654968304),
  ('the', 0.2207049401755929),
  ('a', 0.08557489467904349),
  ('in', 0.08495256168092193),
  ('and', 0.08240079664104888),
  ('by', 0.06628389429800795),
  ('to', 0.05591021875544816),
  ('with', 0.03694205613107617),
  ('very', 0.020024201804729223),
  ('<unk>', 0.08349407033730094)],
 [('the', 0.38016647149660315),
  ('and', 0.10686363901493764),
  ('of', 0.09388288741862266),
  ('a', 0.05580918142826464),
  ('in', 0.05410437112488856),
  ('was', 0.04308583307335236),
  ('be', 0.038286979566955225),
  ('are', 0.036628493133581394),
  ('The', 0.035444061960504994),
  ('<unk>', 0.15572808178228936)],
 [('the', 0.12823029151064666),
  ('and', 0.12170853170773763),
  ('of', 0.08463328029681241),
  ('to', 0.08239799520475553),
  ('a', 0.047620165733508205),
  ('in', 0.03958268764101066),
  ('be', 0.03186388267434098),
  ('at', 0.03004200591795834),
  ('was', 0.027445679079971037),
  ('<unk>', 0.4064754802332585)],
 [('of', 0.399837837777994),
  ('to', 0.10831470903945548),
  ('for', 0.067723513317921),
  ('with', 0.06062583022649492),
  ('by', 0.051016407191154495),
  ('in', 0.03400541296486622),
  ('upon', 0.025849381084854912),
  ('among', 0.01936395253684721),
  ('let', 0.016820480591530663),
  ('<unk>', 0.21644247526888105)],
 [('in', 0.31536340780042005),
  ('the', 0.17068316394844388),
  ('from', 0.14908641880358123),
  ('of', 0.06504848076506745),
  ('a', 0.05069777742734105),
  ('his', 0.04747692945626239),
  ('In', 0.044842946653709616),
  ('their', 0.03913668511011995),
  ('and', 0.02822582546731484),
  ('<unk>', 0.08943836456773968)],
 [('of', 0.10565038393849085),
  ('the', 0.08440200144428926),
  ('and', 0.05415913604161536),
  ('in', 0.04974312212120972),
  ('to', 0.04524125908579969),
  ('a', 0.040447158631791276),
  ('be', 0.02265850506529176),
  ('for', 0.022518988614812368),
  ('at', 0.02013727453217357),
  ('<unk>', 0.5550421705245261)],
 [('and', 0.020007005054745744),
  ('it', 0.007670729730899823),
  ('that', 0.0076022914684450256),
  ('<s>', 0.007010821904472868),
  ('in', 0.006984755134345132),
  ('up', 0.006889618666772794),
  ('on', 0.006393363121927209),
  ('one', 0.006189504886596654),
  (';', 0.005297954504299614),
  ('<unk>', 0.9259539555274952)],
 [('of', 0.29608106485913155),
  ('in', 0.23004355630189088),
  ('for', 0.08882395546117675),
  ('to', 0.07716837784666106),
  ('In', 0.053195192949281746),
  ('by', 0.05259136269134749),
  ('with', 0.050255250951624426),
  ('at', 0.04590870247677712),
  ('and', 0.03949289906223529),
  ('<unk>', 0.06643963739987369)],
 [('and', 0.04950605323217479),
  ('covered', 0.0472669000016757),
  ('filled', 0.040885142100335725),
  ('together', 0.030653029172782766),
  ('charged', 0.024564391293357614),
  ('it', 0.020889480976601104),
  ('up', 0.019671340957123667),
  ('him', 0.01895518269802284),
  ('them', 0.015811948563959434),
  ('<unk>', 0.7317965310039664)],
 [('I', 0.13029333621012346),
  ('you', 0.1277032182516346),
  ('he', 0.10311904480197348),
  ('it', 0.09791897151515094),
  ('they', 0.09611125756212298),
  ('and', 0.0687271634865362),
  ('we', 0.05580433140861912),
  ('who', 0.05374168304242444),
  ('It', 0.04114102184082891),
  ('<unk>', 0.22543997188058584)],
 [('<s>', 0.058530293332800756),
  ('.', 0.025608060780541488),
  ('it.', 0.023222230966923663),
  ('me.', 0.009714984102285036),
  ('him.', 0.008940716258189978),
  ('them.', 0.008671067160694722),
  ('girl.', 0.00751715526042706),
  ('and', 0.007026576240718309),
  ('her.', 0.006091590311565163),
  ('<unk>', 0.8446773255858538)],
 [('and', 0.11782721476774022),
  ('the', 0.10393868209531919),
  ('of', 0.08176823333520143),
  ('to', 0.06455834986229553),
  ('be', 0.043434917293872166),
  ('was', 0.04048950016813033),
  ('in', 0.036304682425844254),
  ('is', 0.029741783379212385),
  ('are', 0.024228703480865497),
  ('<unk>', 0.4577079331915189)],
 [('to', 0.3896708291159286),
  ('will', 0.14127799241204597),
  ('not', 0.0728000971306898),
  ('would', 0.06568304886229123),
  ('can', 0.06417477253445564),
  ('and', 0.06162187609099825),
  ('they', 0.04022239886821927),
  ('I', 0.038785714974822076),
  ('could', 0.038668122667387936),
  ('<unk>', 0.08709514734316137)],
 [('the', 0.11697114041812336),
  ('of', 0.0755173599897043),
  ('to', 0.057779541439501425),
  ('at', 0.048985652447868296),
  ('and', 0.04876152433343018),
  ('a', 0.028789816716820165),
  ('on', 0.02860945544390193),
  ('in', 0.017455337232618266),
  ('.', 0.014294407512355537),
  ('<unk>', 0.5628357644656765)],
 [('is', 0.21168882228985336),
  ('was', 0.177827204284104),
  ('are', 0.10836943763598124),
  ('be', 0.09682316658562422),
  ('been', 0.08276429691526778),
  ('and', 0.055140194492824944),
  ('were', 0.04640241751969941),
  ('not', 0.044539670330074284),
  ('Is', 0.029124430466875535),
  ('<unk>', 0.14732035947969524)],
 [('is', 0.0875039634246532),
  ('was', 0.07277867117441209),
  ('and', 0.07089218401465436),
  ('able', 0.06626978992439025),
  ('him', 0.062146856736738434),
  ('order', 0.05776733181759856),
  ('enough', 0.05658278160283266),
  ('not', 0.05652379474058362),
  ('had', 0.052723133532555956),
  ('<unk>', 0.4168114930315808)],
 [('and', 0.14762536895423883),
  ('of', 0.1304871961719883),
  ('about', 0.12993333878865676),
  ('the', 0.12125370703304651),
  ('or', 0.11035218539607272),
  ('for', 0.09629999606909846),
  ('at', 0.045602609390366214),
  ('to', 0.04375629698106872),
  ('nearly', 0.028373650364929094),
  ('<unk>', 0.14631565085053433)],
 [('of', 0.14844685104257518),
  ('the', 0.13452136480541202),
  ('for', 0.12924931538988824),
  ('as', 0.11329860702140068),
  ('so', 0.10424429208876926),
  ('and', 0.09071241144430167),
  ('in', 0.07780599702682253),
  ('great', 0.06735625559932015),
  ('that', 0.06512354800206056),
  ('<unk>', 0.06924135757944971)],
 [('the', 0.018929583842562728),
  ('land', 0.01727719731094011),
  ('and', 0.014864392990553813),
  (';', 0.013272237014731765),
  ('dollars', 0.01209948976351886),
  ('1', 0.009525770378463468),
  ('time', 0.009379357415517445),
  ('more', 0.00921957824648372),
  ('nothing', 0.00917747564443148),
  ('<unk>', 0.8862549173927966)],
 [('the', 0.44464168906723206),
  ('this', 0.24077619530936867),
  ('a', 0.08569151681147046),
  ('tho', 0.03472975896435893),
  ('and', 0.027061829597848266),
  ('of', 0.026001000366976355),
  ('next', 0.023805367094679078),
  ('This', 0.02227788509995529),
  ('that', 0.02029612487482775),
  ('<unk>', 0.07471863281328295)],
 [('of', 0.28893596875150496),
  ('to', 0.11828527537144104),
  ('in', 0.11716688775015933),
  ('and', 0.07052503219403454),
  ('with', 0.060968063061768975),
  ('for', 0.05399238851580153),
  ('on', 0.051971718362956075),
  ('by', 0.04056914361611192),
  ('from', 0.03832103614950224),
  ('<unk>', 0.1592644862267193)],
 [('in', 0.40336712286465914),
  ('of', 0.15697515200782106),
  ('under', 0.12736513180403558),
  ('to', 0.08794710013978192),
  ('In', 0.08295251988366797),
  ('from', 0.032071131987128326),
  ('for', 0.030502524303342077),
  ('with', 0.02715510178530325),
  ('at', 0.025226596894984632),
  ('<unk>', 0.026437618329276047)],
 [('the', 0.13131707941796036),
  ('of', 0.10266624660776082),
  ('and', 0.09229529801872993),
  ('a', 0.06685117152435144),
  ('to', 0.0453087286038325),
  ('was', 0.03417888823406092),
  ('be', 0.027730621924075435),
  ('is', 0.024075267357923653),
  ('been', 0.02027010303243411),
  ('<unk>', 0.45530659527887085)],
 [('of', 0.3395217692995523),
  ('to', 0.10402908930680646),
  ('in', 0.1028256333134153),
  ('and', 0.06130859667555112),
  ('on', 0.055257477036530514),
  ('by', 0.054458580531476175),
  ('for', 0.05279457725463965),
  ('with', 0.04043856418563209),
  ('that', 0.04017622699660164),
  ('<unk>', 0.14918948539979482)],
 [('those', 0.12386364957664166),
  ('men', 0.1085054405092665),
  ('man', 0.07663862518269614),
  ('and', 0.06582366933903736),
  ('people', 0.03147737672773049),
  ('all', 0.02407242978402488),
  ('one', 0.020883676538945004),
  ('Those', 0.015013800190244973),
  ('persons', 0.014524887443507824),
  ('<unk>', 0.5191964447079052)],
 [('and', 0.0851033533041149),
  ('made', 0.034328641509300956),
  ('voted', 0.03359075855313322),
  ('up', 0.029436988718239618),
  ('brought', 0.02842638990509715),
  ('out', 0.02713083581421762),
  ('was', 0.027038967592764408),
  ('protest', 0.02490337353958865),
  ('is', 0.02382498105170419),
  ('<unk>', 0.6862157100118392)],
 [('and', 0.08457409258988018),
  ('as', 0.07310322114100815),
  ('way', 0.029964181208390134),
  ('time', 0.02121518076204328),
  ('is', 0.01876894078782973),
  ('said', 0.01869077298336833),
  ('subject', 0.01771091319896325),
  ('referred', 0.01718601058251655),
  ('him', 0.01698839098742851),
  ('<unk>', 0.7017982957585719)],
 [('was', 0.13947840614393847),
  ('be', 0.10048472294189306),
  ('and', 0.09371896234195272),
  ('is', 0.09066568754357478),
  ('he', 0.07805707058713068),
  ('has', 0.0780465875588419),
  ('been', 0.07186289135929985),
  ('had', 0.065189895836839),
  ('the', 0.05856685380035961),
  ('<unk>', 0.22392892188616986)],
 [('the', 0.179495383453344),
  ('and', 0.11599702276111824),
  ('of', 0.07587891281463818),
  ('a', 0.048701954407041406),
  ('to', 0.040087140981007074),
  ('The', 0.028616445957769753),
  ('or', 0.028441219725578504),
  ('that', 0.028199778468405216),
  ('Mr.', 0.026963429045405114),
  ('<unk>', 0.4276187123856924)],
 [('of', 0.2119741173318365),
  ('the', 0.19799060459849482),
  ('and', 0.09787415544310189),
  ('to', 0.06179729051178581),
  ('in', 0.059567928330851304),
  ('by', 0.04245472156505459),
  ('at', 0.03014461273623336),
  ('a', 0.026664993286613058),
  ('The', 0.026211319650448348),
  ('<unk>', 0.24532025654558032)],
 [('the', 0.1324733791255823),
  ('of', 0.08028921421682624),
  ('and', 0.06449043014777758),
  ('a', 0.04792947037257922),
  ('to', 0.03425079054903791),
  ('in', 0.023215848516239136),
  ('at', 0.016139754844191268),
  ('.', 0.014115499727612866),
  ('<s>', 0.013839916334634932),
  ('<unk>', 0.5732556961655185)],
 [('and', 0.26987723745195263),
  ('was', 0.07502898072742313),
  ('of', 0.06621676405157115),
  ('the', 0.0499295188694626),
  ('is', 0.04578566581700393),
  ('to', 0.041119205132318856),
  ('be', 0.03932431867816201),
  ('are', 0.029427616510302096),
  ('that', 0.027280773056464876),
  ('<unk>', 0.3560099197053387)],
 [('of', 0.30299798685919876),
  ('to', 0.14488517719978405),
  ('in', 0.1345678714873167),
  ('on', 0.07746136756648636),
  ('by', 0.056616250569230156),
  ('that', 0.05435162201349332),
  ('and', 0.05316122360687644),
  ('from', 0.044912623021212426),
  ('with', 0.04108791097121762),
  ('<unk>', 0.08995796670518408)],
 [('and', 0.2068528786738445),
  ('I', 0.1559931555823634),
  ('who', 0.0788925277077673),
  ('he', 0.06326654306677962),
  ('they', 0.05583396037382614),
  ('not', 0.05113482162104511),
  ('we', 0.04713005164647659),
  ('He', 0.03136857336830078),
  ('have', 0.030998912265584655),
  ('<unk>', 0.2785285756940119)],
 [('the', 0.24318619005451153),
  ('a', 0.17981313583468067),
  ('of', 0.05728665799961361),
  ('and', 0.045260239782855864),
  ('The', 0.041747373863080646),
  ('in', 0.0273553227785776),
  ('an', 0.02476955494075239),
  ('his', 0.018517764362104835),
  ('to', 0.01775464278711357),
  ('<unk>', 0.34430911759670924)],
 [('of', 0.3947849040436477),
  ('in', 0.1800367418955531),
  ('the', 0.11395681222161674),
  ('to', 0.05900416702924673),
  ('by', 0.05548942353100559),
  ('In', 0.04403687191962574),
  ('from', 0.03151369623913446),
  ('for', 0.022741581294623846),
  ('with', 0.020437580974813085),
  ('<unk>', 0.07799822085073294)],
 [('more', 0.4591074338070652),
  ('less', 0.16943956142501343),
  ('rather', 0.07031260921271001),
  ('better', 0.04163857983705598),
  ('worse', 0.01824802140312286),
  ('other', 0.0165903319534979),
  ('greater', 0.016484270733146192),
  ('higher', 0.011749892736679202),
  ('lower', 0.009312029889804401),
  ('<unk>', 0.18711726900190495)],
 [('the', 0.4291692992083157),
  ('a', 0.08069026424324838),
  ('and', 0.060051691698878897),
  ('The', 0.035109613446569383),
  ('tho', 0.033241187331968944),
  ('of', 0.021553045639513192),
  ('tbe', 0.015945885714693298),
  ('in', 0.015254099967416418),
  ('or', 0.014510664393331416),
  ('<unk>', 0.2944742483560644)],
 [('set', 0.11812523115612115),
  ('taken', 0.1009970804777877),
  ('went', 0.08734830081460353),
  ('came', 0.08608102218450184),
  ('it', 0.05066159776446075),
  ('brought', 0.049005762188622),
  ('go', 0.04233108775446251),
  ('him', 0.038362926941133725),
  ('put', 0.034726120651336664),
  ('<unk>', 0.39236087006697007)],
 [('man', 0.10694619696129642),
  ('men', 0.08696054732868247),
  ('those', 0.08508865597773513),
  ('and', 0.06292200619153401),
  ('one', 0.03994920439269397),
  ('people', 0.0348759993205589),
  ('woman', 0.02518569177962553),
  ('all', 0.016431863818732188),
  ('girl', 0.012580020295358164),
  ('<unk>', 0.5290598139337832)],
 [('was', 0.10832920898748942),
  ('and', 0.10538561922886197),
  ('or', 0.08297845408518814),
  ('is', 0.07418225821268495),
  ('by', 0.06152169755904573),
  ('of', 0.04400277758066716),
  ('a', 0.04177229908187408),
  ('about', 0.03227935375093811),
  ('are', 0.027612435648026106),
  ('<unk>', 0.4219358958652242)],
 [('-', 0.07090920113688877),
  ('ai', 0.04216726307413542),
  ('e-', 0.026317243036286762),
  ('the', 0.024331020915157285),
  ('to', 0.01632415145255721),
  ('and', 0.013908363961446736),
  ('I', 0.01254360293426398),
  ('a', 0.01089230921889373),
  ('at', 0.01071794488617029),
  ('<unk>', 0.7718888993841998)],
 [('the', 0.5519001149952807),
  ('of', 0.05849838445402326),
  ('a', 0.05329802947972393),
  ('in', 0.048143076890846535),
  ('his', 0.0401479502310948),
  ('our', 0.03851625788114441),
  ('this', 0.031936002775608846),
  ('public', 0.03022992226021229),
  ('tho', 0.02987324617367943),
  ('<unk>', 0.11745701485838578)],
 [('it', 0.1423793529073166),
  ('I', 0.12326523026825811),
  ('he', 0.11027403515134473),
  ('we', 0.08825798157586229),
  ('It', 0.08674184989500999),
  ('they', 0.08515558099846937),
  ('We', 0.03504524897959857),
  ('and', 0.033419743107292045),
  ('you', 0.028861262990746515),
  ('<unk>', 0.26659971412610173)],
 [('quiet', 0.020878377148784395),
  ('it', 0.01964944668431182),
  ('made', 0.015898263515130073),
  ('power', 0.014577461918110523),
  ('more', 0.01383444290977633),
  ('time', 0.013051664944122436),
  ('prompt', 0.011181655452445195),
  ('labor', 0.010879192907332177),
  ('this', 0.01082426542537815),
  ('<unk>', 0.8692252290946089)],
 [('of', 0.3364507319298727),
  ('in', 0.1517608676315778),
  ('with', 0.0819417355693627),
  ('to', 0.07075280455505638),
  ('and', 0.06217290788238846),
  ('that', 0.05994325801737985),
  ('by', 0.055585432691078095),
  ('for', 0.04039454263747643),
  ('on', 0.03875619995857194),
  ('<unk>', 0.10224151912723556)],
 [('one', 0.1205416303386925),
  ('part', 0.06944119767952432),
  ('out', 0.05592605372235919),
  ('some', 0.038098542342519255),
  ('members', 0.03637420179692493),
  ('side', 0.035860018084640774),
  ('portion', 0.025832203245739014),
  ('office', 0.023918125974121147),
  ('end', 0.023626759096503844),
  ('<unk>', 0.570381267718975)],
 [('and', 0.10471771251622831),
  ('for', 0.08791317130602427),
  ('as', 0.07781187055186388),
  ('on', 0.0671923331296303),
  ('of', 0.05853582856415462),
  ('to', 0.05332863169995949),
  ('in', 0.0515784812647175),
  ('that', 0.05152537333120732),
  ('make', 0.05067531897251976),
  ('<unk>', 0.39672127866369455)],
 [('it', 0.14171432181632435),
  ('which', 0.12326626119500166),
  ('It', 0.12179374092589655),
  ('that', 0.08062180959077019),
  ('he', 0.06917181178253022),
  ('who', 0.06883450041880022),
  ('there', 0.05332739310595876),
  ('and', 0.033350539579102535),
  ('There', 0.028723707652714668),
  ('<unk>', 0.2791959139329008)],
 [('was', 0.2082782432009892),
  ('be', 0.18259257262662593),
  ('were', 0.14947542428867894),
  ('are', 0.12010092037992055),
  ('been', 0.09264308488140749),
  ('is', 0.06444029686520299),
  ('and', 0.04520058489814262),
  ('being', 0.04095075796516579),
  ('had', 0.015348570906352494),
  ('<unk>', 0.08096954398751399)],
 [('and', 0.07204834251335517),
  ('away', 0.033724541548833524),
  ('him', 0.030476579228797058),
  ('far', 0.02901627187245491),
  ('it', 0.026222292224457374),
  ('them', 0.024184330379602922),
  ('years', 0.021473401819739675),
  ('taken', 0.018389575495553458),
  ('free', 0.018224129333983704),
  ('<unk>', 0.7262405355832222)],
 [('of', 0.10565038393849085),
  ('the', 0.08440200144428926),
  ('and', 0.05415913604161536),
  ('in', 0.04974312212120972),
  ('to', 0.04524125908579969),
  ('a', 0.040447158631791276),
  ('be', 0.02265850506529176),
  ('for', 0.022518988614812368),
  ('at', 0.02013727453217357),
  ('<unk>', 0.5550421705245261)],
 [('more', 0.18295343269033276),
  ('was', 0.11403205848960332),
  ('is', 0.10975792277773397),
  ('and', 0.10481249049245453),
  ('be', 0.06918790337961361),
  ('are', 0.06842909054852182),
  ('were', 0.0403439978087151),
  ('been', 0.03493244796065186),
  ('not', 0.02815261667553329),
  ('<unk>', 0.24739803917683967)],
 [('and', 0.22598775602171975),
  ('was', 0.12215004480052284),
  ('is', 0.11569304806377882),
  ('are', 0.09035401052848896),
  ('He', 0.059874589272117605),
  ('were', 0.05859106163806278),
  ('but', 0.052871371969116794),
  ('has', 0.05142951569945289),
  ('have', 0.028432514417232164),
  ('<unk>', 0.19461608758950721)],
 [('the', 0.5334666988765951),
  ('in', 0.10666553337901925),
  ('of', 0.09131004940533471),
  ('The', 0.0647746457679506),
  ('tho', 0.03216918768259257),
  ('a', 0.031375547308174365),
  ('his', 0.03111085492476337),
  ('their', 0.027438980484382383),
  ('its', 0.026723379468756317),
  ('<unk>', 0.054965122702431146)],
 [('and', 0.38075879570914556),
  ('by', 0.08846670332841446),
  ('that', 0.07701071731608317),
  ('of', 0.07149279495585753),
  ('to', 0.06091397795330514),
  ('a', 0.04987970808026454),
  ('the', 0.04713824870437566),
  ('or', 0.04174346191336002),
  ('be', 0.03736414373206758),
  ('<unk>', 0.14523144830712653)],
 [('It', 0.1511360651747363),
  ('it', 0.14164916855589646),
  ('he', 0.13296417453532142),
  ('which', 0.0709120791072913),
  ('He', 0.06841623988139507),
  ('and', 0.0580887612295169),
  ('that', 0.054495278255827555),
  ('who', 0.04150523531802006),
  ('she', 0.02799660794574828),
  ('<unk>', 0.2528363899962466)],
 [('lying', 0.08913815554913544),
  ('and', 0.07246014889166191),
  ('going', 0.05415114644246965),
  ('work', 0.02995382642221322),
  ('due', 0.027947405269221914),
  ('that', 0.023648131180485792),
  ('was', 0.02140515637185982),
  ('committee', 0.020257262086795978),
  ('interest', 0.0201806313615528),
  ('<unk>', 0.6408581364246035)],
 [('It', 0.18296567770964087),
  ('there', 0.17558182795693772),
  ('it', 0.15722924063961502),
  ('There', 0.08426511811979594),
  ('This', 0.0534194571831621),
  ('which', 0.03861253116959126),
  ('that', 0.037064309024788474),
  ('he', 0.03638340053929171),
  ('this', 0.031670977589540655),
  ('<unk>', 0.20280746006763628)],
 [('in', 0.05273694189329389),
  ('up', 0.023714717833911193),
  ('to', 0.012512386230395588),
  ('men', 0.010687759186232517),
  (';', 0.009809106795831725),
  ('him', 0.009394411899188016),
  ('In', 0.007630428900849688),
  ('out', 0.007058247799674245),
  ('them', 0.007005511703722209),
  ('<unk>', 0.8594504877569009)],
 [('and', 0.08327781670741304),
  ('him', 0.07280231732605062),
  ('Then,', 0.0714364303751778),
  ('up', 0.06307411960842704),
  ('her', 0.038401583664160285),
  ('back', 0.03132202471064234),
  ('out', 0.030514865318676598),
  ('it', 0.03015206601330625),
  ('me', 0.028229449621974628),
  ('<unk>', 0.5507893266541715)],
 [('the', 0.1324733791255823),
  ('of', 0.08028921421682624),
  ('and', 0.06449043014777758),
  ('a', 0.04792947037257922),
  ('to', 0.03425079054903791),
  ('in', 0.023215848516239136),
  ('at', 0.016139754844191268),
  ('.', 0.014115499727612866),
  ('<s>', 0.013839916334634932),
  ('<unk>', 0.5732556961655185)],
 [('of', 0.24459674618477445),
  ('in', 0.1485843150083669),
  ('to', 0.10829420800400559),
  ('by', 0.09769550665817837),
  ('with', 0.07141896821935569),
  ('and', 0.041471662173912106),
  ('for', 0.038837453445269426),
  ('is', 0.038241666488629644),
  ('was', 0.0371783526978615),
  ('<unk>', 0.1736811211196463)],
 [('to', 0.20565502990009576),
  ('for', 0.17469627096123957),
  ('with', 0.16345039485611798),
  ('of', 0.08974285838584317),
  ('upon', 0.06271894683181366),
  ('against', 0.05546787917674001),
  ('on', 0.03827939341065439),
  ('before', 0.0339284442354553),
  ('by', 0.03306045418020137),
  ('<unk>', 0.14300032806183882)],
 [('taken', 0.12176609371893565),
  ('came', 0.08414033087280803),
  ('it', 0.05371524216450779),
  ('made', 0.0523531046558063),
  ('put', 0.05060150087722936),
  ('got', 0.05006156841684845),
  ('come', 0.0490126319918486),
  ('picked', 0.0465569539297822),
  ('set', 0.041179993007524104),
  ('<unk>', 0.45061258036470964)],
 [('was', 0.1810195726491936),
  ('and', 0.15324054363008027),
  ('is', 0.10000629088484438),
  ('be', 0.09633260939515868),
  ('have', 0.051866626635714445),
  ('had', 0.04437427833855374),
  ('are', 0.04161222208936041),
  ('not', 0.03777390989855515),
  ('has', 0.0376381137179064),
  ('<unk>', 0.256135832760633)],
 [('and', 0.10940223500932075),
  ('together', 0.09458801042831927),
  ('connected', 0.03136811635610938),
  ('connection', 0.03064856809160243),
  ('it', 0.027417520875287336),
  ('them', 0.02392555872300179),
  ('accordance', 0.022665935012409103),
  ('do', 0.0197671025717742),
  ('but', 0.01963249244031468),
  ('<unk>', 0.6205844604918611)],
 [('it', 0.1688969363111716),
  ('It', 0.14832310717091005),
  ('he', 0.10827178852129958),
  ('and', 0.0874758182845974),
  ('He', 0.053837698888139995),
  ('which', 0.05332423150865145),
  ('I', 0.03617637544856556),
  ('that', 0.03460460538357962),
  ('she', 0.033885767528695286),
  ('<unk>', 0.27520367095438936)],
 [('day', 0.019130414923408612),
  ('time', 0.015412014984428716),
  ('house', 0.014901895586259773),
  ('land', 0.013529902032126664),
  ('city', 0.012862841628454079),
  ('men', 0.01220993155616827),
  ('street', 0.011861473484416367),
  ('feet', 0.011846478443676948),
  ('long', 0.011356853395419664),
  ('<unk>', 0.8768881939656409)],
 [('-', 0.06356142387696438),
  ('of', 0.03148999032380754),
  ('and', 0.029524746569056248),
  ('the', 0.022873276548445787),
  ('.', 0.01693489645016324),
  ('<s>', 0.01644907620390991),
  ('a', 0.014311190518777748),
  ('w', 0.011115272507521645),
  ('to', 0.011065578707606065),
  ('<unk>', 0.7826745482937474)],
 [('to', 0.529584048586822),
  ('not', 0.13947541870758023),
  ('would', 0.08850649139776252),
  ('and', 0.06928823157993855),
  ('will', 0.06841219593389061),
  ('never', 0.022469649187689428),
  ('I', 0.018826268577007126),
  ('must', 0.01383119792280005),
  ('may', 0.013676027280359042),
  ('<unk>', 0.03593047082615053)],
 [('and', 0.04497409099001032),
  ('as', 0.036598827945131016),
  ('went', 0.026817264588503784),
  ('him', 0.025809212045118317),
  ('them', 0.021636051682009376),
  ('up', 0.02074742553684763),
  ('is', 0.020475987933972963),
  ('able', 0.019722424722913523),
  ('go', 0.0196319186896329),
  ('<unk>', 0.7635867958658602)],
 [('the', 0.2756345186870901),
  ('a', 0.21907898616199567),
  ('of', 0.07079697253875097),
  ('an', 0.03739011578096882),
  ('to', 0.03653226943922751),
  ('The', 0.031554279465539195),
  ('in', 0.029968177381181467),
  ('and', 0.027544431085781505),
  ('that', 0.01908832567349124),
  ('<unk>', 0.2524119237859733)],
 [('him.', 0.051787303564042604),
  ('<s>', 0.029164124806253734),
  ('it.', 0.022909577896481705),
  ('years.', 0.013615627032679468),
  ('them.', 0.012416450959852332),
  ('time.', 0.010888783619639464),
  ('man.', 0.010544892530498269),
  ('life.', 0.010261630990398982),
  ('himself.', 0.010196161121575559),
  ('<unk>', 0.8282154474785779)],
 [('the', 0.1427869286699032),
  ('of', 0.13182187196144934),
  ('a', 0.06838580925634612),
  ('to', 0.061155821495499876),
  ('and', 0.058087207342058675),
  ('for', 0.04835965435067415),
  ('in', 0.04119312995698552),
  ('by', 0.03061109900951597),
  ('at', 0.028783355313076884),
  ('<unk>', 0.38881512264449025)],
 [('<s>', 0.05419866507910248),
  ('and', 0.02629762868693869),
  ('made', 0.01331469918136564),
  ('that', 0.012835932444259561),
  ('be', 0.010069910027979339),
  ('.', 0.009009549580272903),
  ('them', 0.00868924503697512),
  ('out', 0.008300310727897007),
  ('him', 0.008040426376320518),
  ('<unk>', 0.8492436328588887)],
 [('the', 0.26115946239270527),
  ('of', 0.08921846272583894),
  ('and', 0.06084738450221828),
  ('that', 0.05323186300024781),
  ('The', 0.04432212582385764),
  ('Mr.', 0.03615593694817604),
  ('a', 0.03603371429500579),
  ('or', 0.02294363645311816),
  ('no', 0.020421006159333652),
  ('<unk>', 0.37566640769949855)],
 [('the', 0.09210122615009729),
  ('of', 0.058277725359485506),
  ('and', 0.05545190923542725),
  ('.', 0.03633982931909757),
  ('a', 0.029649968464589088),
  ('to', 0.024889502088199074),
  ('at', 0.02107196777921587),
  ('<s>', 0.01817388417077666),
  ('Mrs.', 0.016895509558270305),
  ('<unk>', 0.6471484778748413)],
 [('the', 0.11035740405539282),
  ('and', 0.07907549043948522),
  ('of', 0.062268245878461984),
  ('was', 0.03997755580835085),
  ('a', 0.03920260809657849),
  ('to', 0.031301543192071596),
  ('his', 0.0310298273563336),
  ('in', 0.029200709236781173),
  ('for', 0.027547217109887848),
  ('<unk>', 0.5500393988266565)],
 [('number', 0.08754399881802095),
  ('out', 0.08188563473329839),
  ('years', 0.07076801374754194),
  ('kind', 0.05840044552870696),
  ('sort', 0.05224066377269417),
  ('full', 0.05015360450840577),
  ('matter', 0.0427586986270047),
  ('lack', 0.04164358846726164),
  ('amount', 0.035035753986540914),
  ('<unk>', 0.47956959781052455)],
 [('the', 0.6682620578613782),
  ('said', 0.08220848988493631),
  ('The', 0.05687658216555924),
  ('tho', 0.03551170645829756),
  ('State', 0.033015047485926215),
  ('and', 0.01942677089677552),
  ('a', 0.019033564417498365),
  ('tbe', 0.014061540111429344),
  ('County', 0.01135609326048711),
  ('<unk>', 0.06024814745771212)],
 [('the', 0.16956271747097768),
  ('of', 0.12724795841324324),
  ('to', 0.052962046991646215),
  ('boy.', 0.04404777054043019),
  ('girl.', 0.04249770062094717),
  ('and', 0.03938550345552689),
  ('a', 0.03687061746818377),
  ('in', 0.03194767915467013),
  ('for', 0.027454910546044514),
  ('<unk>', 0.42802309533833016)],
 [('and', 0.1317127632238329),
  ('made', 0.0351356912835514),
  ('necessary', 0.03200293144955895),
  ('provide', 0.024906283988261956),
  ('him', 0.02090762829858741),
  ('time', 0.020178117239795287),
  ('but', 0.01981895220494238),
  ('pay', 0.019647206189762706),
  ('responsible', 0.019392297433272435),
  ('<unk>', 0.6762981286884345)],
 [('the', 0.3712639647989051),
  ('a', 0.15729627954439657),
  ('of', 0.10600117092449231),
  ('his', 0.07801628325194679),
  ('their', 0.054517173336246116),
  ('and', 0.03529874212389993),
  ('The', 0.028060957816259658),
  ('her', 0.028032819378727064),
  ('our', 0.022949476386027068),
  ('<unk>', 0.11856313243909944)],
 [('the', 0.19478298399870383),
  ('and', 0.10594165555797058),
  ('of', 0.07639425902662918),
  ('a', 0.06491031552838024),
  ('The', 0.04497915215471319),
  ('Mr.', 0.03018570680017079),
  ('in', 0.027618836878443843),
  ('was', 0.026226084765586813),
  ('are', 0.02608891199617819),
  ('<unk>', 0.4028720932932234)],
 [('the', 0.26471240684872627),
  ('a', 0.1620941839373878),
  ('of', 0.15649493142181176),
  ('his', 0.12106605592629877),
  ('and', 0.08015456264900978),
  ('in', 0.04489985084478006),
  ('their', 0.04413819748828216),
  ('our', 0.028497510224875493),
  ('to', 0.028252748053998328),
  ('<unk>', 0.06968955260482945)],
 [('the', 0.1529455107213414),
  ('of', 0.1161623888009955),
  ('and', 0.08446411009407995),
  ('a', 0.06350711011840755),
  ('to', 0.04406834724430649),
  ('be', 0.03203142989592091),
  ('was', 0.028922065561521573),
  ('is', 0.024408080640634912),
  ('in', 0.023088780788624474),
  ('<unk>', 0.4304021761341672)],
 [('the', 0.6518366175418195),
  ('The', 0.05464528152339819),
  ('in', 0.05369669787086589),
  ('and', 0.045163780384742475),
  ('a', 0.04129524820364224),
  ('tho', 0.03627574434350791),
  ('great', 0.019744459660578587),
  ('In', 0.01811221019928056),
  ('of', 0.017354224788381563),
  ('<unk>', 0.06187573548378311)],
 [('and', 0.11140007452912433),
  ('that', 0.06735781596560056),
  ('time', 0.042120486638620384),
  ('made', 0.03792950217360027),
  ('them', 0.026624154291829787),
  ('him', 0.02191064112590712),
  ('or', 0.021102786005941416),
  ('but', 0.020978988557420464),
  ('up', 0.018770033199679764),
  ('<unk>', 0.6318055175122759)],
 [('and', 0.09744472744629232),
  ('to', 0.08811377687172123),
  ('of', 0.06241100101805663),
  ('the', 0.05293063122593873),
  ('at', 0.02431008370203991),
  ('in', 0.022672663338458954),
  ('<s>', 0.021920275928601084),
  ('that', 0.02167494008822942),
  ('be-', 0.020575555127625204),
  ('<unk>', 0.5879463452530365)],
 [('the', 0.11094759190151894),
  ('of', 0.08693605728069226),
  ('and', 0.07834584973830144),
  ('to', 0.03734992804937822),
  ('by', 0.024676429961389523),
  ('a', 0.021685377229051277),
  ('.', 0.019127004527566816),
  ('at', 0.019015260382808995),
  ('was', 0.01893032789621958),
  ('<unk>', 0.582986173033073)],
 [('and', 0.11035739739498931),
  ('of', 0.0717317188339188),
  ('the', 0.06109019791803262),
  ('a', 0.0589984003668131),
  ('to', 0.026848201964088395),
  ('be', 0.01911949479097429),
  ('in', 0.015155403657670652),
  ('he', 0.01484308260468141),
  ('A', 0.012337670539773622),
  ('<unk>', 0.6095184319290579)],
 [('on', 0.600710938310138),
  ('of', 0.07568565006633292),
  ('to', 0.05496065760494771),
  ('and', 0.04802106821092252),
  ('On', 0.04409249305354108),
  ('in', 0.04277460362628237),
  ('upon', 0.03371795629545945),
  ('In', 0.021131064956329344),
  ('for', 0.019322559981944452),
  ('<unk>', 0.05958300789410209)],
 [('the', 0.1324733791255823),
  ('of', 0.08028921421682624),
  ('and', 0.06449043014777758),
  ('a', 0.04792947037257922),
  ('to', 0.03425079054903791),
  ('in', 0.023215848516239136),
  ('at', 0.016139754844191268),
  ('.', 0.014115499727612866),
  ('<s>', 0.013839916334634932),
  ('<unk>', 0.5732556961655185)],
 [('the', 0.4291692992083157),
  ('a', 0.08069026424324838),
  ('and', 0.060051691698878897),
  ('The', 0.035109613446569383),
  ('tho', 0.033241187331968944),
  ('of', 0.021553045639513192),
  ('tbe', 0.015945885714693298),
  ('in', 0.015254099967416418),
  ('or', 0.014510664393331416),
  ('<unk>', 0.2944742483560644)],
 [('it', 0.3002027263202407),
  ('It', 0.2368864981191534),
  ('which', 0.05451955808910241),
  ('that', 0.0433896318542562),
  ('there', 0.042607444166357346),
  ('he', 0.041216473137833685),
  ('what', 0.033925293347933205),
  ('This', 0.029883818512164703),
  ('and', 0.028516452119354985),
  ('<unk>', 0.18885210433360355)],
 [('and', 0.18872085219072457),
  ('to', 0.09411944300556443),
  ('the', 0.09379762079077845),
  ('of', 0.03940913539323499),
  ('will', 0.032838240508148875),
  ('that', 0.020783179020365205),
  ('in', 0.01990735446213861),
  ('he', 0.018977793041226907),
  ('which', 0.01825905125384786),
  ('<unk>', 0.4731873303339701)],
 [('a', 0.3210636461643495),
  ('the', 0.3136771393191126),
  ('of', 0.09259001008166737),
  ('with', 0.051088985243859096),
  ('this', 0.038834839943355855),
  ('and', 0.03226954948926838),
  ('in', 0.031023173311534296),
  ('A', 0.028094469468718224),
  ('The', 0.022485119615116334),
  ('<unk>', 0.06887306736301835)],
 [('him', 0.026574983187016815),
  (';', 0.01448210541448101),
  ('man', 0.013332396581827983),
  ('and', 0.01061154090672058),
  ('him,', 0.01054627647869745),
  ('up', 0.010032519069467817),
  ('in', 0.008814676829147723),
  ('himself', 0.008588058833093616),
  ('man,', 0.007739506150797834),
  ('<unk>', 0.8892779365487492)],
 [('no', 0.6118377098648078),
  ('a', 0.21062080214006434),
  ('much', 0.039167019232150733),
  ('any', 0.03691722599384758),
  ('the', 0.0302150247251512),
  ('and', 0.015417224808167412),
  ('some', 0.012829415078866563),
  ('for', 0.011606441786382003),
  ('this', 0.010258423408990422),
  ('<unk>', 0.021130712961571763)],
 [('went', 0.16743293199945913),
  ('came', 0.09285615370126947),
  ('come', 0.08528684783808285),
  ('go', 0.08464963108361497),
  ('sat', 0.08118338109166362),
  ('and', 0.04895370127847697),
  ('it', 0.04687591673007653),
  ('them', 0.04533368828446485),
  ('way', 0.04445502888936588),
  ('<unk>', 0.30297271910352574)],
 [('of', 0.16490650493017178),
  ('in', 0.09424501452410461),
  ('as', 0.07772250256651461),
  ('to', 0.07439818130211795),
  ('with', 0.07436662098887521),
  ('is', 0.06929524124389311),
  ('and', 0.0638959829882729),
  ('was', 0.053684789454677334),
  ('for', 0.050572135171843745),
  ('<unk>', 0.2769130268295287)],
 [('the', 0.4345347465890111),
  ('of', 0.16420061396784166),
  ('The', 0.07553753075363528),
  ('and', 0.05485698221389127),
  ('this', 0.035907226920296534),
  ('a', 0.035856888307623326),
  ('tho', 0.023757106322143975),
  ('his', 0.016175526588906752),
  ('to', 0.016161146542117595),
  ('<unk>', 0.14301223179453237)],
 [('in', 0.15277190365142282),
  ('of', 0.14358622709477728),
  ('for', 0.13639403791098492),
  ('to', 0.10065624370406659),
  ('is', 0.07761793033463844),
  ('and', 0.0680514428828969),
  ('with', 0.06781412833499847),
  ('as', 0.06194944387060649),
  ('was', 0.05580460816143156),
  ('<unk>', 0.13535403405417656)],
 [('they', 0.32627209199719825),
  ('we', 0.10448966494260624),
  ('They', 0.09613408088108774),
  ('There', 0.05140023134729893),
  ('You', 0.04425445922150967),
  ('and', 0.04301621358834449),
  ('who', 0.040709558174608404),
  ('you', 0.03668335297069065),
  ('We', 0.03583470974307107),
  ('<unk>', 0.22120563713358443)],
 [('to', 0.5251009105596495),
  ('will', 0.08619548638400229),
  ('not', 0.08073217194668515),
  ('would', 0.05810031532312789),
  ('and', 0.043025223375461046),
  ('should', 0.03325054261747785),
  ('the', 0.03280509909830365),
  ('shall', 0.02984181849290391),
  ('may', 0.02941775457256321),
  ('<unk>', 0.08153067762982558)],
 [('<s>', 0.06713648669151066),
  ('it.', 0.012184023610656744),
  ('.', 0.010274345244464573),
  ('them.', 0.009572847888980369),
  ('him.', 0.006530988986976151),
  ('time.', 0.005338381371170915),
  ('day.', 0.005041869809826181),
  ('country.', 0.0047856437197043135),
  ('year.', 0.004207596766128274),
  ('<unk>', 0.8749278159105818)],
 [('of', 0.2002862480920551),
  ('as', 0.0980521018700812),
  ('to', 0.09264971373717878),
  ('by', 0.09133194776327068),
  ('is', 0.07409405636398117),
  ('was', 0.07111910953040042),
  ('in', 0.06993836473523923),
  ('with', 0.0654269862380218),
  ('for', 0.06403294316074612),
  ('<unk>', 0.17306852850902543)],
 [('and', 0.136907696142588),
  ('of', 0.12780762273322036),
  ('to', 0.11793197317041762),
  ('the', 0.10240783536149838),
  ('in', 0.05438298314758883),
  ('at', 0.02823778418306835),
  ('by', 0.02219150662727849),
  ('with', 0.02188697345285911),
  ('for', 0.02146248903329854),
  ('<unk>', 0.36678313614818236)],
 [('and', 0.10407381548396474),
  ('to', 0.08057777729341435),
  ('of', 0.05388367669190889),
  ('the', 0.04821117180560612),
  ('which', 0.029266461991238377),
  ('that', 0.02831541488317582),
  ('re-', 0.026433596473200552),
  ('in', 0.025489149386145347),
  ('for', 0.024136474440264972),
  ('<unk>', 0.5796124615510809)],
 [('of', 0.24791598730282757),
  ('in', 0.1968294480523706),
  ('the', 0.12153805013874919),
  ('to', 0.04358200620061145),
  ('and', 0.040932590572992214),
  ('In', 0.031796928915231094),
  ('said', 0.031674295058178446),
  ('for', 0.02598642126238206),
  ('from', 0.01643889251348217),
  ('<unk>', 0.24330537998317514)],
 [('of', 0.16490650493017178),
  ('in', 0.09424501452410461),
  ('as', 0.07772250256651461),
  ('to', 0.07439818130211795),
  ('with', 0.07436662098887521),
  ('is', 0.06929524124389311),
  ('and', 0.0638959829882729),
  ('was', 0.053684789454677334),
  ('for', 0.050572135171843745),
  ('<unk>', 0.2769130268295287)],
 [('and', 0.11877549856985686),
  ('was', 0.04138062641371612),
  ('held', 0.03837028996755874),
  ('look', 0.029508562542587696),
  ('is', 0.028210634186592858),
  ('Beginning', 0.027152102678423516),
  ('arrived', 0.026124400352797103),
  ('that', 0.025707662687682337),
  ('thereon', 0.024141444954529395),
  ('<unk>', 0.6406287776462554)],
 [('away', 0.06767153502307746),
  ('and', 0.060737764147902364),
  ('taken', 0.04853210259205221),
  ('miles', 0.042681384403508535),
  ('feet', 0.040335306940912134),
  ('come', 0.026753650250418426),
  ('them', 0.02583222652787119),
  ('out', 0.025019759926341378),
  ('came', 0.02499294706616878),
  ('<unk>', 0.6374433231217476)],
 [('the', 0.5591756275664671),
  ('a', 0.08693419452174599),
  ('of', 0.04542488838944885),
  ('tho', 0.03493762954746279),
  ('The', 0.03219447562843722),
  ('our', 0.028685184901734016),
  ('this', 0.028102023632677255),
  ('to', 0.024997030515951202),
  ('his', 0.02179599431238372),
  ('<unk>', 0.1377529509836919)],
 [('was', 0.2837254015294287),
  ('is', 0.2185287389224168),
  ('are', 0.09849787546636919),
  ('were', 0.06889056970832749),
  ('brought', 0.046737135001050076),
  ('and', 0.03828558249234252),
  ('be', 0.03670952826796112),
  ('Is', 0.0305391636111291),
  ('been', 0.02603252521051612),
  ('<unk>', 0.1520534797904589)],
 [('will', 0.25004518077394733),
  ('to', 0.24525892074537728),
  ('may', 0.09937627281257534),
  ('should', 0.0916619806227114),
  ('would', 0.07726625327846053),
  ('shall', 0.06723675032711421),
  ('can', 0.046831054058646314),
  ('must', 0.04649863027327699),
  ('not', 0.037170305978940846),
  ('<unk>', 0.038654651128949946)],
 [('that', 0.3528477829002798),
  ('and', 0.19378202055529117),
  ('but', 0.06014289802860731),
  ('which', 0.031904488649105986),
  ('as', 0.029294394188558906),
  ('if', 0.02713294898145285),
  ('where', 0.02483482916733827),
  ('If', 0.022425781016659672),
  ('time', 0.020425225892836955),
  ('<unk>', 0.2372096306198691)],
 [('the', 0.17657712904721623),
  ('and', 0.11628323599026867),
  ('of', 0.08264551744697884),
  ('to', 0.05985859622406695),
  ('at', 0.053837512646495715),
  ('a', 0.023544364131758467),
  ('in', 0.020717325383594214),
  ('on', 0.01915862700572073),
  ('<s>', 0.014875255955079247),
  ('<unk>', 0.432502436168821)],
 [('the', 0.1932887394212362),
  ('of', 0.12012993798116298),
  ('to', 0.09242804055570904),
  ('in', 0.0777231013054887),
  ('and', 0.06796748124423263),
  ('a', 0.030175972203834323),
  ('or', 0.023624051697445858),
  ('In', 0.020932658742659),
  ('from', 0.01874984418530425),
  ('<unk>', 0.35498017266292714)],
 [('he', 0.3205371063173259),
  ('who', 0.12133107581392862),
  ('they', 0.08665977002012691),
  ('I', 0.08021312321853846),
  ('she', 0.07562147533764298),
  ('He', 0.05132687276043488),
  ('and', 0.0424742570548608),
  ('we', 0.03283532274602251),
  ('which', 0.024993716466017873),
  ('<unk>', 0.16400728026510114)],
 [('well', 0.19006357437934054),
  ('is', 0.10762024193268682),
  ('have', 0.09859750054234794),
  ('had', 0.06911656814343735),
  ('and', 0.06263306803783938),
  ('made', 0.0547136919698223),
  ('was', 0.04908521150504338),
  ('be', 0.04683729383512405),
  ('not', 0.04389470068997743),
  ('<unk>', 0.2774381489643807)],
 [('it', 0.1639678137195575),
  ('he', 0.1286856176338413),
  ('I', 0.1241641844805081),
  ('that', 0.08009678009962777),
  ('they', 0.07816794324347384),
  ('It', 0.06491634582641405),
  ('which', 0.05257367061166155),
  ('and', 0.0466101472191695),
  ('we', 0.03576640732252428),
  ('<unk>', 0.2250510898432223)],
 [('more', 0.13602463168784362),
  ('less', 0.08574568857515563),
  ('better', 0.07040742195669299),
  ('rather', 0.04999767185237121),
  ('other', 0.045985755044511877),
  ('higher', 0.03261202411025578),
  ('lower', 0.031073875375227017),
  ('and', 0.028450451668624813),
  ('greater', 0.022644170114154063),
  ('<unk>', 0.49705830961516306)],
 [('the', 0.2567461100901763),
  ('this', 0.19445850801382156),
  ('a', 0.1696135816264186),
  ('any', 0.08274735479444048),
  ('every', 0.04712854255253775),
  ('same', 0.04710790556939577),
  ('his', 0.04059891495384932),
  ('and', 0.030556408595191695),
  ('that', 0.028841024683434156),
  ('<unk>', 0.10220164912073437)],
 [('a', 0.21611321345849427),
  ('the', 0.18432605056190157),
  ('to', 0.1420431935034291),
  ('of', 0.09882639608162229),
  ('and', 0.0849308797619048),
  ('his', 0.03805367888650702),
  ('for', 0.028663270222317752),
  ('will', 0.027472528132856396),
  ('with', 0.027114446132905732),
  ('<unk>', 0.15245634325806112)],
 [('of', 0.24375345312639773),
  ('are', 0.16882816677023046),
  ('is', 0.10679014549327026),
  ('and', 0.09576166309137803),
  ('in', 0.08132241242156481),
  ('by', 0.06415935865420525),
  ('was', 0.051362796095011896),
  ('been', 0.04148515860073108),
  ('with', 0.04131928109597058),
  ('<unk>', 0.10521756465123988)],
 [('the', 0.19275614366964763),
  ('of', 0.10070317355862084),
  ('to', 0.07094452030448918),
  ('and', 0.06262281619075787),
  ('in', 0.035975017668707115),
  ('for', 0.034981908651320885),
  ('be', 0.02781220621471546),
  ('was', 0.02025315069597837),
  ('a', 0.01906988884909597),
  ('<unk>', 0.4348811741966667)],
 [('is', 0.15110212296505054),
  ('of', 0.1421982076079404),
  ('for', 0.09995857608295168),
  ('and', 0.088158737502514),
  ('was', 0.08247348200209813),
  ('with', 0.0773610366104768),
  ('be', 0.06714926365631385),
  ('have', 0.0613167429583158),
  ('as', 0.06114920667326735),
  ('<unk>', 0.16913262394107131)],
 [('of', 0.1865482285583148),
  ('the', 0.06118136160819931),
  ('and', 0.04644621701573998),
  ('to', 0.037696154138239124),
  ('by', 0.030494973592593157),
  ('on', 0.02122526144366386),
  ('<s>', 0.01953600997491596),
  ('said', 0.016219870591337435),
  ('from', 0.016031021456007738),
  ('<unk>', 0.5646209016209885)],
 [('and', 0.09020184496660856),
  ('recorded', 0.03622574534550004),
  ('was', 0.03579342649105295),
  ('made', 0.035587204463345457),
  ('that', 0.03195315766518325),
  ("o'clock", 0.031925722479167175),
  ('up', 0.02683627480199102),
  ('is', 0.025634134893940484),
  ('found', 0.024329658719814063),
  ('<unk>', 0.661512830173397)],
 [('in', 0.13777739333009936),
  ('of', 0.1351757010282296),
  ('any', 0.09484653623268124),
  ('the', 0.09208369779208471),
  ('a', 0.07135755148195357),
  ('for', 0.07090372164459537),
  ('no', 0.06860335197190646),
  ('every', 0.044954469010510784),
  ('this', 0.04348375608072445),
  ('<unk>', 0.24081382142721452)],
 [('the', 0.12933976615122666),
  ('of', 0.0988088714621262),
  ('and', 0.06062386231174147),
  ('a', 0.050403693290978),
  ('to', 0.04726424329615972),
  ('in', 0.02646188988781656),
  ('be', 0.022193903025862195),
  ('<s>', 0.01919778076255978),
  ('at', 0.0169091415710459),
  ('<unk>', 0.5287968482404835)],
 [('of', 0.1540896767121079),
  ('<s>', 0.05037522861700329),
  ('and', 0.03821913515498161),
  ('for', 0.03475320431206986),
  ('at', 0.03380336345028526),
  ('the', 0.03275177023504399),
  ('by', 0.029536688075138484),
  ('in', 0.026046832816710636),
  ('.', 0.022569834411807845),
  ('<unk>', 0.5778542662148511)],
 [('to', 0.13831475960652012),
  ('and', 0.10170258086835401),
  ('the', 0.098755786902952),
  ('of', 0.07314207325141991),
  ('in', 0.035866164045457734),
  ('a', 0.02015280220685042),
  ('<s>', 0.017858476236875222),
  ('not', 0.017468937647964367),
  ('that', 0.016173966615472418),
  ('<unk>', 0.48056445261813374)],
 [('of', 0.3070263750853588),
  ('to', 0.12554594423617196),
  ('and', 0.0945711778752253),
  ('that', 0.08076483665890787),
  ('in', 0.06880906349576228),
  ('by', 0.06044988823436565),
  ('for', 0.04349475091202063),
  ('with', 0.03545757376834648),
  ('on', 0.03456521426262089),
  ('<unk>', 0.14931517547122009)],
 [('of', 0.1438931684755527),
  ('by', 0.09593031481799824),
  ('and', 0.08874479318621568),
  ('that', 0.07101344402683636),
  ('to', 0.06596684895627324),
  ('<s>', 0.026927359654168797),
  ('which', 0.02265053575401889),
  ('with', 0.018412130819898082),
  ('Rev.', 0.016770231522522897),
  ('<unk>', 0.44969117278651505)],
 [('and', 0.1873482791270811),
  ('of', 0.14356603049864103),
  ('that', 0.07318816714741783),
  ('at', 0.06373014334642048),
  ('to', 0.0562455405065226),
  ('was', 0.05187339053866714),
  ('is', 0.0503329551674145),
  ('with', 0.04383427805056821),
  ('in', 0.04001125778228752),
  ('<unk>', 0.2898699578349796)],
 [('of', 0.18972703235866747),
  ('the', 0.17728093278385737),
  ('and', 0.13905651342929903),
  ('in', 0.06467037072224449),
  ('an', 0.040979858850178144),
  ('their', 0.039037496763169616),
  ('a', 0.03782263131913424),
  ('to', 0.037231923504251044),
  ('for', 0.03193770741330134),
  ('<unk>', 0.24225553285589718)],
 [('the', 0.23679741730112747),
  ('a', 0.11880465273943924),
  ('to', 0.11211621717793094),
  ('of', 0.09974927540063672),
  ('in', 0.08424461068942725),
  ('his', 0.06169837172251852),
  ('each', 0.04431808954269612),
  ('and', 0.033784598911960756),
  ('this', 0.032039780531608886),
  ('<unk>', 0.17644698598265407)],
 [('let', 0.1218588955841614),
  ('of', 0.08974371946160556),
  ('for', 0.0516603158383401),
  ('do', 0.0459449606569612),
  ('Let', 0.04043066035506287),
  ('in', 0.029482140336471542),
  ('will', 0.027182110165940382),
  ('if', 0.0270875139706472),
  ('with', 0.025798102090632644),
  ('<unk>', 0.5408115815401772)],
 [('the', 0.17435753346698465),
  ('of', 0.09562426969109167),
  ('and', 0.08085652644093516),
  ('Mr.', 0.06414773114446277),
  ('a', 0.033255794574909424),
  ('The', 0.03265128267328847),
  ('was', 0.03220138191368441),
  ('as', 0.030882007516993475),
  ('be', 0.02737415683457839),
  ('<unk>', 0.42864931574307175)],
 [('the', 0.1324733791255823),
  ('of', 0.08028921421682624),
  ('and', 0.06449043014777758),
  ('a', 0.04792947037257922),
  ('to', 0.03425079054903791),
  ('in', 0.023215848516239136),
  ('at', 0.016139754844191268),
  ('.', 0.014115499727612866),
  ('<s>', 0.013839916334634932),
  ('<unk>', 0.5732556961655185)],
 [('the', 0.23317773975984205),
  ('of', 0.11502864241622153),
  ('and', 0.07684084589362615),
  ('a', 0.050740735124199486),
  ('to', 0.03755155058144293),
  ('in', 0.034962788902029),
  ('The', 0.029409196457255135),
  ('at', 0.023780876708736548),
  ('.', 0.01682479520124789),
  ('<unk>', 0.3816828289553993)],
 [('he', 0.1143715187171819),
  ('it', 0.10330840757313296),
  ('and', 0.07235755553010412),
  ('who', 0.05019629397700075),
  ('It', 0.046977521195107785),
  ('she', 0.03762639164977997),
  ('I', 0.03335577850658421),
  ('they', 0.02664533668540779),
  ('which', 0.02393468464006222),
  ('<unk>', 0.49122651152563823)],
 [('to', 0.8513661887173734),
  ('and', 0.01641817335643776),
  ('will', 0.016221906363676264),
  ('can', 0.013161548496774705),
  ('of', 0.012729771030461048),
  ('would', 0.008733853628548607),
  ('could', 0.00818042820401966),
  ('not', 0.007723072279479208),
  ('or', 0.005666963262654374),
  ('<unk>', 0.05979809466057495)],
 [('of', 0.1364710763987753),
  ('the', 0.12025572049910901),
  ('and', 0.08734540861512706),
  ('to', 0.060330350245042706),
  ('be', 0.05090596411788335),
  ('is', 0.05057472018175261),
  ('in', 0.04354824878019894),
  ('was', 0.04096067164290619),
  ('a', 0.04072802509843964),
  ('<unk>', 0.36887981442076523)],
 [('the', 0.45878752658257793),
  ('a', 0.11332644142398485),
  ('and', 0.082844409747079),
  ('of', 0.06111082395825999),
  ('The', 0.0476611075031842),
  ('for', 0.043792602836476555),
  ('good', 0.03624909725489697),
  ('in', 0.030937747796296978),
  ('tho', 0.029033204366641804),
  ('<unk>', 0.09625703853060175)],
 [('spite', 0.048021652930526876),
  ('out', 0.04519453832343842),
  ('and', 0.04511148334955913),
  ('that', 0.03321839897695352),
  ('value', 0.030154000668851568),
  ('part', 0.029868110981625704),
  ('one', 0.025966626079339552),
  ('sum', 0.025436557651851818),
  ('amount', 0.02406147016817479),
  ('<unk>', 0.6929671608696786)],
 [('there', 0.193321056239368),
  ('It', 0.13610233836407398),
  ('it', 0.13389679836101143),
  ('There', 0.08201138804322254),
  ('he', 0.07664931395962431),
  ('He', 0.05063591667783294),
  ('which', 0.04872417087257483),
  ('and', 0.04535946029339536),
  ('This', 0.039248611160773314),
  ('<unk>', 0.19405094602812345)],
 [('and', 0.0696749095130196),
  ('is', 0.048636569366897836),
  ('was', 0.03822357900397667),
  ('it', 0.03261305818193481),
  ('are', 0.024638602657430165),
  ('or', 0.021751791821793248),
  ('of', 0.018591270939374585),
  ('as', 0.01819738415062888),
  ('him', 0.017927801243498458),
  ('<unk>', 0.7097450331214458)],
 [('the', 0.4291692992083157),
  ('a', 0.08069026424324838),
  ('and', 0.060051691698878897),
  ('The', 0.035109613446569383),
  ('tho', 0.033241187331968944),
  ('of', 0.021553045639513192),
  ('tbe', 0.015945885714693298),
  ('in', 0.015254099967416418),
  ('or', 0.014510664393331416),
  ('<unk>', 0.2944742483560644)],
 [('of', 0.1891967597722543),
  ('in', 0.1166671129620095),
  ('at', 0.09302307449176281),
  ('and', 0.08649793833919635),
  ('to', 0.07554874781775957),
  ('for', 0.04560579203161075),
  ('on', 0.04288412894017098),
  ('with', 0.03998722835516762),
  ('by', 0.035223414347974186),
  ('<unk>', 0.2753658029420939)],
 [('that', 0.04187740979504531),
  ('case', 0.029401265663329023),
  ('name', 0.022746171904406944),
  ('part', 0.02266997535307292),
  ('instead', 0.022528099554613528),
  ('years', 0.02178512029089825),
  ('charge', 0.02082919556372362),
  ('favor', 0.020594784258416984),
  ('out', 0.020348044867786037),
  ('<unk>', 0.7772199327487074)],
 [('and', 0.12932063103281008),
  ('to', 0.08579989846683544),
  ('as', 0.053110925909957626),
  ('such', 0.04718676604216031),
  ('of', 0.03850958633283346),
  ('for', 0.03530595677965074),
  ('in', 0.031342217945072644),
  ('the', 0.027030290025665087),
  ('that', 0.024856177942547034),
  ('<unk>', 0.5275375495224676)],
 [('not', 0.42669805949576906),
  ('is', 0.09964881731880715),
  ('was', 0.09453417717754126),
  ('and', 0.06494810694499206),
  ('are', 0.049567166617909435),
  ('be', 0.03590766095918716),
  ('the', 0.035628998884522214),
  ('were', 0.03276490122713555),
  ('as', 0.03022143956050528),
  ('<unk>', 0.1300806718136308)],
 [('Mrs.', 0.09899312034033132),
  ('of', 0.09251630362233751),
  ('and', 0.04340330732206501),
  ('to', 0.03517976969362866),
  ('by', 0.029619723790680185),
  ('Dr.', 0.029492192647266054),
  ('.', 0.028109614002616565),
  ('Mr.', 0.027469456921297535),
  ('Rev.', 0.023223009979900483),
  ('<unk>', 0.5919935016798766)],
 [('the', 0.1324733791255823),
  ('of', 0.08028921421682624),
  ('and', 0.06449043014777758),
  ('a', 0.04792947037257922),
  ('to', 0.03425079054903791),
  ('in', 0.023215848516239136),
  ('at', 0.016139754844191268),
  ('.', 0.014115499727612866),
  ('<s>', 0.013839916334634932),
  ('<unk>', 0.5732556961655185)],
 [('typhoid', 0.1538604775728127),
  ('scarlet', 0.10939603481920762),
  ('yellow', 0.061061961367086394),
  ('of', 0.05249987982103248),
  ('the', 0.05144619302534462),
  ('a', 0.03130897547345774),
  ('in', 0.02805396169535994),
  ('malarial', 0.024263644602113575),
  ('and', 0.02011484499049482),
  ('<unk>', 0.46799402663309)],
 [('the', 0.1689426227954564),
  ('of', 0.1026884506141833),
  ('and', 0.09257847588139387),
  ('to', 0.04557386070521499),
  ('in', 0.044776987457257056),
  ('a', 0.04075066366095302),
  ('his', 0.031846241538351756),
  ('In', 0.020272193324655262),
  ('was', 0.020121059761363958),
  ('<unk>', 0.4324494442611705)],
 [('an', 0.4915963377836089),
  ('the', 0.15322940665499965),
  ('to', 0.05717852923121211),
  ('of', 0.05602032303520611),
  ('and', 0.044626042930126966),
  ('a', 0.03995514202721773),
  ('this', 0.02382769369344836),
  ('in', 0.022729877616141637),
  ('such', 0.01923268362569481),
  ('<unk>', 0.09160396340234367)],
 [('the', 0.28681626513932174),
  ('of', 0.07294286212297914),
  ('to', 0.06463627577012478),
  ('I', 0.04594387803692882),
  ('and', 0.0425060551606357),
  ('The', 0.028645026877633237),
  ('in', 0.024845161836961442),
  ('tho', 0.024274834146886397),
  ('a', 0.02301719928168676),
  ('<unk>', 0.38637244162684203)],
 [('Mr.', 0.10957167320792993),
  ('the', 0.10708826051362341),
  ('of', 0.044374317172698775),
  ('and', 0.03477438209576174),
  ('The', 0.03343944600572104),
  ('.', 0.0272151425020274),
  ('Mrs.', 0.024553776020475055),
  ('at', 0.02075796461507124),
  ('<s>', 0.01917919431259495),
  ('<unk>', 0.5790458435540965)],
 [('the', 0.28853944797326686),
  ('a', 0.16782078339501605),
  ('of', 0.14088066504568403),
  ('and', 0.06408545988716537),
  ('The', 0.04176028864130391),
  ('tho', 0.022207983801673797),
  ('for', 0.02205095464622614),
  ('to', 0.02121771417839109),
  ('with', 0.018485134579518128),
  ('<unk>', 0.2129515678517545)],
 [('have', 0.3054676782932451),
  ('has', 0.2925072021937777),
  ('had', 0.1790048205420401),
  ('having', 0.10131228585747651),
  ('not', 0.03085219965147388),
  ('bad', 0.011905454188196338),
  ('ever', 0.011657753607533853),
  ('lias', 0.011619282953161234),
  ('never', 0.010054359170643505),
  ('<unk>', 0.04561896354245176)],
 [('the', 0.37777001809152383),
  ('in', 0.0888875333210138),
  ('of', 0.08402044536906116),
  ('this', 0.07938377299673632),
  ('his', 0.0633905222652521),
  ('said', 0.04608736838400642),
  ('or', 0.03635714308696705),
  ('an', 0.035354053818543486),
  ('any', 0.03420440068414825),
  ('<unk>', 0.1545447419827477)],
 [('and', 0.11327040944691569),
  ('was', 0.053775482487461564),
  ('committee', 0.031449708634291244),
  ('held', 0.030709767299998744),
  ('made', 0.03060541919704041),
  ('up', 0.02657269024056812),
  ('called', 0.025758056383923103),
  ('placed', 0.025168765399108152),
  ('taken', 0.024178320904139936),
  ('<unk>', 0.6385113800065529)],
 [('of', 0.19879762241711726),
  ('and', 0.08564692242486728),
  ('in', 0.07767574505672432),
  ('at', 0.05084988936295944),
  ('for', 0.045674734437766484),
  ('was', 0.04364146099488083),
  ('to', 0.031544419147849966),
  ('In', 0.027184782819266638),
  ('is', 0.027176255962824875),
  ('<unk>', 0.4118081673757429)],
 [('of', 0.13566317381214565),
  ('the', 0.11430513231821213),
  ('and', 0.05416047905113137),
  ('to', 0.03975685638617388),
  ('by', 0.03640195058407844),
  ('for', 0.03387332614459),
  ('in', 0.030996273938942918),
  ('<s>', 0.028075264445300167),
  ('The', 0.017239225297218972),
  ('<unk>', 0.5095283180222064)],
 [('of', 0.2745294513216974),
  ('that', 0.20564938890844195),
  ('and', 0.10547367682045877),
  ('if', 0.0605110604604607),
  ('but', 0.05134198445548415),
  ('If', 0.04488781466854491),
  ('as', 0.04331785514725123),
  ('But', 0.038817202908870516),
  ('all', 0.0326584098463004),
  ('<unk>', 0.14281315546248996)],
 [('and', 0.10407381548396474),
  ('to', 0.08057777729341435),
  ('of', 0.05388367669190889),
  ('the', 0.04821117180560612),
  ('which', 0.029266461991238377),
  ('that', 0.02831541488317582),
  ('re-', 0.026433596473200552),
  ('in', 0.025489149386145347),
  ('for', 0.024136474440264972),
  ('<unk>', 0.5796124615510809)],
 [('who', 0.12635484153035423),
  ('would', 0.12431702856019866),
  ('I', 0.11795916733629003),
  ('they', 0.11512665428343162),
  ('to', 0.11058959486871266),
  ('we', 0.10864393161212264),
  ('will', 0.054121143007686175),
  ('must', 0.04830014059531492),
  ('We', 0.04581995242080547),
  ('<unk>', 0.14876754578508355)],
 [('of', 0.31601151198641736),
  ('to', 0.11685591687410543),
  ('in', 0.09322338747819686),
  ('for', 0.069492307278631),
  ('and', 0.060289642179899565),
  ('on', 0.05367098096835257),
  ('by', 0.05194239040676227),
  ('that', 0.03859014066991045),
  ('with', 0.036387036514090615),
  ('<unk>', 0.163536685643634)],
 [('and', 0.10407381548396474),
  ('to', 0.08057777729341435),
  ('of', 0.05388367669190889),
  ('the', 0.04821117180560612),
  ('which', 0.029266461991238377),
  ('that', 0.02831541488317582),
  ('re-', 0.026433596473200552),
  ('in', 0.025489149386145347),
  ('for', 0.024136474440264972),
  ('<unk>', 0.5796124615510809)],
 [('the', 0.1767840171588243),
  ('a', 0.09406911309584177),
  ('and', 0.0874527242750396),
  ('of', 0.07782723812026796),
  ('to', 0.07255343025503398),
  ('at', 0.04737280927086312),
  ('in', 0.03922000928246967),
  ('his', 0.03529730333565673),
  ('her', 0.02397609351026115),
  ('<unk>', 0.3454472616957417)],
 [('the', 0.14410561586551593),
  ('and', 0.0860554865831329),
  ('of', 0.05105571968012566),
  ('in', 0.041924986901920994),
  ('to', 0.032668696293171776),
  ('that', 0.03151178668796337),
  ('which', 0.019637978983941803),
  ('<s>', 0.018761089552976073),
  ('or', 0.01830088616713567),
  ('<unk>', 0.5559777532841158)],
 [('of', 0.11444073941216223),
  ('the', 0.08762497605781745),
  ('and', 0.08314264111771912),
  ('to', 0.06869907719623956),
  ('in', 0.03593080166760695),
  ('a', 0.03512673405203758),
  ('be', 0.03336368187651286),
  ('is', 0.030414068228226548),
  ('for', 0.030391885114192944),
  ('<unk>', 0.48086539527748473)],
 [('it,', 0.021386735571675634),
  (';', 0.02017026722162653),
  ('them,', 0.015110137220867051),
  ('him,', 0.01251705976704233),
  ('it', 0.012336494037655577),
  ('him', 0.010265064657751129),
  ('time,', 0.010039700053261467),
  ('up', 0.008476949149408716),
  ('country,', 0.008410832746715948),
  ('<unk>', 0.8812867595739956)],
 [('the', 0.3079115700128974),
  ('a', 0.13281110344151445),
  ('of', 0.08919433672804865),
  ('and', 0.08092500002362271),
  ('in', 0.04126911745549944),
  ('The', 0.040017134741119446),
  ('feet', 0.0268084136657721),
  ('by', 0.02213340862450014),
  ('his', 0.019659740626734607),
  ('<unk>', 0.2392701746802911)],
 [('wait', 0.07893953227940362),
  ('and', 0.060414387449735284),
  ('there', 0.03704695263973267),
  ('her', 0.03270820708423749),
  ('not', 0.03248229559040857),
  ('them', 0.03138198319307),
  ('waited', 0.030036586822603274),
  ('continued', 0.029530621283540854),
  ('it', 0.02485219079916529),
  ('<unk>', 0.6426072428581029)],
 [('the', 0.09451236832853409),
  ('to', 0.0734950354382296),
  ('and', 0.06932062521951766),
  ('of', 0.05985056382411746),
  ('for', 0.04186859669018037),
  ('be-', 0.03240033857112112),
  ('a', 0.02714247065317458),
  ('be', 0.022217940248831947),
  ('that', 0.020206506963563742),
  ('<unk>', 0.5589855540627293)],
 [('of', 0.258082002809744),
  ('a', 0.08071742220660877),
  ('as', 0.07588348182951786),
  ('be', 0.07348660783290721),
  ('the', 0.07231799239405187),
  ('and', 0.06629402288050446),
  ('for', 0.049169495194198644),
  ('in', 0.04799883459975846),
  ('with', 0.04269810075635462),
  ('<unk>', 0.23335203949635397)],
 [('the', 0.11451357076098037),
  ('and', 0.07825579478112311),
  ('from', 0.06225167207657855),
  ('of', 0.06063922215369782),
  ('a', 0.05417617785431541),
  ('to', 0.043581254553980424),
  ('be', 0.04281933868109764),
  ('was', 0.036341965109061174),
  ('is', 0.0318329231692022),
  ('<unk>', 0.4755880808599633)],
 [('that', 0.2379885527774534),
  ('as', 0.1110065272174147),
  ('and', 0.1034421944885124),
  ('if', 0.10024286663033036),
  ('which', 0.09678958339138757),
  ('when', 0.09213104378322348),
  ('but', 0.05717853960177248),
  ('where', 0.055619993879198734),
  ('because', 0.036707883734733104),
  ('<unk>', 0.10889281449597388)],
 [('the', 0.1324733791255823),
  ('of', 0.08028921421682624),
  ('and', 0.06449043014777758),
  ('a', 0.04792947037257922),
  ('to', 0.03425079054903791),
  ('in', 0.023215848516239136),
  ('at', 0.016139754844191268),
  ('.', 0.014115499727612866),
  ('<s>', 0.013839916334634932),
  ('<unk>', 0.5732556961655185)],
 [('the', 0.19000021511464932),
  ('and', 0.1229311021247711),
  ('of', 0.10664959779241578),
  ('a', 0.04336031958890865),
  ('to', 0.038902293813570146),
  ('The', 0.027318198196996324),
  ('or', 0.02656902553918214),
  ('Mr.', 0.023510008322826004),
  ('that', 0.02307512265960906),
  ('<unk>', 0.3976841168470714)],
 [('the', 0.20317551629877847),
  ('a', 0.09992896998506921),
  ('of', 0.09974544195647875),
  ('and', 0.0633551949456149),
  ('his', 0.05927749703474769),
  ('their', 0.0537737659746334),
  ('her', 0.024894734621009235),
  ('more', 0.024165719153966096),
  ('or', 0.02203935501450676),
  ('<unk>', 0.34964380501519554)],
 [('that', 0.2542514177047831),
  ('and', 0.2268803867806759),
  ('but', 0.0764625676984331),
  ('as', 0.06776334443267948),
  ('if', 0.05698649278447104),
  ('which', 0.0393299731756409),
  ('If', 0.035612432805435516),
  ('where', 0.03156784702334233),
  ('But', 0.028943461236301114),
  ('<unk>', 0.1822020763582376)],
 [('out', 0.07063152004727098),
  ('one', 0.06677072708898243),
  ('some', 0.060890423602352854),
  ('all', 0.04816456215053459),
  ('part', 0.044088387369499174),
  ('because', 0.03068234461452469),
  ('account', 0.030080193781012735),
  ('many', 0.027891311669946576),
  ('and', 0.025325110947486153),
  ('<unk>', 0.5954754187283898)],
 [('and', 0.15383195554877666),
  ('that', 0.12427425002842805),
  ('as', 0.0999735213389269),
  ('which', 0.07555980276036826),
  ('when', 0.06705546556638585),
  ('but', 0.03453675159028628),
  ('where', 0.03000162053562834),
  ('if', 0.02590894334913461),
  ('what', 0.021834195055134484),
  ('<unk>', 0.3670234942269305)],
 [('went', 0.09869479844245388),
  ('go', 0.08492968815778182),
  ('put', 0.07573241483510129),
  ('came', 0.07082717993603084),
  ('divided', 0.06532132833908343),
  ('come', 0.04208766432484872),
  ('brought', 0.04060575629806324),
  ('enter', 0.04019099964742331),
  ('it', 0.03776592114188043),
  ('<unk>', 0.4438442488773331)],
 [('they', 0.12274759147959934),
  ('and', 0.08187601289771726),
  ('there', 0.07992698608599139),
  ('who', 0.06970723630434622),
  ('which', 0.06269978628493532),
  ('we', 0.0589748658383129),
  ('They', 0.053009794882586836),
  ('These', 0.04649107795536473),
  ('that', 0.04386665130642863),
  ('<unk>', 0.38069999696471735)],
 [('the', 0.20071069181860415),
  ('and', 0.12417607905956206),
  ('his', 0.09977114633436678),
  ('of', 0.08594498842096351),
  ('their', 0.06482010606924357),
  ('her', 0.05005268388190276),
  ('its', 0.04868145933336382),
  ('in', 0.043583783718182396),
  ('on', 0.04149095088025545),
  ('<unk>', 0.2407681104835554)],
 [('well', 0.17633342966937934),
  ('soon', 0.08460338829075702),
  ('known', 0.06751664979045567),
  ('far', 0.060019503027325935),
  ('and', 0.05644807168563345),
  ('long', 0.04342914609780042),
  ('just', 0.0321190922562864),
  ('such', 0.02918877030647134),
  ('designated', 0.02260350030602324),
  ('<unk>', 0.4277384485698672)],
 [('was', 0.18906180157708813),
  ('and', 0.11181778029349167),
  ('be', 0.11138791287170934),
  ('he', 0.0702049124204791),
  ('I', 0.06662401754610411),
  ('been', 0.06313124121150666),
  ('is', 0.05176405135803153),
  ('were', 0.04897413163185235),
  ('are', 0.044447615467145325),
  ('<unk>', 0.2425865356225917)],
 [('of', 0.2775922932993797),
  ('the', 0.1633910002642652),
  ('a', 0.058006554052339974),
  ('to', 0.0525214373941015),
  ('and', 0.05083832550904829),
  ('for', 0.04362367497341384),
  ('by', 0.04197372400474088),
  ('in', 0.03237857871024951),
  ('with', 0.021909582393231604),
  ('<unk>', 0.2577648293992296)],
 [('of', 0.3211317355221789),
  ('in', 0.14156337190072255),
  ('to', 0.11875663343522697),
  ('for', 0.07857882234725046),
  ('and', 0.0600649053809422),
  ('with', 0.05122845307577287),
  ('all', 0.04921269790898045),
  ('from', 0.04847659087533804),
  ('by', 0.04500068444369318),
  ('<unk>', 0.08598610510989446)],
 [('and', 0.1740920730052095),
  ('of', 0.07674593614790272),
  ('fact', 0.04936110553120108),
  ('all', 0.04887686750174949),
  ('than', 0.030416793612637157),
  ('so', 0.028197516553022366),
  ('manner', 0.02710965053445883),
  ('in', 0.026771243272668166),
  ('is', 0.02459569468463805),
  ('<unk>', 0.5138331191565126)],
 [('come', 0.1782031063641375),
  ('go', 0.14263609220958248),
  ('went', 0.10917213566636853),
  ('came', 0.0970333691231459),
  ('them', 0.06270729078623646),
  ('it', 0.04407757487528415),
  ('was', 0.03778222145884613),
  ('him', 0.03432989866982095),
  ('going', 0.033553497505993714),
  ('<unk>', 0.2605048133405842)],
 [('an', 0.2995075631895495),
  ('the', 0.26498121986873496),
  ('to', 0.04555630479066415),
  ('any', 0.03621107782052797),
  ('and', 0.03488923059831786),
  ('a', 0.024979735037156954),
  ('The', 0.022422670820362655),
  ('this', 0.02086498181515214),
  ('his', 0.01891876240391366),
  ('<unk>', 0.23166845365561994)],
 [('<s>', 0.06590864703998003),
  ('it.', 0.01559242168511722),
  ('.', 0.010262977530666434),
  ('them.', 0.008891553420444082),
  ('time.', 0.0074053961390117),
  ('him.', 0.007101434842641973),
  ('country.', 0.006866117051837173),
  ('year.', 0.006804387373805861),
  ('years.', 0.005905988523837278),
  ('<unk>', 0.8652610763926583)],
 [('a', 0.29631967019881583),
  ('the', 0.2697496463997982),
  ('of', 0.09675927824880348),
  ('his', 0.07851089797733835),
  ('great', 0.05114974083769035),
  ('their', 0.02767043264986827),
  ('The', 0.025036661550431053),
  ('our', 0.022893757511244634),
  ('tho', 0.015752613744923427),
  ('<unk>', 0.11615730088108644)],
 [('the', 0.17099020462373185),
  ('of', 0.09410087526357344),
  ('and', 0.08452828694702534),
  ('a', 0.05614659938946756),
  ('to', 0.051617584584008766),
  ('in', 0.03414568056024345),
  ('his', 0.033977632174923916),
  ('was', 0.03360550583047234),
  ('be', 0.02890743253264279),
  ('<unk>', 0.4119801980939104)],
 [('the', 0.3061846093849472),
  ('capital', 0.26059473484690693),
  ('and', 0.0680977402054387),
  ('a', 0.04256931039476854),
  ('of', 0.03530978047708555),
  ('live', 0.03170732859585071),
  ('The', 0.026330481475833813),
  ('common', 0.022000099690992734),
  ('large', 0.021630949614060428),
  ('<unk>', 0.18557496531411555)],
 [('to', 0.13831475960652012),
  ('and', 0.10170258086835401),
  ('the', 0.098755786902952),
  ('of', 0.07314207325141991),
  ('in', 0.035866164045457734),
  ('a', 0.02015280220685042),
  ('<s>', 0.017858476236875222),
  ('not', 0.017468937647964367),
  ('that', 0.016173966615472418),
  ('<unk>', 0.48056445261813374)],
 [('and', 0.11017201524802263),
  ('was', 0.10860931553415448),
  ('not', 0.07452672584752548),
  ('is', 0.07294139548991425),
  ('be', 0.054718190896036606),
  ('are', 0.05163537208726798),
  ('been', 0.04818162577474384),
  ('or', 0.04073550382362105),
  ('were', 0.03809068424529051),
  ('<unk>', 0.4003891710534232)],
 [('Cor.', 0.4222858986953596),
  ('corner', 0.12298362136962247),
  ('lot', 0.07081545545360557),
  ('Block', 0.04904635594886602),
  ('marked', 0.04043287421223336),
  ('Lot', 0.04008319378043401),
  ('Liber', 0.0385281560212305),
  ('Book', 0.029192196222022772),
  ('post', 0.026048427427976563),
  ('<unk>', 0.1605838208686492)],
 [('6', 0.053586328009243164),
  ('5', 0.036772069439834756),
  ('cents', 0.03459922393359785),
  ('10', 0.03336842842439934),
  ('20', 0.033148119193573106),
  ('six', 0.03190977391808053),
  ('1', 0.030341267741737354),
  ('12', 0.028839561941628847),
  ('ten', 0.025852193594786722),
  ('<unk>', 0.6915830338031184)],
 [('deter-', 0.35070398714730106),
  ('to', 0.1717564795264327),
  ('of', 0.138129682353503),
  ('the', 0.06323854472996707),
  ('and', 0.028595553840868246),
  ('this', 0.024853325328612362),
  ('a', 0.023929103786173512),
  ('by', 0.023734821096379092),
  ('or', 0.021753926807796635),
  ('<unk>', 0.15330457538296627)],
 [('their', 0.32001382441654047),
  ('his', 0.26861152102894487),
  ('her', 0.07789272578016328),
  ('our', 0.07451098809675989),
  ('my', 0.07197367416498367),
  ('your', 0.06705095864630742),
  ('its', 0.05173365759590576),
  ('bis', 0.01639689022293475),
  ('Its', 0.006079174312047262),
  ('<unk>', 0.045736585735412616)],
 [('the', 0.19202644742501446),
  ('of', 0.11867283998718424),
  ('and', 0.05851618565135104),
  ('a', 0.046876616151792776),
  ('to', 0.04455255836256714),
  ('in', 0.029159379332202712),
  ('was', 0.02234033867075358),
  ('his', 0.02181402596039465),
  ('be', 0.01955621435195013),
  ('<unk>', 0.44648539410678934)],
 [('of', 0.04660936326898151),
  ('and', 0.027253420219657383),
  ('the', 0.023557396833270246),
  ('<s>', 0.013008830495602816),
  ('it', 0.00842844380437752),
  ('.', 0.005805072633371617),
  ('It', 0.005694440076697287),
  ('for', 0.004048665261279742),
  ('', 0.0038463157790235352),
  ('<unk>', 0.8617480516277384)],
 [('the', 0.4283555029070912),
  ('a', 0.16847764590002534),
  ('of', 0.10245343723155188),
  ('to', 0.08861049593503809),
  ('for', 0.03477688918440662),
  ('in', 0.02602618219455593),
  ('tho', 0.024700537186628548),
  ('no', 0.020886341933106126),
  ('their', 0.020185481490305586),
  ('<unk>', 0.08552748603729066)],
 [('as', 0.3577547472272525),
  ('is', 0.14130686025438535),
  ('best', 0.07854497269443345),
  ('and', 0.06154250048545298),
  ('was', 0.05907372741271561),
  ('if', 0.05376717659202618),
  ('be', 0.053329274630006814),
  ('it', 0.04756130598406933),
  ('im-', 0.03029523314452909),
  ('<unk>', 0.11682420157512863)],
 [('out', 0.07224783193152882),
  ('matter', 0.05129543116778881),
  ('place', 0.04164140618446239),
  ('point', 0.03888191215271994),
  ('number', 0.037681025036250274),
  ('means', 0.02886866731659286),
  ('purpose', 0.02876921528300434),
  ('and', 0.026169239511858833),
  ('one', 0.025239009413649614),
  ('<unk>', 0.6492062620021442)],
 [('and', 0.19787604270607403),
  ('fact', 0.07852380197331792),
  ('said', 0.06467905828506158),
  ('so', 0.04956248394232663),
  ('is', 0.04267840454086725),
  ('him', 0.03969678940211088),
  ('say', 0.03872780216877762),
  ('was', 0.037862275193329895),
  ('found', 0.03519254493384287),
  ('<unk>', 0.41520079685429145)],
 [('of', 0.10565038393849085),
  ('the', 0.08440200144428926),
  ('and', 0.05415913604161536),
  ('in', 0.04974312212120972),
  ('to', 0.04524125908579969),
  ('a', 0.040447158631791276),
  ('be', 0.02265850506529176),
  ('for', 0.022518988614812368),
  ('at', 0.02013727453217357),
  ('<unk>', 0.5550421705245261)],
 [('the', 0.4484291301209662),
  ('and', 0.06953080025281203),
  ('in', 0.032476137347320466),
  ('of', 0.03204268986254049),
  ('The', 0.028932652380451295),
  ('tho', 0.028278786725486605),
  ('a', 0.025345561804856528),
  ('to', 0.019084072545422746),
  ('on', 0.01598439191428619),
  ('<unk>', 0.2998957770458577)],
 [('and', 0.09874703379793967),
  ('the', 0.07599469933289504),
  ('be', 0.05206251379942965),
  ('an', 0.051676867446243765),
  ('are', 0.03570633019800047),
  ('was', 0.034964045674251945),
  ('a', 0.03219774342111199),
  ('is', 0.029596803549592016),
  ('he', 0.024246670730106636),
  ('<unk>', 0.5648072920504288)],
 [('of', 0.4007948005136255),
  ('the', 0.1999996844997265),
  ('said', 0.0550442591185205),
  ('Eng-', 0.032836057303133416),
  ('on', 0.02162432893484334),
  ('described', 0.020443255903909142),
  ('this', 0.019322269974825095),
  ('in', 0.018450426088726588),
  ('Mary-', 0.01754965486475591),
  ('<unk>', 0.21393526279793396)],
 [('and', 0.07292645324050678),
  ('dollars', 0.03779788174822175),
  ('paid', 0.03353281520977652),
  ('time', 0.027002380197773308),
  ('pay', 0.02602050706543316),
  ('provided', 0.023944865510809252),
  ('made', 0.023564565117884045),
  ('vote', 0.02336921878791314),
  ('it', 0.022166501944555182),
  ('<unk>', 0.7096748111771269)],
 [('hundred', 0.023247185101380696),
  ('up', 0.005859204067488788),
  ('men', 0.005759735333464231),
  ('William', 0.004525902494093441),
  ('John', 0.004440827680639232),
  (';', 0.004263552163297171),
  ('him', 0.004194136873927),
  ('Hundred', 0.004124828364383018),
  ('in', 0.004072637886319486),
  ('<unk>', 0.939511990035007)],
 [('are', 0.1420796104560087),
  ('of', 0.1287378730432499),
  ('and', 0.12188050976625533),
  ('is', 0.10138216164401878),
  ('be', 0.07230749696149723),
  ('was', 0.06628294557051947),
  ('were', 0.04215983558657893),
  ('been', 0.029119149228843146),
  ('or', 0.028675833237540936),
  ('<unk>', 0.26737458450548757)],
 [('for', 0.7776460456345106),
  ('of', 0.07337169037809889),
  ('in', 0.02827454219411613),
  ('to', 0.023732492199122),
  ('For', 0.019624877376859584),
  ('lor', 0.01605955838151939),
  ('during', 0.014245124980759964),
  ('at', 0.011207861217946537),
  ('and', 0.011082590252272062),
  ('<unk>', 0.024755217384794803)],
 [('the', 0.1324733791255823),
  ('of', 0.08028921421682624),
  ('and', 0.06449043014777758),
  ('a', 0.04792947037257922),
  ('to', 0.03425079054903791),
  ('in', 0.023215848516239136),
  ('at', 0.016139754844191268),
  ('.', 0.014115499727612866),
  ('<s>', 0.013839916334634932),
  ('<unk>', 0.5732556961655185)],
 [('of', 0.2605808904249673),
  ('in', 0.14728615841795914),
  ('and', 0.11813771680306606),
  ('to', 0.10032993155650961),
  ('with', 0.06926704788422314),
  ('that', 0.0682736911173248),
  ('for', 0.058041855750287724),
  ('by', 0.04377131314443245),
  ('from', 0.032970611886221315),
  ('<unk>', 0.10134078301500837)],
 [('as', 0.2914189184460966),
  ('is', 0.23735533849001222),
  ('be', 0.08891359307013347),
  ('was', 0.07842134600488734),
  ('it', 0.05530922093856205),
  ('im-', 0.04968045602689366),
  ('not', 0.044335437806330015),
  ('are', 0.04119949802238023),
  ('Is', 0.02642179978292046),
  ('<unk>', 0.086944391411784)],
 [('the', 0.1324733791255823),
  ('of', 0.08028921421682624),
  ('and', 0.06449043014777758),
  ('a', 0.04792947037257922),
  ('to', 0.03425079054903791),
  ('in', 0.023215848516239136),
  ('at', 0.016139754844191268),
  ('.', 0.014115499727612866),
  ('<s>', 0.013839916334634932),
  ('<unk>', 0.5732556961655185)],
 [('and', 0.15078426149750915),
  ('a', 0.13164593421276558),
  ('the', 0.08608727159853764),
  ('was', 0.06954846611630523),
  ('be', 0.061128924306725514),
  ('to', 0.06012613605312837),
  ('is', 0.04440750699391922),
  ('for', 0.03946183192543788),
  ('he', 0.036113568714541286),
  ('<unk>', 0.32069609858113013)],
 [('the', 0.13131707941796036),
  ('of', 0.10266624660776082),
  ('and', 0.09229529801872993),
  ('a', 0.06685117152435144),
  ('to', 0.0453087286038325),
  ('was', 0.03417888823406092),
  ('be', 0.027730621924075435),
  ('is', 0.024075267357923653),
  ('been', 0.02027010303243411),
  ('<unk>', 0.45530659527887085)],
 [('and', 0.18437229511131975),
  ('the', 0.13358801693735065),
  ('of', 0.09894855306624514),
  ('that', 0.0725878899192282),
  ('by', 0.06130848400138096),
  ('to', 0.05536658876256627),
  ('The', 0.03267987129595952),
  ('which', 0.028110429580023515),
  ('as', 0.024488698980640846),
  ('<unk>', 0.3085491723452851)],
 [('the', 0.7475232064551777),
  ('American', 0.03841398908035418),
  ('of', 0.0363161731974524),
  ('tho', 0.03120347494651709),
  ('our', 0.02728848996755648),
  ('and', 0.02072970043910323),
  ('The', 0.013021665256715555),
  ('tbe', 0.01291816067719298),
  ('their', 0.011891375069079972),
  ('<unk>', 0.06069376491085032)],
 [('the', 0.48888531545458586),
  ('The', 0.04329022460280994),
  ('tho', 0.03421607115432458),
  ('of', 0.025719047896746516),
  ('a', 0.02413057409836358),
  ('tbe', 0.01640351699890818),
  ('to', 0.012603971948065099),
  ('and', 0.011171581119919727),
  ('his', 0.011125719924168526),
  ('<unk>', 0.332453976802108)],
 [('they', 0.11175725094086354),
  ('who', 0.08411488427863298),
  ('and', 0.06693386788324145),
  ('which', 0.039184904747306966),
  ('we', 0.036822569641576916),
  ('men', 0.028563323806239865),
  ('that', 0.027606551625826054),
  ('They', 0.027331554452229526),
  ('you', 0.024498374986258484),
  ('<unk>', 0.5531867176378242)],
 [('due', 0.24092735326772988),
  ('thence', 0.0600622739803096),
  ('interest', 0.05260010709551741),
  ('and', 0.05085692537623623),
  ('situated', 0.023571742437627996),
  ('was', 0.019212627541115183),
  ('feet', 0.017293850683914033),
  ('line', 0.01595912568545933),
  ('recorded', 0.015828542983050094),
  ('<unk>', 0.5036874509490403)],
 [('the', 0.3044903064580027),
  ('of', 0.08491872546785911),
  ('and', 0.06586931489258585),
  ('a', 0.05558636755642895),
  ('in', 0.047680914612393745),
  ('on', 0.03599221197219831),
  ('to', 0.032921409935511625),
  ('The', 0.02064882706438619),
  ('at', 0.01968950862427559),
  ('<unk>', 0.33220241341635803)],
 [('he', 0.18020140645476354),
  ('it', 0.1440858482075643),
  ('I', 0.10216492352281763),
  ('It', 0.08771738923658735),
  ('He', 0.06277842445853093),
  ('she', 0.05200159999904883),
  ('and', 0.04826474241257467),
  ('which', 0.0415736968566716),
  ('who', 0.031869762230072714),
  ('<unk>', 0.2493422066213684)],
 [('the', 0.4484291301209662),
  ('and', 0.06953080025281203),
  ('in', 0.032476137347320466),
  ('of', 0.03204268986254049),
  ('The', 0.028932652380451295),
  ('tho', 0.028278786725486605),
  ('a', 0.025345561804856528),
  ('to', 0.019084072545422746),
  ('on', 0.01598439191428619),
  ('<unk>', 0.2998957770458577)],
 [('of', 0.16490650493017178),
  ('in', 0.09424501452410461),
  ('as', 0.07772250256651461),
  ('to', 0.07439818130211795),
  ('with', 0.07436662098887521),
  ('is', 0.06929524124389311),
  ('and', 0.0638959829882729),
  ('was', 0.053684789454677334),
  ('for', 0.050572135171843745),
  ('<unk>', 0.2769130268295287)],
 [('of', 0.10565038393849085),
  ('the', 0.08440200144428926),
  ('and', 0.05415913604161536),
  ('in', 0.04974312212120972),
  ('to', 0.04524125908579969),
  ('a', 0.040447158631791276),
  ('be', 0.02265850506529176),
  ('for', 0.022518988614812368),
  ('at', 0.02013727453217357),
  ('<unk>', 0.5550421705245261)],
 [('and', 0.16744066934519883),
  ('fact', 0.06815428806327944),
  ('said', 0.05564505163139137),
  ('so', 0.03582115661691397),
  ('say', 0.030563527507298488),
  ('believe', 0.029594038539808482),
  ('but', 0.0270485424522503),
  ('says', 0.026573783300276186),
  ('is', 0.023566838427893685),
  ('<unk>', 0.5355921041156892)],
 [('that', 0.17720126723713356),
  ('and', 0.150982020233463),
  ('to', 0.07372854139109176),
  ('as', 0.06946015942273265),
  ('but', 0.06072303735052613),
  ('which', 0.04900601670144395),
  ('will', 0.03011326376661299),
  ('when', 0.023192225569177927),
  ('said', 0.01937222269989869),
  ('<unk>', 0.34622124562791945)],
 [('and', 0.14766491437474072),
  ('of', 0.07697921188040886),
  ('the', 0.06566428644908039),
  ('be', 0.043445814649377655),
  ('which', 0.042233832505722026),
  ('that', 0.03662232390650458),
  ('to', 0.031233411647020398),
  ('was', 0.027606071572707516),
  ('is', 0.024700792175311074),
  ('<unk>', 0.5038493408391267)],
 [('of', 0.26987565417662496),
  ('in', 0.12587317327370706),
  ('for', 0.09066738769201431),
  ('half', 0.073116510174683),
  ('at', 0.07240142383737277),
  ('to', 0.06945782509280501),
  ('as', 0.05442305018979602),
  ('with', 0.052210384080972685),
  ('is', 0.04927243208843579),
  ('<unk>', 0.14270215939358832)],
 [('of', 0.1283626234695607),
  ('the', 0.09168263478421312),
  ('to', 0.07335777651501789),
  ('and', 0.06468133902598397),
  ('in', 0.04477160958346054),
  ('that', 0.02609155634363458),
  ('<s>', 0.024113024166184324),
  ('I', 0.022302056597596123),
  ('for', 0.021833094888516247),
  ('<unk>', 0.5028042846258325)],
 [('four', 0.11561626442749617),
  ('six', 0.09689017666260166),
  ('ten', 0.08695952456118633),
  ('eight', 0.06699550776163532),
  ('three', 0.06298132721927865),
  ('20', 0.05786040792069807),
  ('two', 0.05637101397434699),
  ('seven', 0.05466437310555693),
  ('50', 0.03985727111711573),
  ('<unk>', 0.3618041332500841)],
 [('he', 0.15679233089514114),
  ('and', 0.07865090875996683),
  ('it', 0.07853919751993393),
  ('which', 0.07182980627713079),
  ('who', 0.05915910074422047),
  ('that', 0.05887432297628298),
  ('It', 0.04512324005616443),
  ('He', 0.033538582552447835),
  ('she', 0.02537327535163644),
  ('<unk>', 0.39211923486707523)],
 [('the', 0.6475008577583442),
  ('this', 0.05635945641399274),
  ('of', 0.04994876526704409),
  ('last', 0.04301371908230493),
  ('a', 0.02981186383953218),
  ('and', 0.02584650964859901),
  ('The', 0.020583706768368373),
  ('to', 0.020027101637263484),
  ('Saturday', 0.019956996897051615),
  ('<unk>', 0.08695102268749932)],
 [('to', 0.6796459479821375),
  ('will', 0.14529537108870821),
  ('would', 0.04415544077337188),
  ('and', 0.029314021825089204),
  ('not', 0.025395445371571627),
  ('shall', 0.015664369471023714),
  ('must', 0.015082217219850945),
  ('may', 0.01436710459829912),
  ('should', 0.01347748998076963),
  ('<unk>', 0.017602591689178215)],
 [('and', 0.18725087156253764),
  ('is', 0.058195916654151976),
  ('be', 0.04241300370447531),
  ('are', 0.03573801412359313),
  ('it', 0.03493339899138968),
  ('was', 0.034412984539460005),
  ('not', 0.032830836352771654),
  ('but', 0.030882459237095324),
  ('or', 0.030060820054372977),
  ('<unk>', 0.5132816947801523)],
 [('and', 0.09743457553374286),
  ('Beginning', 0.058610740185902156),
  ('was', 0.04499444990228244),
  ('sold', 0.04329359670696395),
  ('held', 0.03744722244390449),
  ('payable', 0.03173982837699781),
  ('be', 0.029294585128035164),
  ('is', 0.028805883042251717),
  ('week', 0.025870925223206234),
  ('<unk>', 0.6025081934567131)],
 [('a', 0.7684978980040238),
  ('A', 0.04612283405737976),
  ('that', 0.04053807309285663),
  ('of', 0.033818186300237585),
  ('and', 0.02492475217578215),
  ('the', 0.022920506020301164),
  ('is', 0.01352489876960786),
  ('in', 0.01294843686223973),
  ('as', 0.012548702239813171),
  ('<unk>', 0.024155712477758273)],
 [('and', 0.10892512949570612),
  ('to', 0.0882221137196805),
  ('of', 0.079921897658399),
  ('the', 0.06856668661744507),
  ('in', 0.0346356180971257),
  ('be-', 0.030214511189612627),
  ('that', 0.025483545769207562),
  ('was', 0.02242383854671569),
  ('for', 0.02173909561509134),
  ('<unk>', 0.5198675632910164)],
 [('the', 0.16719255946187994),
  ('a', 0.11204841780801789),
  ('and', 0.09720543309849218),
  ('of', 0.08742709128391515),
  ('to', 0.05069106488581979),
  ('is', 0.028395672836661456),
  ('are', 0.024977975812047287),
  ('or', 0.024756412274072902),
  ('in', 0.022651824405063938),
  ('<unk>', 0.3846535481340295)],
 [('for', 0.10639173639869226),
  ('in', 0.10191614950085753),
  ('of', 0.08763260734308091),
  ('with', 0.086643088616001),
  ('as', 0.07304143378413895),
  ('that', 0.0723302549703694),
  ('to', 0.07079961683902739),
  ('and', 0.07005455136718917),
  ('on', 0.04529065641227937),
  ('<unk>', 0.285899904768364)],
 [('able', 0.09716424882906363),
  ('enough', 0.09434543779342103),
  ('order', 0.06559272738218207),
  ('him', 0.05541481391309257),
  ('ready', 0.05432729802677191),
  ('is', 0.05091948006898786),
  ('going', 0.05078207825276722),
  ('as', 0.04993291702260449),
  ('time', 0.04928310109305713),
  ('<unk>', 0.4322378976180522)],
 [('be', 0.15749374185297155),
  ('very', 0.10762337806428929),
  ('of', 0.10352511757731153),
  ('is', 0.07851027227525671),
  ('so', 0.0741054240551404),
  ('as', 0.0727929470688023),
  ('was', 0.0726750185104965),
  ('and', 0.06823255336872523),
  ('the', 0.06496790547325278),
  ('<unk>', 0.20007364175375375)],
 [('L', 0.06390129496368618),
  ('.', 0.06036592710743968),
  ('and', 0.05956550485055368),
  ('of', 0.039339168947451986),
  ('<s>', 0.03328791423864808),
  ('the', 0.023757894183177627),
  ('to', 0.021439661562447882),
  ('J', 0.02063001975243599),
  ('1', 0.01962729222576977),
  ('<unk>', 0.6580853221683891)],
 [('the', 0.14130916586609024),
  ('of', 0.11409411013732942),
  ('a', 0.06136991633743498),
  ('to', 0.036376516204494655),
  ('on', 0.03542615554255988),
  ('and', 0.026383052598618548),
  ('in', 0.024570884855339384),
  ('as', 0.018886209832572755),
  ('<s>', 0.014060178061209239),
  ('<unk>', 0.5275238105643508)],
 [('the', 0.1775303827213669),
  ('of', 0.1274615922225667),
  ('a', 0.10470200639065619),
  ('in', 0.07629534847886191),
  ('and', 0.06029213874303617),
  ('to', 0.04484472396557291),
  ('with', 0.024872845617959858),
  ('In', 0.02062786791708349),
  ('at', 0.019276695252618138),
  ('<unk>', 0.34409639869027775)],
 [('and', 0.08309412519742969),
  ('together', 0.0794377119396456),
  ('connected', 0.06363388831960902),
  ('connection', 0.06359223114192758),
  ('accordance', 0.04719220470127517),
  ('comply', 0.025690939100828813),
  ('acquainted', 0.022422044744649015),
  ('compared', 0.02234153171860289),
  ('contact', 0.02052636437077514),
  ('<unk>', 0.572068958765257)],
 [('the', 0.32196105895327914),
  ('a', 0.17944980155534762),
  ('and', 0.07495016724882257),
  ('in', 0.0714316817832122),
  ('The', 0.04336753590256857),
  ('of', 0.03652969686559604),
  ('be', 0.0313437116521476),
  ('his', 0.02883488554512339),
  ('was', 0.02517140951322308),
  ('<unk>', 0.18696005098067991)],
 [('of', 0.2960454871350728),
  ('and', 0.1126644352384833),
  ('in', 0.09258678367654502),
  ('to', 0.09248550842362475),
  ('for', 0.07232097938301012),
  ('that', 0.06099824918863364),
  ('with', 0.058191887983501785),
  ('by', 0.047096101218271645),
  ('as', 0.030807022037684303),
  ('<unk>', 0.13680354571517261)],
 [('the', 0.7076195118954128),
  ('The', 0.15037711446559093),
  ('tho', 0.03761331343503474),
  ('a', 0.020113189845844846),
  ('and', 0.013022774422271321),
  ('tbe', 0.012064698193640606),
  ('this', 0.010792310467999071),
  ('that', 0.007649544862694016),
  ('his', 0.007043238379942647),
  ('<unk>', 0.03370430403156899)],
 [('do', 0.6312836876701827),
  ('doing', 0.06348080140523786),
  ('did', 0.054245355508029475),
  ('is', 0.0394582401105006),
  ('be', 0.028457944714904572),
  ('not', 0.02570404461560563),
  ('was', 0.025699944144298457),
  ('and', 0.023469582370698967),
  ('all', 0.022677543249906194),
  ('<unk>', 0.0855228562106356)],
 [('the', 0.15907790827796764),
  ('and', 0.12340788260085332),
  ('of', 0.08921219536049628),
  ('to', 0.07216732991950683),
  ('in', 0.028034934980343405),
  ('on', 0.02779218629003618),
  ('a', 0.022855737436134043),
  ('that', 0.022601202601835745),
  ('which', 0.02065397133201429),
  ('<unk>', 0.4341966512008123)],
 [('<s>', 0.0656557866583631),
  ('it.', 0.013594850739961823),
  ('them.', 0.010924140481543915),
  ('vinegar.', 0.010491495201466503),
  ('day.', 0.00776278895445798),
  ('.', 0.007154417708252204),
  ('year.', 0.00614388542562069),
  ('him.', 0.005809269017684681),
  ('follows:', 0.005451407208232322),
  ('<unk>', 0.8670119586044168)],
 [('a', 0.7973026253318631),
  ('the', 0.096895107359289),
  ('A', 0.034081130714896005),
  ('and', 0.01884620569461113),
  ('The', 0.01134700200162639),
  ('his', 0.009332351508541172),
  ('very', 0.008083434820515838),
  ('to', 0.006949571914184128),
  ('of', 0.006528670907843784),
  ('<unk>', 0.010633899746629316)],
 [('the', 0.20947127629006024),
  ('and', 0.11589528237087823),
  ('of', 0.09927208249752233),
  ('The', 0.06528858909645183),
  ('that', 0.026060152514245812),
  ('these', 0.018280042116116568),
  ('or', 0.016369901772924966),
  ('a', 0.01597309811929376),
  ('to', 0.01420236046714843),
  ('<unk>', 0.4191872147553579)],
 [('the', 0.16451793738615786),
  ('and', 0.1498610421107095),
  ('of', 0.12114926971043354),
  ('was', 0.042405629335392506),
  ('be', 0.03620640204297959),
  ('to', 0.03448365781423342),
  ('is', 0.03308322324360801),
  ('are', 0.028904363041497533),
  ('a', 0.02792330604268525),
  ('<unk>', 0.36146516927230277)],
 [('and', 0.07910880199189722),
  ('.', 0.05971668148488504),
  ('W.', 0.05541797207884194),
  ('of', 0.04611222260403706),
  ('by', 0.044654365201291235),
  ('Mrs.', 0.043228016771719495),
  ('John', 0.03757549832426765),
  ('M.', 0.03248853032789195),
  ('J.', 0.029706409758425076),
  ('<unk>', 0.5719915014567434)],
 [('the', 0.4558175158617815),
  ('a', 0.11033508165166954),
  ('of', 0.10862981345382405),
  ('The', 0.06149221793717451),
  ('and', 0.04685580105442738),
  ('his', 0.03847930480766836),
  ('no', 0.037159754636890495),
  ('its', 0.034406483719332644),
  ('their', 0.02672798440620106),
  ('<unk>', 0.08009604247103042)],
 [('on', 0.4387706680036358),
  ('of', 0.0984910771391831),
  ('the', 0.08577739148544622),
  ('to', 0.06616958334722808),
  ('from', 0.05679122478861955),
  ('in', 0.05437687567997539),
  ('On', 0.05079656329021361),
  ('upon', 0.032319501069020304),
  ('and', 0.030190416702007592),
  ('<unk>', 0.08631669849467039)],
 [('that', 0.3419045799936216),
  ('and', 0.08697604521069549),
  ('as', 0.0732303051418162),
  ('which', 0.06993385766098402),
  ('if', 0.06405249107704636),
  ('but', 0.04977681607483168),
  ('where', 0.031625864047009566),
  ('what', 0.03078996577562326),
  ('when', 0.026545036530923438),
  ('<unk>', 0.2251650384874484)],
 [('the', 0.1868420132332908),
  ('and', 0.1156734840371449),
  ('of', 0.09766408538400485),
  ('that', 0.03090019471488002),
  ('The', 0.02842625799902863),
  ('a', 0.028424780304501653),
  ('or', 0.018651846149397577),
  ('I', 0.017607272261125215),
  ('his', 0.01671049837513117),
  ('<unk>', 0.45909956754149517)],
 [('and', 0.1317127632238329),
  ('made', 0.0351356912835514),
  ('necessary', 0.03200293144955895),
  ('provide', 0.024906283988261956),
  ('him', 0.02090762829858741),
  ('time', 0.020178117239795287),
  ('but', 0.01981895220494238),
  ('pay', 0.019647206189762706),
  ('responsible', 0.019392297433272435),
  ('<unk>', 0.6762981286884345)],
 [('and', 0.10847123123733965),
  ('was', 0.035790363982301704),
  ('be', 0.03460016446430207),
  ('made', 0.031078690799400514),
  ('is', 0.029352417118866388),
  ('that', 0.02901884087231576),
  ('as', 0.027986864382889293),
  ('are', 0.026801231398047687),
  ('them', 0.024099304562520525),
  ('<unk>', 0.6528008911820165)],
 [('he', 0.17040024442703125),
  ('I', 0.1637248160507551),
  ('they', 0.07677191828568206),
  ('and', 0.0729078999988078),
  ('it', 0.06999035071163394),
  ('who', 0.06324557494624153),
  ('she', 0.05318861354897381),
  ('He', 0.04777379662203664),
  ('we', 0.041533818592161216),
  ('<unk>', 0.24046296681667667)],
 [('by', 0.35017285669299775),
  ('the', 0.15601746619145954),
  ('of', 0.1471017522784094),
  ('to', 0.13409694487700902),
  ('at', 0.02586822586180007),
  ('and', 0.021843604479502638),
  ('The', 0.017328053654690385),
  ('in', 0.016520541873352928),
  ('this', 0.015249605208716443),
  ('<unk>', 0.11580094888206194)],
 [('to', 0.30357181792199395),
  ('will', 0.188011571107106),
  ('would', 0.12833132740249067),
  ('may', 0.08134734408925953),
  ('must', 0.059808243116796445),
  ('should', 0.05915545554918766),
  ('not', 0.05255422427301234),
  ('shall', 0.046637795018526135),
  ('can', 0.03217934469229833),
  ('could', 0.028402876829328898),
  ('<unk>', 0.02)],
 [('the', 0.15106917149225205),
  ('a', 0.1261907897320588),
  ('of', 0.09834533400672157),
  ('and', 0.06077671861693818),
  ('to', 0.04197527930032241),
  ('in', 0.039928052525964625),
  ('his', 0.016715058881893327),
  ('that', 0.015681811231872084),
  ('for', 0.015656685931566824),
  ('<unk>', 0.4336610982804102)],
 [('and', 0.10114050485707701),
  ('come', 0.04722791042388371),
  ('away', 0.04076837642577118),
  ('came', 0.03827426758938031),
  ('taken', 0.03765589705751695),
  ('received', 0.035825490270610424),
  ('them', 0.029632190649166924),
  ('far', 0.027529238967812713),
  ('miles', 0.025011675847362316),
  ('<unk>', 0.6169344479114185)],
 [('the', 0.1700945982533536),
  ('of', 0.07723533983908352),
  ('and', 0.07477151199462981),
  ('a', 0.06145844517966666),
  ('to', 0.033404819351789246),
  ('in', 0.020448518038448132),
  ('The', 0.018256667164376128),
  ('.', 0.01492090409862942),
  ('is', 0.014618530240696613),
  ('<unk>', 0.5147906658393269)],
 [('to', 0.13831475960652012),
  ('and', 0.10170258086835401),
  ('the', 0.098755786902952),
  ('of', 0.07314207325141991),
  ('in', 0.035866164045457734),
  ('a', 0.02015280220685042),
  ('<s>', 0.017858476236875222),
  ('not', 0.017468937647964367),
  ('that', 0.016173966615472418),
  ('<unk>', 0.48056445261813374)],
 [('and', 0.10202969710105224),
  ('impossible', 0.06455903688550388),
  ('necessary', 0.044786608136279396),
  ('enough', 0.03505549090067238),
  ('waiting', 0.03336163851535304),
  ('made', 0.02831739612572225),
  ('him', 0.027052245820144025),
  ('care', 0.025268617514112683),
  ('vote', 0.02344590977445184),
  ('<unk>', 0.6161233592267084)],
 [('one', 0.1205416303386925),
  ('part', 0.06944119767952432),
  ('out', 0.05592605372235919),
  ('some', 0.038098542342519255),
  ('members', 0.03637420179692493),
  ('side', 0.035860018084640774),
  ('portion', 0.025832203245739014),
  ('office', 0.023918125974121147),
  ('end', 0.023626759096503844),
  ('<unk>', 0.570381267718975)],
 [('the', 0.2506406487867025),
  ('immediately', 0.12341711792790291),
  ('next', 0.08785681911437597),
  ('and', 0.0867117022126677),
  ('es-', 0.06528880103543414),
  ('or', 0.05403107533578356),
  ('that', 0.03667144764088675),
  ('it', 0.03559436538004817),
  ('any', 0.028148821438556744),
  ('<unk>', 0.23163920112764158)],
 [('the', 0.1324733791255823),
  ('of', 0.08028921421682624),
  ('and', 0.06449043014777758),
  ('a', 0.04792947037257922),
  ('to', 0.03425079054903791),
  ('in', 0.023215848516239136),
  ('at', 0.016139754844191268),
  ('.', 0.014115499727612866),
  ('<s>', 0.013839916334634932),
  ('<unk>', 0.5732556961655185)],
 [('of', 0.2527061097674247),
  ('the', 0.17332447494279737),
  ('and', 0.0895848069416261),
  ('in', 0.04309153014949114),
  ('to', 0.03622898261668512),
  ('a', 0.03203137963908299),
  ('that', 0.029601082210137904),
  ('by', 0.026792470408589748),
  ('as', 0.02476336251069042),
  ('<unk>', 0.2918758008134744)],
 [('and', 0.208363396820546),
  ('of', 0.09650009546386182),
  ('in', 0.09598192257193172),
  ('was', 0.06323351674873948),
  ('that', 0.058418897380021005),
  ('for', 0.05777889662902955),
  ('to', 0.056171934303850424),
  ('is', 0.054862849504283565),
  ('with', 0.05031961951325389),
  ('<unk>', 0.2583688710644826)],
 [(';', 0.029230447705196397),
  ('it,', 0.017233571400662277),
  ('him,', 0.015243899611198927),
  ('them,', 0.011361909717109663),
  ('it', 0.00953787001657986),
  ('him', 0.00928334100416695),
  ('in', 0.009187318562959552),
  ('time,', 0.008605158824583419),
  ('States,', 0.008234637864789127),
  ('<unk>', 0.8820818452927538)],
 [('contained', 0.14914791428716),
  ('described', 0.13305730117931572),
  ('stipulated', 0.10715178062109323),
  ('and', 0.05935335690225032),
  ('recorded', 0.05657978773085705),
  ('situated', 0.05276207633996764),
  ('interest', 0.04993675570376449),
  ('interested', 0.04213063169151384),
  ('Morris,', 0.020137242957624663),
  ('<unk>', 0.32974315258645315)],
 [('made', 0.12033210737646786),
  ('and', 0.07879659574673457),
  ('caused', 0.030300195846386307),
  ('shown', 0.029037921742127916),
  ('up', 0.028757770078031666),
  ('taken', 0.027868324374242914),
  ('ed', 0.027267992485097224),
  ('out', 0.02599371358962405),
  ('given', 0.025317212863508347),
  ('<unk>', 0.6063281658977792)],
 [('is', 0.17278052876873057),
  ('ought', 0.08303841955642667),
  ('are', 0.07935611647475035),
  ('seems', 0.0756966591532151),
  ('was', 0.06668776138247084),
  ('not', 0.06532891253624999),
  ('said', 0.052441395223644154),
  ('it', 0.04227562182818732),
  ('seemed', 0.04217539409168214),
  ('<unk>', 0.3202191909846429)],
 [('the', 0.2600351263362795),
  ('of', 0.15825775691399144),
  ('at', 0.09581984749442729),
  ('to', 0.0938234365422099),
  ('his', 0.05912744421724506),
  ('their', 0.05733509696337897),
  ('this', 0.056812983093507845),
  ('in', 0.038587302342216516),
  ('a', 0.0359184769914376),
  ('<unk>', 0.14428252910530592)],
 [('the', 0.19202644742501446),
  ('of', 0.11867283998718424),
  ('and', 0.05851618565135104),
  ('a', 0.046876616151792776),
  ('to', 0.04455255836256714),
  ('in', 0.029159379332202712),
  ('was', 0.02234033867075358),
  ('his', 0.02181402596039465),
  ('be', 0.01955621435195013),
  ('<unk>', 0.44648539410678934)],
 [('the', 0.0735665613339116),
  ('of', 0.0669108703212748),
  ('to', 0.06602808705417182),
  ('and', 0.06431586987792086),
  ('in', 0.022542301284285096),
  ('be', 0.021550283227254483),
  ('was', 0.020389388173520297),
  ('<s>', 0.018821187870217318),
  ('is', 0.018514175167688142),
  ('<unk>', 0.6273612756897555)],
 [('New', 0.9423076901302208),
  ('Now', 0.011061852866228229),
  ('of', 0.0076911111222690365),
  ('New-', 0.0036560883243293204),
  ('Xew', 0.003213786792784058),
  ('the', 0.0024644718322418624),
  ('Mew', 0.001714290055029566),
  ('and', 0.0016589921944281628),
  ('to', 0.001512971169773654),
  ('<unk>', 0.024718745512695484)],
 [('the', 0.1324733791255823),
  ('of', 0.08028921421682624),
  ('and', 0.06449043014777758),
  ('a', 0.04792947037257922),
  ('to', 0.03425079054903791),
  ('in', 0.023215848516239136),
  ('at', 0.016139754844191268),
  ('.', 0.014115499727612866),
  ('<s>', 0.013839916334634932),
  ('<unk>', 0.5732556961655185)],
 [('one', 0.04269503347063483),
  ('person', 0.021333131942344454),
  ('year', 0.019266396180275175),
  ('in', 0.018547339232686397),
  ('man', 0.016955750616859756),
  ('more', 0.01635561456618364),
  ('and', 0.014639324702910414),
  ('two', 0.014028577413586022),
  ('law', 0.012139274506280296),
  ('<unk>', 0.8240395573682391)],
 [('the', 0.17010859371736847),
  ('of', 0.10501191632591234),
  ('to', 0.10264185981302291),
  ('and', 0.08053388503478681),
  ('a', 0.0747218711306663),
  ('be', 0.03722470211762567),
  ('was', 0.02902430857592198),
  ('for', 0.02521146025103643),
  ('is', 0.023574196505064978),
  ('<unk>', 0.35194720652859424)],
 [('of', 0.36044695115675196),
  ('to', 0.16974142493600194),
  ('in', 0.10689062927787675),
  ('with', 0.07514535211630244),
  ('and', 0.05314507701982651),
  ('from', 0.05116376995660262),
  ('by', 0.047163431616684244),
  ('for', 0.046743053329657884),
  ('on', 0.037574022793511595),
  ('<unk>', 0.051986287796783937)],
 [('it,', 0.013071380720065353),
  ('up', 0.011494777963275863),
  (';', 0.010964800737388753),
  ('them,', 0.010218008700084264),
  ('years,', 0.009150750232237959),
  ('here', 0.008417709549570676),
  ('it', 0.00792798617345397),
  ('him,', 0.00722574136651151),
  ('out', 0.007000797657604953),
  ('<unk>', 0.9145280468998067)],
 [('him.', 0.051787303564042604),
  ('<s>', 0.029164124806253734),
  ('it.', 0.022909577896481705),
  ('years.', 0.013615627032679468),
  ('them.', 0.012416450959852332),
  ('time.', 0.010888783619639464),
  ('man.', 0.010544892530498269),
  ('life.', 0.010261630990398982),
  ('himself.', 0.010196161121575559),
  ('<unk>', 0.8282154474785779)],
 [('I', 0.2422467536068359),
  ('he', 0.1634074576325274),
  ('and', 0.13710482745309607),
  ('they', 0.04947008126281391),
  ('she', 0.04344745772259866),
  ('never', 0.03776031395345236),
  ('1', 0.035527977341472394),
  ('we', 0.029922980470809348),
  ('He', 0.02839177192082594),
  ('<unk>', 0.23272037863556805)],
 [('and', 0.09020184496660856),
  ('recorded', 0.03622574534550004),
  ('was', 0.03579342649105295),
  ('made', 0.035587204463345457),
  ('that', 0.03195315766518325),
  ("o'clock", 0.031925722479167175),
  ('up', 0.02683627480199102),
  ('is', 0.025634134893940484),
  ('found', 0.024329658719814063),
  ('<unk>', 0.661512830173397)],
 [('was', 0.14619634880304908),
  ('are', 0.12459536460037088),
  ('is', 0.11410985128760544),
  ('be', 0.09427886342038411),
  ('been', 0.08715701352769224),
  ('and', 0.08568484016766263),
  ('were', 0.05887208732461729),
  ('not', 0.04916186878050221),
  ('of', 0.02508997037280427),
  ('<unk>', 0.21485379171531194)],
 [('<s>', 0.12658740554227157),
  ('it.', 0.025754864802840786),
  ('them.', 0.022443802904998037),
  ('time.', 0.01697742745305236),
  ('day.', 0.013023134478685073),
  ('country.', 0.012972535660014566),
  ('him.', 0.012853439819121513),
  ('.', 0.012628727780208673),
  ('year.', 0.010608398066510946),
  ('<unk>', 0.7461502634922965)],
 [('a', 0.19165927275119904),
  ('the', 0.187529358333383),
  ('to', 0.15973477693862),
  ('any', 0.05647816593894162),
  ('this', 0.05620951361508803),
  ('and', 0.05569962158409765),
  ('no', 0.03488462441654031),
  ('that', 0.03181767178016852),
  ('his', 0.02978732889957269),
  ('<unk>', 0.19619966574238912)],
 [('of', 0.08169690784035248),
  ('hundred', 0.05224159243280479),
  ('forty', 0.04166620056203417),
  ('160', 0.040611532720322224),
  ('ten', 0.03994087406991979),
  ('sixty', 0.03389672180690337),
  ('two', 0.029269148953341022),
  ('fifty', 0.025089549790180937),
  ('for', 0.02452575995416613),
  ('<unk>', 0.6310617118699751)],
 [('and', 0.08970255387778173),
  ('wait', 0.04833893285066939),
  ('them', 0.03455293714596104),
  ('up', 0.031487281381687784),
  ('there', 0.031034836912061443),
  ('retained', 0.030564453648661602),
  ('continued', 0.03035450641098943),
  ('not', 0.028142984770809513),
  ('him', 0.027731729412939096),
  ('<unk>', 0.6480897835884389)],
 [('men', 0.020410084678570365),
  ('time', 0.01972727257801014),
  ('in', 0.014609470242131961),
  ('up', 0.01426264770041423),
  ('made', 0.011666139744237521),
  ('gold', 0.010145834564628817),
  ('long', 0.009861670664220295),
  ('out', 0.009443383621398991),
  ('right', 0.009141480363428706),
  ('<unk>', 0.880732015842959)],
 [('be', 0.07730205977789811),
  ('tak-', 0.0677506442438042),
  ('it', 0.052923732211098015),
  ('and', 0.0511821247458231),
  ('of', 0.04751965381215338),
  ('was', 0.04635953925675064),
  ('not', 0.036637985840242325),
  ('giv-', 0.035090312479419836),
  ('the', 0.034031490436964816),
  ('<unk>', 0.5512024571958456)],
 [('of', 0.20770770817480402),
  ('in', 0.16429861906225376),
  ('to', 0.1238810699777847),
  ('with', 0.07810539696104406),
  ('and', 0.07411250251969811),
  ('for', 0.06652481616782686),
  ('that', 0.040357298078306784),
  ('by', 0.03771176561563339),
  ('from', 0.03225240707096907),
  ('<unk>', 0.17504841637167912)],
 [('number', 0.1039997995785342),
  ('out', 0.0696644660427154),
  ('amount', 0.03636858032918872),
  ('loss', 0.03627492675967521),
  ('thousands', 0.025105925821044758),
  ('time', 0.0249367431527906),
  ('kind', 0.024777661264662788),
  ('plenty', 0.02474257062443378),
  ('all', 0.023516793347954854),
  ('<unk>', 0.6306125330789997)],
 [('of', 0.25220620563226875),
  ('the', 0.2266577996219569),
  ('and', 0.06289716285676245),
  ('for', 0.049443412742109845),
  ('their', 0.03721289685010452),
  ('with', 0.03177964825000081),
  ('to', 0.025052738534512186),
  ('in', 0.02138354368399241),
  ('our', 0.01694495119156548),
  ('<unk>', 0.2764216406367266)],
 [('to', 0.13831475960652012),
  ('and', 0.10170258086835401),
  ('the', 0.098755786902952),
  ('of', 0.07314207325141991),
  ('in', 0.035866164045457734),
  ('a', 0.02015280220685042),
  ('<s>', 0.017858476236875222),
  ('not', 0.017468937647964367),
  ('that', 0.016173966615472418),
  ('<unk>', 0.48056445261813374)],
 [('that', 0.19408012199331112),
  ('and', 0.18813771280181524),
  ('but', 0.10976085568551376),
  ('as', 0.07774017156187762),
  ('which', 0.058012999294539826),
  ('if', 0.03949290543614382),
  ('when', 0.036515847596027565),
  ('where', 0.028163271888763695),
  ('But', 0.025579989961786065),
  ('<unk>', 0.24251612378022136)],
 [('for', 0.4804925329766981),
  ('of', 0.12161852041189068),
  ('to', 0.11427816789063461),
  ('in', 0.0936968645741143),
  ('and', 0.028587871825563754),
  ('with', 0.027322563926210887),
  ('at', 0.025609175415631947),
  ('In', 0.02514784036088496),
  ('that', 0.019856505666897117),
  ('<unk>', 0.06338995695147376)],
 [('at', 0.20488625966550403),
  ('of', 0.1465552953892758),
  ('in', 0.09621542386390103),
  ('to', 0.08209407012313193),
  ('and', 0.06081470690398257),
  ('for', 0.057146609446557584),
  ('In', 0.0548167801323188),
  ('on', 0.05209196309051718),
  ('from', 0.04065846022728045),
  ('<unk>', 0.20472043115753047)],
 [('the', 0.11206663044901274),
  ('and', 0.10251316184636793),
  ('of', 0.07225681910749898),
  ('a', 0.06518302716351868),
  ('to', 0.055070004949840254),
  ('will', 0.020536084168509845),
  ('an', 0.01992169927476672),
  ('more', 0.01913749692730044),
  ('that', 0.016534020602247654),
  ('<unk>', 0.5167810555109368)],
 [('is', 0.22807159560092505),
  ('are', 0.21819261649315472),
  ('was', 0.131029209174729),
  ('and', 0.09301040652828663),
  ('be', 0.07770882950916116),
  ('were', 0.046082899843187),
  ('has', 0.038084791954472036),
  ('had', 0.031261113451860625),
  ('have', 0.03046547831063551),
  ('<unk>', 0.10609305913358824)],
 [('of', 0.40102055939269604),
  ('in', 0.14250302985639174),
  ('to', 0.07094662548611905),
  ('that', 0.058158869639774485),
  ('In', 0.04941172922558204),
  ('for', 0.042119256332007034),
  ('and', 0.03802875658082704),
  ('from', 0.0365226845806799),
  ('by', 0.03234197663213599),
  ('<unk>', 0.12894651227378673)],
 [('a', 0.3844176147145098),
  ('the', 0.26239542109629616),
  ('young', 0.07723614379410332),
  ('The', 0.051449002228024815),
  ('every', 0.038479163874068106),
  ('A', 0.03475108379661531),
  ('old', 0.02962593742445523),
  ('one', 0.026687748210364876),
  ('any', 0.019153505706668034),
  ('<unk>', 0.07580437915489424)],
 [('the', 0.39397172492015975),
  ('of', 0.11214741313493153),
  ('and', 0.06487246393369918),
  ('these', 0.058486367435043325),
  ('The', 0.05250369506019592),
  ('tho', 0.02588415588950856),
  ('their', 0.0241763967358671),
  ('These', 0.024074161401807632),
  ('many', 0.022201350956412524),
  ('<unk>', 0.22168227053237455)],
 [('was', 0.23718224609263408),
  ('is', 0.13618962547635907),
  ('are', 0.08275880230935866),
  ('were', 0.06599877395262377),
  ('be', 0.06397948103052586),
  ('and', 0.05607448978269349),
  ('been', 0.051734655092187484),
  ('as', 0.03862315888119765),
  ('so', 0.028178801021937178),
  ('<unk>', 0.23927996636048288)],
 [('hundred', 0.023247185101380696),
  ('up', 0.005859204067488788),
  ('men', 0.005759735333464231),
  ('William', 0.004525902494093441),
  ('John', 0.004440827680639232),
  (';', 0.004263552163297171),
  ('him', 0.004194136873927),
  ('Hundred', 0.004124828364383018),
  ('in', 0.004072637886319486),
  ('<unk>', 0.939511990035007)],
 [('and', 0.1585614360534032),
  ('that', 0.10772181271355623),
  ('when', 0.0706659973640235),
  ('which', 0.05101139538171581),
  ('as', 0.049941239568952266),
  ('but', 0.04600940010740362),
  ('what', 0.03317420698111492),
  ('When', 0.032642200464200306),
  ('if', 0.021374568325147055),
  ('<unk>', 0.4288977430404831)],
 [('was', 0.18997132898587468),
  ('and', 0.12218397377014369),
  ('been', 0.10069740716698718),
  ('were', 0.09837624056148926),
  ('be', 0.09119169229104146),
  ('had', 0.05768185221611536),
  ('have', 0.05508473605786294),
  ('are', 0.0468396743979311),
  ('has', 0.035522774018862995),
  ('<unk>', 0.20245032053369139)],
 [('the', 0.36003274940843116),
  ('a', 0.10196502113700522),
  ('of', 0.09914389075637402),
  ('to', 0.08717615862396307),
  ('and', 0.06828680544365663),
  ('by', 0.035199611163069126),
  ('his', 0.032739208534317235),
  ('The', 0.028340444819703325),
  ('for', 0.021139688902265582),
  ('<unk>', 0.1659764212112146)],
 [('the', 0.4291692992083157),
  ('a', 0.08069026424324838),
  ('and', 0.060051691698878897),
  ('The', 0.035109613446569383),
  ('tho', 0.033241187331968944),
  ('of', 0.021553045639513192),
  ('tbe', 0.015945885714693298),
  ('in', 0.015254099967416418),
  ('or', 0.014510664393331416),
  ('<unk>', 0.2944742483560644)],
 [('a', 0.7868884247441775),
  ('in', 0.03345514754339595),
  ('A', 0.031143414248783367),
  ('the', 0.030260558919025283),
  ('with', 0.028846615871184658),
  ('of', 0.024239250401561347),
  ('very', 0.017188442456937413),
  ('for', 0.015199061900054822),
  ('is', 0.013032447939984657),
  ('<unk>', 0.0197466359748949)],
 [('the', 0.47657842686321644),
  ('The', 0.14775028922845795),
  ('ap-', 0.10334834319878274),
  ('a', 0.05818625687872307),
  ('his', 0.03680863767662396),
  ('ap\xad', 0.03159787122641721),
  ('ap¬', 0.03016392187285238),
  ('tho', 0.02841704178552783),
  ('and', 0.02759778635821458),
  ('<unk>', 0.059551424911183926)],
 [('in', 0.22929687179193764),
  ('the', 0.21071875047370792),
  ('a', 0.1320735325705185),
  ('his', 0.08913902376829166),
  ('to', 0.08911040891604474),
  ('In', 0.045640195622080146),
  ('of', 0.044917503762321905),
  ('take', 0.0296863259236574),
  ('and', 0.028130337151738623),
  ('<unk>', 0.10128705001970151)],
 [('it', 0.15785164040739424),
  ('It', 0.11645053092711509),
  ('he', 0.11552117164925092),
  ('which', 0.10920759278094269),
  ('I', 0.07622564063920798),
  ('that', 0.06351230929506058),
  ('and', 0.04098203501698418),
  ('He', 0.03967072495927323),
  ('she', 0.030169132047892133),
  ('<unk>', 0.2504092222768789)],
 [('of', 0.12764841217582223),
  ('and', 0.056785049781092355),
  ('in', 0.051066605103015354),
  ('that', 0.049788187190585614),
  ('for', 0.02937865520705797),
  ('to', 0.014970347296811792),
  ('on', 0.01373670079420169),
  ('but', 0.012258807111500254),
  ('from', 0.011089957620256122),
  ('<unk>', 0.6332772777196567)],
 [('and', 0.13064456960785606),
  ('passed', 0.08207396238740253),
  ('passing', 0.05700945194037393),
  ('all', 0.05407654030138995),
  ('went', 0.04486086691987516),
  ('pass', 0.04306366140704991),
  ('way', 0.03544604493695805),
  ('or', 0.03423287525360174),
  ('it', 0.03316083158563938),
  ('<unk>', 0.48543119565985327)],
 [('as', 0.6333181692886919),
  ('so', 0.08189092922703481),
  ('is', 0.050152960591785825),
  ('and', 0.03886049594917319),
  ('of', 0.032393882522345714),
  ('very', 0.02840979020500225),
  ('be', 0.026468052464453582),
  ('was', 0.02218406895655306),
  ('not', 0.01739201706229139),
  ('<unk>', 0.06892963373266814)],
 [('and', 0.1436963288483952),
  ('in', 0.0745030175722222),
  ('was', 0.06777917339651181),
  ('that', 0.0651287787030546),
  ('is', 0.06488953753001818),
  ('for', 0.06252294976964819),
  ('or', 0.05430045119560222),
  ('are', 0.053853960765800186),
  ('be', 0.04396984251235618),
  ('<unk>', 0.36935595970639135)],
 [('the', 0.12161305768723257),
  ('and', 0.10881560049130806),
  ('of', 0.05812601109632587),
  ('to', 0.045529579086725176),
  ('in', 0.038140185314016445),
  ('as', 0.020301184473892304),
  ('a', 0.01995651214837044),
  ('for', 0.019927015701638448),
  ('that', 0.019806107559483192),
  ('<unk>', 0.5477847464410075)],
 [('day', 0.04481528537454088),
  ('out', 0.04479701156005547),
  ('instead', 0.03865460412473206),
  ('and', 0.031840800238971644),
  ('is', 0.028345038573578184),
  ('rate', 0.026536639304611625),
  ('be', 0.024130792556735545),
  ('purpose', 0.02404845012717417),
  ('was', 0.023807171622147415),
  ('<unk>', 0.713024206517453)],
 [('the', 0.16231068582778801),
  ('of', 0.10369812056104362),
  ('and', 0.05936253530581483),
  ('that', 0.036479657203542175),
  ('in', 0.036231590106054846),
  ('to', 0.024019719692122517),
  ('for', 0.021894608533817066),
  ('Mr.', 0.017449221741665567),
  ('The', 0.017245570420233156),
  ('<unk>', 0.5213082906079182)],
 [('and', 0.044972416822251),
  ('it', 0.039260106443616855),
  ('I', 0.03744607182749251),
  ('It', 0.02722699378022448),
  ('the', 0.027101526347207895),
  ('<s>', 0.022856513578310925),
  ('of', 0.019069794935622855),
  ('he', 0.01888098082852363),
  ('a', 0.015620257418195931),
  ('<unk>', 0.7475653380185538)],
 [('of', 0.15820402360563496),
  ('or', 0.09993582198166874),
  ('if', 0.09360343905821371),
  ('for', 0.09306188903010561),
  ('to', 0.08454337631034481),
  ('than', 0.079564822420511),
  ('in', 0.0762760562882072),
  ('as', 0.057303964010355785),
  ('that', 0.05705299312567783),
  ('<unk>', 0.20045361416928043)],
 [('we', 0.13766667278217665),
  ('you', 0.12753865527001434),
  ('they', 0.12644098597491712),
  ('I', 0.10515105838624465),
  ('he', 0.09475033506239056),
  ('and', 0.05699488427939063),
  ('Ameri-', 0.05096641830781679),
  ('who', 0.049458803387421785),
  ('one', 0.049257504645142745),
  ('<unk>', 0.20177468190448467)],
 [('them,', 0.03416711641797569),
  (';', 0.024462228585299856),
  ('it,', 0.02236510091445673),
  ('him,', 0.020267993811149583),
  ('him', 0.013724326831381887),
  ('time,', 0.011414215469649542),
  ('and', 0.009512627648244974),
  ('it', 0.009069198428421892),
  ('them', 0.008834482564830765),
  ('<unk>', 0.8461827093285891)],
 [('the', 0.1324733791255823),
  ('of', 0.08028921421682624),
  ('and', 0.06449043014777758),
  ('a', 0.04792947037257922),
  ('to', 0.03425079054903791),
  ('in', 0.023215848516239136),
  ('at', 0.016139754844191268),
  ('.', 0.014115499727612866),
  ('<s>', 0.013839916334634932),
  ('<unk>', 0.5732556961655185)],
 [('be', 0.15492501761496472),
  ('never', 0.1391019287326743),
  ('have', 0.1275351924201068),
  ('ever', 0.09659699058864636),
  ('had', 0.09523886905342785),
  ('I', 0.0881431946543009),
  ('he', 0.07312034889259841),
  ('was', 0.0555977485412433),
  ('been', 0.0541438551530735),
  ('<unk>', 0.11559685434896383)],
 [('a', 0.3601997310040658),
  ('the', 0.17961611600586222),
  ('of', 0.1295139663589625),
  ('to', 0.08325188580581776),
  ('his', 0.04371190942460281),
  ('their', 0.04049771191918446),
  ('great', 0.027773230189684067),
  ('and', 0.022949662984434693),
  ('in', 0.021836488937526117),
  ('<unk>', 0.0906492973698596)],
 [('the', 0.573083237788952),
  ('a', 0.04953582183679908),
  ('Presbyterian', 0.04642279660227535),
  ('Episcopal', 0.0342045964665934),
  ('Catholic', 0.030468579137065018),
  ('The', 0.029051711894459282),
  ('Baptist', 0.02721175105203656),
  ('tho', 0.02183036065406563),
  ('and', 0.015529124116877189),
  ('<unk>', 0.17266202045087653)],
 [('in', 0.16470871916815286),
  ('for', 0.13946208679516348),
  ('as', 0.09058304146018042),
  ('to', 0.0841034363396784),
  ('of', 0.07631581460807745),
  ('at', 0.07535894455122208),
  ('was', 0.07455405699513831),
  ('and', 0.05580158847273241),
  ('In', 0.04858494959797379),
  ('<unk>', 0.19052736201168086)],
 [('the', 0.37955655746452344),
  ('of', 0.09013946221994895),
  ('and', 0.05367192778647427),
  ('that', 0.04259643952567397),
  ('this', 0.033169013480612124),
  ('in', 0.029393462500510417),
  ('his', 0.029124391839224086),
  ('other', 0.025434235274210248),
  ('their', 0.024218408242668472),
  ('<unk>', 0.292696101666154)],
 [('the', 0.20404885333666656),
  ('a', 0.1052708475141019),
  ('of', 0.0937833788119496),
  ('and', 0.09375825453610212),
  ('in', 0.031163662227501283),
  ('to', 0.031060851912606352),
  ('Mr.', 0.026658300030359322),
  ('was', 0.024695695105706),
  ('The', 0.0208369427527679),
  ('<unk>', 0.36872321377223893)],
 [('daughter', 0.0554465380263913),
  ('name', 0.0458872356532645),
  ('city', 0.030067192983264716),
  ('son', 0.029984893489266144),
  ('people', 0.026843204158388284),
  ('number', 0.025478800271763396),
  ('line', 0.022706602299155054),
  ('and', 0.021758232087546653),
  ('residence', 0.020058792092721878),
  ('<unk>', 0.7217685089382381)],
 [('on', 0.3772064609397994),
  ('to', 0.27326057073499727),
  ('and', 0.10969978711795167),
  ('of', 0.048105343853775906),
  ('in', 0.04045898712946698),
  ('the', 0.020806638034014707),
  ('a', 0.014422436850619736),
  ('will', 0.01414414853089564),
  ('In', 0.009995729133789925),
  ('<unk>', 0.09189989767468876)],
 [('the', 0.1625566722297604),
  ('of', 0.08426395032685456),
  ('and', 0.06786185625781396),
  ('in', 0.04763242007563542),
  ('to', 0.038822024849419726),
  ('for', 0.030876338713415465),
  ('that', 0.029592487218618367),
  ('by', 0.021346136897118794),
  ('a', 0.02085880097108007),
  ('<unk>', 0.4961893124602833)],
 [('of', 0.18013874346488082),
  ('the', 0.12299258414553992),
  ('in', 0.06968232772331558),
  ('to', 0.05836344354566665),
  ('and', 0.04526623170598103),
  ('a', 0.03695670893821336),
  ('for', 0.02452564436505831),
  ('that', 0.024127492848632706),
  ('In', 0.01738780642927439),
  ('<unk>', 0.4205590168334372)],
 [('the', 0.23900970662775284),
  ('that', 0.11624275257122779),
  ('same', 0.1105065466931477),
  ('this', 0.10547781884788457),
  ('some', 0.10403162674836963),
  ('short', 0.07490622357549806),
  ('any', 0.07185446497422361),
  ('a', 0.0710604372300907),
  ('long', 0.048207059768070125),
  ('<unk>', 0.058703362963734906)],
 [('of', 0.33896415548083),
  ('in', 0.2057424588769821),
  ('to', 0.12779157738097938),
  ('for', 0.07270874232726177),
  ('that', 0.051346698586284684),
  ('and', 0.037824696438196984),
  ('by', 0.03544435652967941),
  ('In', 0.030943454942457507),
  ('with', 0.0285464146575774),
  ('<unk>', 0.07068744477975075)],
 [('and', 0.11027635663612831),
  ('of', 0.1021904326212542),
  ('the', 0.08366600298859665),
  ('a', 0.07442243247624808),
  ('in', 0.0666574197986399),
  ('to', 0.06181752326507809),
  ('be', 0.034295286850164336),
  ('is', 0.033350975323526204),
  ('was', 0.03158735437752874),
  ('<unk>', 0.40173621566283546)],
 [('it', 0.28502649324396423),
  ('It', 0.23635239790818371),
  ('he', 0.06427419446823313),
  ('there', 0.06348014042201053),
  ('which', 0.05291877570021462),
  ('that', 0.04469945657381267),
  ('this', 0.03123778724714895),
  ('This', 0.03047513531736525),
  ('and', 0.030301535258111675),
  ('<unk>', 0.16123408386095517)],
 [('have', 0.2002839200344891),
  ('has', 0.1657171421372857),
  ('are', 0.12173991855115088),
  ('is', 0.10529054072628537),
  ('had', 0.08593246912353368),
  ('be', 0.05696589278080552),
  ('was', 0.053817039908751786),
  ('the', 0.047607397687314444),
  ('not', 0.03910941820576589),
  ('<unk>', 0.12353626084461755)],
 [('in', 0.3534987897346018),
  ('on', 0.14992921429082812),
  ('of', 0.10359831022531699),
  ('In', 0.0851663390461136),
  ('to', 0.06048326366499921),
  ('and', 0.05566718175701701),
  ('all', 0.042308145409663524),
  ('with', 0.033680918739772824),
  ('that', 0.03021255076242164),
  ('<unk>', 0.08545528636926514)],
 [('that', 0.18019144784821453),
  ('and', 0.10947872085574713),
  ('when', 0.07770900642915334),
  ('but', 0.053820136908253706),
  ('as', 0.048949831335297254),
  ('which', 0.03812515052840154),
  ('if', 0.0306208377006491),
  ('until', 0.025741621959805547),
  ('When', 0.024332541240606458),
  ('<unk>', 0.4110307051938714)],
 [('hundred', 0.023247185101380696),
  ('up', 0.005859204067488788),
  ('men', 0.005759735333464231),
  ('William', 0.004525902494093441),
  ('John', 0.004440827680639232),
  (';', 0.004263552163297171),
  ('him', 0.004194136873927),
  ('Hundred', 0.004124828364383018),
  ('in', 0.004072637886319486),
  ('<unk>', 0.939511990035007)],
 [('and', 0.11563689143171509),
  ('just', 0.09841742801739364),
  ('is', 0.08276955980025316),
  ('be', 0.050282048674537096),
  ('far', 0.04810230149787062),
  ('much', 0.04754134590550166),
  ('are', 0.047146331590774825),
  ('but', 0.044629239008848846),
  ('not', 0.04433990983018183),
  ('<unk>', 0.4211349442429232)],
 [('the', 0.5765129673814051),
  ('a', 0.2657778442068794),
  ('The', 0.040058425980161294),
  ('tho', 0.03537210645215764),
  ('no', 0.017604242035635955),
  ('and', 0.013658735652300217),
  ('tbe', 0.01236639790621977),
  ('any', 0.007115828531630564),
  ('by', 0.0057938060933479625),
  ('<unk>', 0.02573964576026211)],
 [('of', 0.13458172701478155),
  ('and', 0.10053081428606613),
  ('that', 0.0989556936123116),
  ('to', 0.07987945468772066),
  ('by', 0.07187633542975348),
  ('as', 0.036397541449628756),
  ('which', 0.032599616190983415),
  ('with', 0.02409547304407456),
  ('when', 0.023762538437175258),
  ('<unk>', 0.3973208058475046)],
 [('of', 0.2600653026638818),
  ('to', 0.11395389415392164),
  ('in', 0.10327683389224213),
  ('with', 0.07557006934445913),
  ('on', 0.0512002423006229),
  ('and', 0.04971278164316822),
  ('for', 0.045574040519844726),
  ('by', 0.04318784899146157),
  ('from', 0.04059617452054272),
  ('<unk>', 0.21686281196985524)],
 [('of', 0.05357618204031132),
  ('the', 0.03411037702811379),
  ('to', 0.021213155915776116),
  ('two', 0.021037698478101472),
  ('in', 0.017865803690043952),
  ('ten', 0.016227509293545432),
  ('10', 0.015511882588167615),
  ('three', 0.014712692149248606),
  ('few', 0.01258825438069435),
  ('<unk>', 0.7931564444359973)],
 [('of', 0.29604938267766623),
  ('in', 0.20415947300603168),
  ('to', 0.1008462515057448),
  ('for', 0.06827851922231205),
  ('In', 0.06356425746980776),
  ('and', 0.05120086965943469),
  ('from', 0.047498067345752584),
  ('on', 0.04569845184018376),
  ('by', 0.036524810181718464),
  ('<unk>', 0.08617991709134798)],
 [('the', 0.1324733791255823),
  ('of', 0.08028921421682624),
  ('and', 0.06449043014777758),
  ('a', 0.04792947037257922),
  ('to', 0.03425079054903791),
  ('in', 0.023215848516239136),
  ('at', 0.016139754844191268),
  ('.', 0.014115499727612866),
  ('<s>', 0.013839916334634932),
  ('<unk>', 0.5732556961655185)],
 [('in', 0.13777739333009936),
  ('of', 0.1351757010282296),
  ('any', 0.09484653623268124),
  ('the', 0.09208369779208471),
  ('a', 0.07135755148195357),
  ('for', 0.07090372164459537),
  ('no', 0.06860335197190646),
  ('every', 0.044954469010510784),
  ('this', 0.04348375608072445),
  ('<unk>', 0.24081382142721452)],
 [('bride', 0.018279232945522524),
  ('city', 0.01445178329381793),
  ('1', 0.009228546522647317),
  ('hundred', 0.008047246722768629),
  ('men', 0.008034402983127893),
  ('north', 0.007954942979489368),
  (';', 0.007756077934477901),
  ('rights', 0.006906547227546899),
  ('life', 0.006786174524555782),
  ('<unk>', 0.9125550448660458)],
 [('of', 0.1526798312079989),
  ('in', 0.1015829541973221),
  ('is', 0.09526492107378441),
  ('with', 0.08179893460240781),
  ('to', 0.07544656379215856),
  ('was', 0.06803142031959539),
  ('for', 0.06391912296446077),
  ('by', 0.06302510808703037),
  ('be', 0.056118136057637345),
  ('<unk>', 0.24213300769760437)],
 [('he', 0.22588322630892754),
  ('and', 0.11774756966963565),
  ('be', 0.08567995926883826),
  ('is', 0.07962805387611684),
  ('I', 0.07519881918024907),
  ('was', 0.07367163358786102),
  ('they', 0.06346527897579514),
  ('who', 0.05869181586122462),
  ('have', 0.05668579843585809),
  ('<unk>', 0.1633478448354938)],
 [('the', 0.5437795599484105),
  ('The', 0.08013257844837865),
  ('his', 0.04387253727197877),
  ('a', 0.04158992874750217),
  ('of', 0.04037848964647662),
  ('and', 0.036716887040351226),
  ('tho', 0.03669469402318253),
  ('in', 0.029721733858127177),
  ('this', 0.029290732590308923),
  ('<unk>', 0.1178228584252835)],
 [('and', 0.11211880404388282),
  ('of', 0.08285863819460826),
  ('the', 0.05439699022398279),
  ('to', 0.05372982992287005),
  ('in', 0.05098176779815101),
  ('be', 0.04226567171411529),
  ('for', 0.04026135199881014),
  ('a', 0.02740355869080521),
  ('was', 0.02471888061195063),
  ('<unk>', 0.5112645068008239)],
 [('make', 0.1637070913921612),
  ('give', 0.12041666947623703),
  ('and', 0.0941681408416971),
  ('of', 0.06113191891982448),
  ('as', 0.05590975743659296),
  ('that', 0.04679668404314057),
  ('in', 0.0432071606252018),
  ('to', 0.04307927943694015),
  ('for', 0.04274870081546538),
  ('<unk>', 0.3288345970127394)],
 [('a', 0.24969413085021736),
  ('the', 0.17653503154234956),
  ('of', 0.07524304756397944),
  ('and', 0.040330500385199676),
  ('as', 0.04030428249788794),
  ('to', 0.03399998210792929),
  ('fel-', 0.030631119209539894),
  ('fol-', 0.02407780512328711),
  ('at', 0.021143282247645386),
  ('<unk>', 0.3080408184719643)],
 [('the', 0.08840605571338403),
  ('and', 0.0763665407216147),
  ('of', 0.07495158971433218),
  ('to', 0.0622844927783008),
  ('be', 0.054393045809506185),
  ('a', 0.04507897135573565),
  ('in', 0.029358242538906593),
  ('for', 0.025848240870667696),
  ('was', 0.025755511331843194),
  ('<unk>', 0.5175573091657091)],
 [('to', 0.22425802729298902),
  ('for', 0.10576005549439955),
  ('give', 0.0936814906771942),
  ('with', 0.0927901592007767),
  ('upon', 0.07307522531547235),
  ('gave', 0.06923669001957371),
  ('on', 0.05544832028641555),
  ('of', 0.0455784372345347),
  ('made', 0.036936184610520194),
  ('<unk>', 0.20323540986812405)],
 [('be', 0.14112779214025864),
  ('and', 0.13038024466417214),
  ('he', 0.1204119116945495),
  ('was', 0.1025295845764978),
  ('had', 0.07800441409848997),
  ('have', 0.06870543149628718),
  ('has', 0.06799165144110958),
  ('been', 0.06012309538073024),
  ('is', 0.05613714649047347),
  ('<unk>', 0.17458872801743142)],
 [('the', 0.3955397606126198),
  ('railroad', 0.0620183348688816),
  ('this', 0.0506641969397757),
  ('said', 0.0484112476809553),
  ('a', 0.04301553070209553),
  ('The', 0.03969318484517192),
  ('and', 0.03230562825796061),
  ('in', 0.030941434892202913),
  ('his', 0.027853300884863104),
  ('<unk>', 0.2695573803154735)],
 [('the', 0.19950099435062618),
  ('of', 0.11116603472108198),
  ('and', 0.09851333910038948),
  ('to', 0.08957758890034034),
  ('a', 0.0825980165092571),
  ('this', 0.05694872842377838),
  ('that', 0.04433515185357448),
  ('by', 0.030159331623103212),
  ('only', 0.021795709605264262),
  ('<unk>', 0.2654051049125845)],
 [('the', 0.3724584639743121),
  ('of', 0.14457218238780747),
  ('and', 0.054609286079042425),
  ('a', 0.04847670430577382),
  ('from', 0.04237912941640719),
  ('by', 0.037952536450342134),
  ('or', 0.03675881513196757),
  ('his', 0.03612589614536888),
  ('this', 0.03527813790412505),
  ('<unk>', 0.19138884820485336)],
 [('of', 0.13651961289372153),
  ('and', 0.11979843555226909),
  ('Mr.', 0.05609343754441727),
  ('Mrs.', 0.05321383054599363),
  ('to', 0.04715135135755133),
  ('by', 0.04548739575533016),
  ('that', 0.028093109503444028),
  ('said', 0.020520832019066612),
  ('Sir', 0.020481161763922798),
  ('<unk>', 0.4726408330642836)],
 [('sum', 0.038446056993501794),
  ('number', 0.03221477157443951),
  ('city', 0.022637199368528753),
  ('line', 0.02233786912370042),
  ('out', 0.022108885008595473),
  ('day', 0.018433636256501275),
  ('county', 0.01715900846558235),
  ('amount', 0.015170305732485432),
  ('Board', 0.014396100751552949),
  ('<unk>', 0.797096166725112)],
 [('and', 0.12089340224565853),
  ('to', 0.0772031558589188),
  ('the', 0.07673249077339958),
  ('of', 0.04844339281933857),
  ('in', 0.04201994945736313),
  ('be', 0.04177657197573667),
  ('was', 0.03634493641550044),
  ('for', 0.0299536345200184),
  ('not', 0.02596168990752081),
  ('<unk>', 0.500670776026545)],
 [('of', 0.3983854097450599),
  ('the', 0.19288366522169537),
  ('for', 0.06283020891661993),
  ('and', 0.058287681085666565),
  ('with', 0.04342905450993226),
  ('a', 0.041890958223724295),
  ('in', 0.03461025234646692),
  ('their', 0.03396382608764246),
  ('his', 0.031043177825177792),
  ('<unk>', 0.10267576603801443)],
 [('and', 0.06919682879469775),
  ('closing', 0.04986270409378492),
  ('was', 0.029217340703549498),
  ('held', 0.02340999629274419),
  ('valued', 0.023078792615589483),
  ('sold', 0.02166951222371029),
  ('2', 0.021385336916784483),
  ('is', 0.02023837368449396),
  ('arrived', 0.019943393409775172),
  ('<unk>', 0.7219977212648703)],
 [('one', 0.08963472654102342),
  ('out', 0.0722943628181875),
  ('part', 0.06293731861996864),
  ('account', 0.04540224000585793),
  ('some', 0.04422554766982078),
  ('any', 0.03057817608192248),
  ('all', 0.027813972406454463),
  ('that', 0.026737496148929733),
  ('tion', 0.022944822385302373),
  ('<unk>', 0.5774313373225327)],
 [('do', 0.6486992244236363),
  ('is', 0.051897367725075534),
  ('doing', 0.05033304951057323),
  ('did', 0.04487361384733744),
  ('and', 0.025612718139688646),
  ('be', 0.022840723736422704),
  ('was', 0.022354035714548446),
  ('all', 0.021753280439621436),
  ('not', 0.017047435738936453),
  ('<unk>', 0.09458855072415984)],
 [('hundred', 0.023247185101380696),
  ('up', 0.005859204067488788),
  ('men', 0.005759735333464231),
  ('William', 0.004525902494093441),
  ('John', 0.004440827680639232),
  (';', 0.004263552163297171),
  ('him', 0.004194136873927),
  ('Hundred', 0.004124828364383018),
  ('in', 0.004072637886319486),
  ('<unk>', 0.939511990035007)],
 [('able', 0.10644732454250914),
  ('began', 0.0801275617179242),
  ('right', 0.06833393986015558),
  ('unable', 0.06493209081821369),
  ('is', 0.05856345469197389),
  ('enough', 0.04977934378234985),
  ('ready', 0.04863448597780891),
  ('him', 0.045456360239914756),
  ('have', 0.04127643621988157),
  ('<unk>', 0.4364490021492685)],
 [('of', 0.38064048344089907),
  ('in', 0.15447595783465495),
  ('to', 0.08806202129664456),
  ('In', 0.047951405001214774),
  ('for', 0.04188218396473178),
  ('that', 0.04110284233566679),
  ('by', 0.03871807059944296),
  ('and', 0.03609222843373822),
  ('on', 0.03584258490511971),
  ('<unk>', 0.13523222218788722)],
 [('of', 0.2257729187418215),
  ('to', 0.17743939314711085),
  ('or', 0.08275784115374175),
  ('than', 0.07841680953985207),
  ('in', 0.06811436101915637),
  ('for', 0.06509341700406024),
  ('reject', 0.06417448110466785),
  ('at', 0.06101947569016835),
  ('if', 0.05869554810073698),
  ('<unk>', 0.11851575449868412)],
 [('and', 0.11711286280003837),
  ('laid', 0.06709639188399047),
  ('came', 0.06505267553150768),
  ('cut', 0.05450697155025244),
  ('break', 0.05410129222216032),
  ('went', 0.052533681360591326),
  ('lay', 0.049799431770737666),
  ('way', 0.04958797894172416),
  ('it', 0.04787828424255262),
  ('<unk>', 0.442330429696445)],
 [('of', 0.31710779004799433),
  ('that', 0.1035009821148784),
  ('and', 0.08855537386942454),
  ('to', 0.0866910533716951),
  ('in', 0.08368037695060628),
  ('by', 0.07170464014986608),
  ('for', 0.05413106961995248),
  ('with', 0.04696001119217569),
  ('all', 0.04647872766137151),
  ('<unk>', 0.10118997502203542)],
 [('the', 0.11688805496277845),
  ('.', 0.05866102082376202),
  ('of', 0.03974086374930835),
  ('<s>', 0.03790856013587482),
  ('to', 0.029375755036565948),
  ('and', 0.015195993113056937),
  ('in', 0.012409177159061511),
  ('City', 0.011695425272024914),
  ('a', 0.010458711950857593),
  ('<unk>', 0.6676664377967094)],
 [('those', 0.1587337889648478),
  ('men', 0.11259099337745765),
  ('and', 0.07949524196065987),
  ('man', 0.04785868260256672),
  ('one', 0.047014518720140744),
  ('all', 0.042621228694741414),
  ('people', 0.03879869810266751),
  ('Those', 0.022824501856687412),
  ('women', 0.014891810919981837),
  ('<unk>', 0.43517053480024903)],
 [('made', 0.12033210737646786),
  ('and', 0.07879659574673457),
  ('caused', 0.030300195846386307),
  ('shown', 0.029037921742127916),
  ('up', 0.028757770078031666),
  ('taken', 0.027868324374242914),
  ('ed', 0.027267992485097224),
  ('out', 0.02599371358962405),
  ('given', 0.025317212863508347),
  ('<unk>', 0.6063281658977792)],
 [('the', 0.1324733791255823),
  ('of', 0.08028921421682624),
  ('and', 0.06449043014777758),
  ('a', 0.04792947037257922),
  ('to', 0.03425079054903791),
  ('in', 0.023215848516239136),
  ('at', 0.016139754844191268),
  ('.', 0.014115499727612866),
  ('<s>', 0.013839916334634932),
  ('<unk>', 0.5732556961655185)],
 [('of', 0.12054049196239562),
  ('and', 0.0990252409044434),
  ('on', 0.028841949578963334),
  ('to', 0.02708479587750275),
  ('that', 0.023252492534430527),
  ('for', 0.022550772422683062),
  ('by', 0.016228977354472547),
  ('with', 0.012944886313547583),
  ('from', 0.010931777500969379),
  ('<unk>', 0.6385986155505918)],
 [('of', 0.10565038393849085),
  ('the', 0.08440200144428926),
  ('and', 0.05415913604161536),
  ('in', 0.04974312212120972),
  ('to', 0.04524125908579969),
  ('a', 0.040447158631791276),
  ('be', 0.02265850506529176),
  ('for', 0.022518988614812368),
  ('at', 0.02013727453217357),
  ('<unk>', 0.5550421705245261)],
 [('of', 0.32850576268880594),
  ('the', 0.12313640790485399),
  ('a', 0.0604129416028614),
  ('no', 0.058350452310273894),
  ('such', 0.05702009390785773),
  ('any', 0.055527598149017816),
  ('for', 0.052894434530167046),
  ('all', 0.05277183041691039),
  ('and', 0.051204163817798194),
  ('<unk>', 0.16017631467145355)],
 [('the', 0.6969163968814811),
  ('The', 0.05524956150472844),
  ('and', 0.050060957853489206),
  ('tho', 0.041962769808385855),
  ('an', 0.02985679781602587),
  ('a', 0.023368125749017494),
  ('tbe', 0.016723864781981145),
  ('first', 0.009909449482733838),
  ('that', 0.006996823533580642),
  ('<unk>', 0.06895525258857627)],
 [('of', 0.10565038393849085),
  ('the', 0.08440200144428926),
  ('and', 0.05415913604161536),
  ('in', 0.04974312212120972),
  ('to', 0.04524125908579969),
  ('a', 0.040447158631791276),
  ('be', 0.02265850506529176),
  ('for', 0.022518988614812368),
  ('at', 0.02013727453217357),
  ('<unk>', 0.5550421705245261)],
 [('of', 0.16476824702653148),
  ('the', 0.08443305763760398),
  ('for', 0.08436053640211694),
  ('and', 0.07810525363528216),
  ('to', 0.06954637103319179),
  ('in', 0.06269764516961261),
  ('a', 0.04730537963811669),
  ('with', 0.0343777877543345),
  ('that', 0.02414818560377166),
  ('<unk>', 0.3502575360994382)],
 [('the', 0.3905607045035861),
  ('a', 0.08682066945654919),
  ('The', 0.04614947449701832),
  ('of', 0.034460501399009115),
  ('quartz', 0.030199052299805327),
  ('two', 0.028856782333782856),
  ('his', 0.02688402435055785),
  ('one', 0.025265926762899044),
  ('their', 0.019224117842895704),
  ('<unk>', 0.3115787465538965)],
 [('the', 0.7995867502100855),
  ('The', 0.09602153060828093),
  ('tho', 0.035131173487431784),
  ('a', 0.02465193999449783),
  ('tbe', 0.01294572230584453),
  ('his', 0.007989914359205078),
  ('very', 0.005129530429935619),
  ('its', 0.005040410611333248),
  ('this', 0.004675321723091118),
  ('<unk>', 0.008827706270294389)],
 [('number', 0.08624357179204048),
  ('state', 0.06443843203054987),
  ('out', 0.052423161156600465),
  ('amount', 0.041014373839659564),
  ('line', 0.03277980725441025),
  ('sum', 0.031030286427758215),
  ('State', 0.029936736128923443),
  ('piece', 0.02875713118587104),
  ('part', 0.02522991354026509),
  ('<unk>', 0.6081465866439215)],
 [('and', 0.10407381548396474),
  ('to', 0.08057777729341435),
  ('of', 0.05388367669190889),
  ('the', 0.04821117180560612),
  ('which', 0.029266461991238377),
  ('that', 0.02831541488317582),
  ('re-', 0.026433596473200552),
  ('in', 0.025489149386145347),
  ('for', 0.024136474440264972),
  ('<unk>', 0.5796124615510809)],
 [('of', 0.1657055812685981),
  ('is', 0.1485075091073178),
  ('was', 0.12193347287018866),
  ('in', 0.0873260797943351),
  ('with', 0.08589973841691469),
  ('and', 0.07804953975971692),
  ('to', 0.07556642159654911),
  ('for', 0.056216136020762496),
  ('as', 0.05446636127607805),
  ('<unk>', 0.12632915988953897)],
 [('of', 0.20393422253982715),
  ('his', 0.17868213959780924),
  ('the', 0.15981015590337833),
  ('a', 0.09194277670392713),
  ('my', 0.08372862756181805),
  ('and', 0.047022280906732467),
  ('her', 0.046693011575880725),
  ('their', 0.035472385661091524),
  ('all', 0.024252317906998274),
  ('<unk>', 0.12846208164253714)],
 [('taken', 0.11254701990162715),
  ('came', 0.09934578077335253),
  ('keep', 0.07350452226169216),
  ('come', 0.06831295398154845),
  ('made', 0.06188224488650373),
  ('put', 0.05774165734789644),
  ('picked', 0.056549065390007626),
  ('get', 0.05565063030036661),
  ('it', 0.05449648129585553),
  ('<unk>', 0.3599696438611497)],
 [('the', 0.4498592570723484),
  ('a', 0.129780508313523),
  ('on', 0.09428612940460473),
  ('in', 0.05170437276546452),
  ('right', 0.04182626138664535),
  ('other', 0.0399947789288539),
  ('his', 0.0341598331296719),
  ('one', 0.02669224230708507),
  ('of', 0.025472318175986833),
  ('<unk>', 0.10622429851581638)],
 [('and', 0.07189638677922881),
  ('was', 0.03534996223702141),
  ('is', 0.023103267690448504),
  ('be', 0.021015152883314018),
  ('are', 0.018851838366483405),
  ('that', 0.01690089518718535),
  ('it', 0.015837457608930638),
  ('made', 0.01539741285274322),
  ('been', 0.014420679235785137),
  ('<unk>', 0.7672269471588595)],
 [('the', 0.5830930516320382),
  ('a', 0.08756973826141067),
  ('to', 0.06542889995286738),
  ('their', 0.05255806208917785),
  ('and', 0.0382053536227665),
  ('its', 0.037241318092640016),
  ('for', 0.030201379983197413),
  ('will', 0.02971672009782476),
  ('of', 0.028234241089650065),
  ('<unk>', 0.047751235178427276)],
 [(';', 0.029952826776638106),
  ('it,', 0.020984242786955893),
  ('them,', 0.012628991315475667),
  ('him,', 0.01070483102407217),
  ('in', 0.009127931103418687),
  ('time,', 0.008285817870703635),
  ('him', 0.00792022004851611),
  ('country,', 0.007405804184487167),
  ('years,', 0.006453887022487844),
  ('<unk>', 0.8865354478672447)],
 [('the', 0.16109127420097974),
  ('a', 0.14391309139731268),
  ('of', 0.12907245393061417),
  ('in', 0.1266159235485774),
  ('to', 0.050231479320050454),
  ('an', 0.048673577074455375),
  ('and', 0.03973586351657101),
  ('for', 0.030970404002854526),
  ('that', 0.029010122030356834),
  ('<unk>', 0.24068581097822783)],
 [('the', 0.18623884515310857),
  ('of', 0.09206916805708477),
  ('and', 0.05863157372066995),
  ('for', 0.047791268781694415),
  ('in', 0.04721229084892285),
  ('to', 0.04665161639384695),
  ('or', 0.03334286212705267),
  ('their', 0.030061202047570148),
  ('be', 0.029479881657370633),
  ('<unk>', 0.4285212912126791)],
 [('the', 0.1324733791255823),
  ('of', 0.08028921421682624),
  ('and', 0.06449043014777758),
  ('a', 0.04792947037257922),
  ('to', 0.03425079054903791),
  ('in', 0.023215848516239136),
  ('at', 0.016139754844191268),
  ('.', 0.014115499727612866),
  ('<s>', 0.013839916334634932),
  ('<unk>', 0.5732556961655185)],
 [('his', 0.17580702527750486),
  ('of', 0.17482936149561196),
  ('to', 0.12829456025675834),
  ('her', 0.08556651361302106),
  ('their', 0.07047668832547711),
  ('in', 0.061835611192402565),
  ('the', 0.055903691891446734),
  ('and', 0.04896440213433195),
  ('at', 0.040464041556828236),
  ('<unk>', 0.15785810425661717)],
 [('and', 0.1527713377312465),
  ('I', 0.10944199894884593),
  ('he', 0.06670551982280043),
  ('to', 0.06367958749095888),
  ('we', 0.03754181409292286),
  ('that', 0.03496618141002685),
  ('it', 0.03180142840156426),
  ('they', 0.030787116719306586),
  ('which', 0.030706070444799952),
  ('<unk>', 0.4415989449375278)],
 [('and', 0.07755572388093337),
  ('<s>', 0.05631682286866826),
  ('that', 0.028713524762468995),
  ('be', 0.02474486062255839),
  ('was', 0.02206984995698066),
  ('but', 0.02040012520164065),
  ('is', 0.02007147151730098),
  ('as', 0.013985767941367182),
  ('it.', 0.013161330597244015),
  ('<unk>', 0.7229805226508375)],
 [('of', 0.0331825983979123),
  ('and', 0.02456709395201339),
  ('<s>', 0.022487301300886945),
  ('the', 0.01691065869251575),
  ('.', 0.011669954762773695),
  ('ex-', 0.011669142934473336),
  ('com-', 0.011216456466351696),
  ('-', 0.011090518505303095),
  ('a', 0.011043372608744863),
  ('<unk>', 0.8461629023790249)],
 [('and', 0.0884813341153961),
  ('be', 0.06212599082986594),
  ('to', 0.054597728031232105),
  ('of', 0.05265646105825149),
  ('the', 0.04356719233472908),
  ('in', 0.03487363376212369),
  ('re-', 0.03216024888612408),
  ('was', 0.03160404526555998),
  ('is', 0.0291176636237588),
  ('<unk>', 0.5708157020929587)],
 [('the', 0.18768815017548027),
  ('of', 0.10103477990064169),
  ('and', 0.07419430961437547),
  ('a', 0.06017122586222876),
  ('to', 0.05982228513098227),
  ('be', 0.040291084027346345),
  ('his', 0.027075849373796142),
  ('in', 0.025005367157910605),
  ('is', 0.024787146023721972),
  ('<unk>', 0.3999298027335165)],
 [('it', 0.22674624786380812),
  ('It', 0.14574236097026327),
  ('which', 0.06111793315522425),
  ('he', 0.04645835289710215),
  ('and', 0.04514500249483839),
  ('that', 0.04153249794303441),
  ('there', 0.029157882406750806),
  ('who', 0.025246622525550128),
  ('This', 0.018390127205159815),
  ('<unk>', 0.36046297253826864)],
 [('the', 0.16956271747097768),
  ('of', 0.12724795841324324),
  ('to', 0.052962046991646215),
  ('boy.', 0.04404777054043019),
  ('girl.', 0.04249770062094717),
  ('and', 0.03938550345552689),
  ('a', 0.03687061746818377),
  ('in', 0.03194767915467013),
  ('for', 0.027454910546044514),
  ('<unk>', 0.42802309533833016)],
 [('and', 0.12496168976848447),
  ('that', 0.0452690888773547),
  ('it', 0.041461862988355254),
  ('them', 0.03417308145407157),
  ('was', 0.02747814514530708),
  ('but', 0.02707044022521041),
  ('made', 0.026508574756024146),
  ('up', 0.025753437869518045),
  ('is', 0.024811555662439772),
  ('<unk>', 0.6225121232532345)],
 [('sum', 0.038446056993501794),
  ('number', 0.03221477157443951),
  ('city', 0.022637199368528753),
  ('line', 0.02233786912370042),
  ('out', 0.022108885008595473),
  ('day', 0.018433636256501275),
  ('county', 0.01715900846558235),
  ('amount', 0.015170305732485432),
  ('Board', 0.014396100751552949),
  ('<unk>', 0.797096166725112)],
 [('get', 0.08467837606300488),
  ('and', 0.06051833688316468),
  ('came', 0.05775874567724904),
  ('or', 0.04388141483847101),
  ('thence', 0.042679584611904464),
  ('all', 0.035080719073528714),
  ('was', 0.034195026250235135),
  ('went', 0.031884111736776626),
  ('going', 0.03146140699748824),
  ('<unk>', 0.5778622778681772)],
 [('the', 0.3459744135607582),
  ('a', 0.20885108237663622),
  ('this', 0.048664921593261704),
  ('of', 0.03614862475918176),
  ('one', 0.02973432424479963),
  ('and', 0.022046245883730133),
  ('The', 0.018229294812432767),
  ('tho', 0.015542590547749688),
  ('his', 0.013194457935282473),
  ('<unk>', 0.2616140442861674)],
 [('and', 0.21307166555530807),
  ('to', 0.1288643976094093),
  ('in', 0.06102363138185912),
  ('had', 0.053949874758602225),
  ('that', 0.05337847736646029),
  ('of', 0.04221043634663534),
  ('have', 0.040891328480250365),
  ('which', 0.03598159767882443),
  ('on', 0.03022900740822331),
  ('<unk>', 0.34039958341442744)],
 [('the', 0.1324733791255823),
  ('of', 0.08028921421682624),
  ('and', 0.06449043014777758),
  ('a', 0.04792947037257922),
  ('to', 0.03425079054903791),
  ('in', 0.023215848516239136),
  ('at', 0.016139754844191268),
  ('.', 0.014115499727612866),
  ('<s>', 0.013839916334634932),
  ('<unk>', 0.5732556961655185)],
 [('one', 0.1205416303386925),
  ('part', 0.06944119767952432),
  ('out', 0.05592605372235919),
  ('some', 0.038098542342519255),
  ('members', 0.03637420179692493),
  ('side', 0.035860018084640774),
  ('portion', 0.025832203245739014),
  ('office', 0.023918125974121147),
  ('end', 0.023626759096503844),
  ('<unk>', 0.570381267718975)],
 [('to', 0.13831475960652012),
  ('and', 0.10170258086835401),
  ('the', 0.098755786902952),
  ('of', 0.07314207325141991),
  ('in', 0.035866164045457734),
  ('a', 0.02015280220685042),
  ('<s>', 0.017858476236875222),
  ('not', 0.017468937647964367),
  ('that', 0.016173966615472418),
  ('<unk>', 0.48056445261813374)],
 [('the', 0.23089844612123192),
  ('and', 0.08677350282358767),
  ('of', 0.0788942611924212),
  ('a', 0.0453251898436158),
  ('The', 0.03323275012024072),
  ('to', 0.030972512775871184),
  ('Mr.', 0.027232438765300234),
  ('be', 0.027129420520694166),
  ('his', 0.023352566463987014),
  ('<unk>', 0.41618891137305014)],
 [('be', 0.30340292641420535),
  ('was', 0.18487979579720298),
  ('been', 0.10737079865241053),
  ('is', 0.08908513624882929),
  ('are', 0.06338721422608441),
  ('were', 0.05319051659707921),
  ('have', 0.043920624253039685),
  ('has', 0.03603187684857785),
  ('had', 0.03598520006506307),
  ('<unk>', 0.0827459108975076)],
 [('and', 0.24320214579319252),
  ('and,', 0.06082581085255502),
  ('that', 0.02851016750610023),
  ('that,', 0.023794572599208336),
  ('And', 0.017647321405804817),
  ('but', 0.016283178504697904),
  ('which,', 0.011453417159840214),
  ('time,', 0.010473416863887681),
  ('them,', 0.007271774340091814),
  ('<unk>', 0.5805381949746213)],
 [('the', 0.18966941439143462),
  ('of', 0.127035632851112),
  ('and', 0.11084557542983624),
  ('a', 0.06346886365111551),
  ('in', 0.05339840211826561),
  ('to', 0.05222508147284869),
  ('as', 0.0391431448296377),
  ('that', 0.03164089021292865),
  ('for', 0.02873128592964671),
  ('<unk>', 0.30384170911317443)],
 [('hundred', 0.023247185101380696),
  ('up', 0.005859204067488788),
  ('men', 0.005759735333464231),
  ('William', 0.004525902494093441),
  ('John', 0.004440827680639232),
  (';', 0.004263552163297171),
  ('him', 0.004194136873927),
  ('Hundred', 0.004124828364383018),
  ('in', 0.004072637886319486),
  ('<unk>', 0.939511990035007)],
 [('the', 0.21053001134035237),
  ('of', 0.12106435705740189),
  ('a', 0.08285377045087046),
  ('and', 0.06035311968167629),
  ('in', 0.05929179275189581),
  ('to', 0.04774065038568761),
  ('an', 0.0344340347091212),
  ('as', 0.030854989185805645),
  ('on', 0.02807626977080356),
  ('<unk>', 0.3248010046663852)],
 [('one', 0.1205416303386925),
  ('part', 0.06944119767952432),
  ('out', 0.05592605372235919),
  ('some', 0.038098542342519255),
  ('members', 0.03637420179692493),
  ('side', 0.035860018084640774),
  ('portion', 0.025832203245739014),
  ('office', 0.023918125974121147),
  ('end', 0.023626759096503844),
  ('<unk>', 0.570381267718975)],
 [('it', 0.13548111820847789),
  ('he', 0.12105116352565772),
  ('It', 0.09105084977236504),
  ('which', 0.06805013106935645),
  ('I', 0.06295818766207023),
  ('and', 0.05269654220966397),
  ('who', 0.04034125948846495),
  ('He', 0.03804491567576652),
  ('that', 0.035557335420987025),
  ('<unk>', 0.35476849696719026)],
 [('is', 0.16857526808841067),
  ('with', 0.12884058616635363),
  ('of', 0.12229003756686208),
  ('was', 0.10050922000348309),
  ('in', 0.07553139522274473),
  ('to', 0.07193365063634134),
  ('for', 0.07053712315954026),
  ('and', 0.06136232882376073),
  ('made', 0.05699331663018025),
  ('<unk>', 0.1434270737023231)],
 [('bidder', 0.7535217796876198),
  ('bidder,', 0.06895805843616866),
  ('more', 0.010936327622837895),
  ('was', 0.009245966936129613),
  ('paid', 0.007542788009301909),
  ('be', 0.005931999060313934),
  ('is', 0.005759612725231778),
  ('been', 0.005003263643722452),
  ('and', 0.004744592232111746),
  ('<unk>', 0.12835561164656228)],
 [('and', 0.14476564110618678),
  ('was', 0.07107255412377032),
  ('that', 0.06217657825349119),
  ('is', 0.053297119737947),
  ('are', 0.0401950097425218),
  ('but', 0.036653539874821776),
  ('it', 0.035116594437763334),
  ('were', 0.03243479727427006),
  ('or', 0.03059731084723264),
  ('<unk>', 0.49369085460199513)],
 [('of', 0.09467113631096942),
  ('and', 0.07558129759341199),
  ('the', 0.05700088237760174),
  ('a', 0.05312396347167311),
  ('to', 0.04486683135111136),
  ('in', 0.044614279411119485),
  ('is', 0.028957506302202892),
  ('for', 0.026861884124302574),
  ('was', 0.023615547300370292),
  ('<unk>', 0.5507066717572371)],
 [('and', 0.10908922873885214),
  ('there', 0.07517845008056147),
  ('to', 0.04508174082382189),
  ('of', 0.04416171744405896),
  ('the', 0.036624216101267905),
  ('he', 0.03662183149602182),
  ('I', 0.03453997378536444),
  ('or', 0.03450333995971582),
  ('is', 0.0312020430429258),
  ('<unk>', 0.5529974585274098)],
 [('to', 0.11487350932752123),
  ('the', 0.09396283296555129),
  ('of', 0.0804956367085368),
  ('and', 0.07596228955468565),
  ('a', 0.03103347522914706),
  ('in', 0.02480835195976154),
  ('at', 0.02362038996974152),
  ('for', 0.018871556020045012),
  ('he', 0.016996857157893588),
  ('<unk>', 0.5193751011071163)],
 [('he', 0.16972016435515486),
  ('I', 0.10753670976543642),
  ('it', 0.07068978306161737),
  ('He', 0.06330213942229444),
  ('and', 0.061939228003740465),
  ('which', 0.04841679156799064),
  ('she', 0.045871875985514066),
  ('It', 0.04548110359070836),
  ('who', 0.03575479817444794),
  ('<unk>', 0.3512874060730955)],
 [('of', 0.3395217692995523),
  ('to', 0.10402908930680646),
  ('in', 0.1028256333134153),
  ('and', 0.06130859667555112),
  ('on', 0.055257477036530514),
  ('by', 0.054458580531476175),
  ('for', 0.05279457725463965),
  ('with', 0.04043856418563209),
  ('that', 0.04017622699660164),
  ('<unk>', 0.14918948539979482)],
 [('the', 0.26770821234959924),
  ('of', 0.08814974554865872),
  ('and', 0.0655668726498303),
  ('a', 0.06298231355373687),
  ('The', 0.03402727213262568),
  ('to', 0.030493778192188233),
  ('in', 0.0282144905308574),
  ('by', 0.023896440726282494),
  ('tho', 0.02283261191660433),
  ('<unk>', 0.3761282623996166)],
 [('the', 0.1324733791255823),
  ('of', 0.08028921421682624),
  ('and', 0.06449043014777758),
  ('a', 0.04792947037257922),
  ('to', 0.03425079054903791),
  ('in', 0.023215848516239136),
  ('at', 0.016139754844191268),
  ('.', 0.014115499727612866),
  ('<s>', 0.013839916334634932),
  ('<unk>', 0.5732556961655185)],
 [('and', 0.08988772527166236),
  ('is', 0.04273027456550539),
  ('was', 0.03599095030672873),
  ('so', 0.029545320725492912),
  ('but', 0.02157510380325041),
  ('held', 0.02053696561469453),
  ('arrived', 0.019906442965530832),
  ('wondered', 0.019228391349136533),
  ('it', 0.01879973908774792),
  ('<unk>', 0.7017990863102503)],
 [('a', 0.7685348572568342),
  ('A', 0.07210360197175014),
  ('very', 0.04852110251435061),
  ('the', 0.04071652529342382),
  ('but', 0.012124246593238127),
  ('past', 0.008085911489452839),
  ('so', 0.00803335628888166),
  ('is', 0.008006319409781438),
  ('last', 0.007945889516206414),
  ('<unk>', 0.02592818966608068)],
 [('the', 0.44380847669405044),
  ('this', 0.14249159323152344),
  ('The', 0.11664458919099151),
  ('a', 0.09818576279431165),
  ('This', 0.051254408974396676),
  ('no', 0.03480613471064618),
  ('vegetable', 0.02825045765615258),
  ('tho', 0.017872957991326835),
  ('whole', 0.013956871670373934),
  ('<unk>', 0.05272874708622677)],
 [('the', 0.19202644742501446),
  ('of', 0.11867283998718424),
  ('and', 0.05851618565135104),
  ('a', 0.046876616151792776),
  ('to', 0.04455255836256714),
  ('in', 0.029159379332202712),
  ('was', 0.02234033867075358),
  ('his', 0.02181402596039465),
  ('be', 0.01955621435195013),
  ('<unk>', 0.44648539410678934)],
 [('.', 0.1347616281612132),
  ('Mrs.', 0.08227079766178128),
  ('Mr.', 0.06035842913494014),
  ('J.', 0.03459761404641973),
  ('Miss', 0.03359442188319485),
  ('H.', 0.033002497658968684),
  ('W.', 0.031348335871767254),
  ('E.', 0.02985487906977228),
  ('of', 0.028427196877821557),
  ('<unk>', 0.5317841996341209)],
 [('of', 0.12187747695423282),
  ('the', 0.11688245477609181),
  ('to', 0.09545776818013718),
  ('be', 0.06488429370057244),
  ('and', 0.06484403381686689),
  ('in', 0.05193038686834086),
  ('was', 0.04886551892113065),
  ('is', 0.0319169524291392),
  ('his', 0.030203924385219138),
  ('<unk>', 0.37313718996826906)],
 [('that', 0.3091154947921846),
  ('which', 0.11508377730220684),
  ('and', 0.11237913579425844),
  ('when', 0.05507927211278805),
  ('as', 0.054490275569355255),
  ('but', 0.04890956079836412),
  ('if', 0.04443230933020543),
  ('where', 0.04228941628911961),
  ('what', 0.029772358885028428),
  ('<unk>', 0.18844839912648914)],
 [('he', 0.20543643691520744),
  ('and', 0.19365402077713814),
  ('I', 0.10343336005115429),
  ('He', 0.06512363812858876),
  ('she', 0.05838719573739498),
  ('who', 0.03677818311202287),
  ('they', 0.03335949310434371),
  ('then', 0.02960699111172437),
  ('which', 0.023163664554095995),
  ('<unk>', 0.25105701650832934)],
 [('will', 0.24097559490098078),
  ('to', 0.19121338925812506),
  ('may', 0.121535612101273),
  ('would', 0.07836829157867554),
  ('should', 0.07601785872668007),
  ('shall', 0.06924980071074345),
  ('can', 0.06500653228510722),
  ('not', 0.058999779191060225),
  ('must', 0.04884310291948371),
  ('<unk>', 0.04979003832787088)],
 [('and', 0.10407381548396474),
  ('to', 0.08057777729341435),
  ('of', 0.05388367669190889),
  ('the', 0.04821117180560612),
  ('which', 0.029266461991238377),
  ('that', 0.02831541488317582),
  ('re-', 0.026433596473200552),
  ('in', 0.025489149386145347),
  ('for', 0.024136474440264972),
  ('<unk>', 0.5796124615510809)],
 [('and', 0.10438915974309013),
  ('of', 0.03620487064476812),
  ('to', 0.03247067191725592),
  ('with', 0.01885544209049584),
  ('all', 0.01716213270200747),
  ('it', 0.013611637705551202),
  ('<s>', 0.013330404879849395),
  ('the', 0.01273390645874706),
  ('that', 0.012593524684296356),
  ('<unk>', 0.7386482491739386)],
 [('and', 0.12486393963268004),
  ('of', 0.11347993156657003),
  ('was', 0.08908620137507685),
  ('is', 0.08541129391257732),
  ('are', 0.04436786323172647),
  ('only', 0.03296431056891368),
  ('were', 0.030963040019684314),
  ('or', 0.03012043765754908),
  ('at', 0.02980306035613807),
  ('<unk>', 0.418939921679084)],
 [('the', 0.1448775163274271),
  ('of', 0.10296281804778312),
  ('and', 0.08356130070148743),
  ('to', 0.07512877463423119),
  ('a', 0.060396611978558334),
  ('in', 0.03664338224947727),
  ('was', 0.03663118573060685),
  ('be-', 0.031352990253277514),
  ('is', 0.02724987039845844),
  ('<unk>', 0.40119554967869286)],
 [('of', 0.21225514268429801),
  ('in', 0.1690384057070909),
  ('for', 0.09865723159818374),
  ('with', 0.09286431091382298),
  ('on', 0.07768436075061616),
  ('to', 0.07605267812235361),
  ('from', 0.049752790733704505),
  ('In', 0.043538707526501796),
  ('and', 0.04208345772096556),
  ('<unk>', 0.1380729142424627)],
 [('to', 0.6642163168776023),
  ('will', 0.06964387944825207),
  ('not', 0.05731409417407219),
  ('would', 0.04100793629192597),
  ('and', 0.038841830692688144),
  ('they', 0.025800186072666476),
  ('shall', 0.02191312860562046),
  ('should', 0.019850071199868834),
  ('we', 0.01712746701962633),
  ('<unk>', 0.0442850896176773)],
 [('of', 0.35586392365342834),
  ('in', 0.3231520068682517),
  ('to', 0.08424427553180776),
  ('In', 0.0539113572298843),
  ('for', 0.03602300447187918),
  ('by', 0.03255022481291282),
  ('from', 0.0303445661395436),
  ('that', 0.0256068372514954),
  ('and', 0.022555704862029544),
  ('<unk>', 0.03574809917876731)],
 [('the', 0.3082650160926359),
  ('of', 0.2102757708078522),
  ('a', 0.12361345805595396),
  ('and', 0.06772109285494747),
  ('his', 0.054943073114965754),
  ('The', 0.048767944540582274),
  ('no', 0.029445807333286615),
  ('to', 0.023249365062667064),
  ('their', 0.02265714458533197),
  ('<unk>', 0.11106132755177689)],
 [('and', 0.10407381548396474),
  ('to', 0.08057777729341435),
  ('of', 0.05388367669190889),
  ('the', 0.04821117180560612),
  ('which', 0.029266461991238377),
  ('that', 0.02831541488317582),
  ('re-', 0.026433596473200552),
  ('in', 0.025489149386145347),
  ('for', 0.024136474440264972),
  ('<unk>', 0.5796124615510809)],
 [('the', 0.1287772826353842),
  ('and', 0.09400975893453843),
  ('to', 0.07478888632693868),
  ('of', 0.062291511900433506),
  ('so', 0.03302525896057347),
  ('is', 0.02941731929022228),
  ('be', 0.02259500979924937),
  ('he', 0.020121789005608272),
  ('re-', 0.018792292308765342),
  ('<unk>', 0.5161808908382863)],
 [('Mr.', 0.7702442203451213),
  ('Dr.', 0.025506908956755104),
  ('Mr', 0.015721925172178183),
  ('John', 0.0051931867345767916),
  ('.', 0.004704592863009296),
  ('James', 0.0044937498281085175),
  ('William', 0.004239974612980654),
  ('Mrs.', 0.0041403577836915464),
  (';', 0.0031737928252946793),
  ('<unk>', 0.16258129087828388)],
 [('and', 0.07548306023237625),
  ('away', 0.04318487433707706),
  ('miles', 0.042998810789080584),
  ('free', 0.03935090232060001),
  ('come', 0.03918390538814946),
  ('taken', 0.030189358647289666),
  ('them', 0.028284914628042175),
  ('suffering', 0.02670502656880754),
  ('received', 0.026680729082899493),
  ('<unk>', 0.6479384180056778)],
 [('of', 0.4322647828565947),
  ('in', 0.1101460381327065),
  ('to', 0.08946026229262158),
  ('by', 0.041340401788217115),
  ('that', 0.04016109339229687),
  ('for', 0.03776732614450151),
  ('with', 0.0338765707266986),
  ('and', 0.026818277073601966),
  ('from', 0.025817124996967825),
  ('<unk>', 0.16234812259579334)],
 [('of', 0.10565038393849085),
  ('the', 0.08440200144428926),
  ('and', 0.05415913604161536),
  ('in', 0.04974312212120972),
  ('to', 0.04524125908579969),
  ('a', 0.040447158631791276),
  ('be', 0.02265850506529176),
  ('for', 0.022518988614812368),
  ('at', 0.02013727453217357),
  ('<unk>', 0.5550421705245261)],
 [('to', 0.71554465680002),
  ('will', 0.06523376930526291),
  ('and', 0.04889537275336677),
  ('not', 0.04090959769175851),
  ('would', 0.03504328690301139),
  ('should', 0.019022951670058377),
  ('shall', 0.015956765149102783),
  ('may', 0.014667293379469214),
  ('could', 0.01204093234380578),
  ('<unk>', 0.032685374004144174)],
 [('the', 0.3703161364648786),
  ('and', 0.08806781622454594),
  ('a', 0.08786131352563735),
  ('The', 0.07677646715077459),
  ('is', 0.07254243916376273),
  ('in', 0.06102525347305746),
  ('an', 0.05859876708305176),
  ('of', 0.04167188293946723),
  ('this', 0.03750534763312949),
  ('<unk>', 0.10563457634169493)],
 [('J', 0.1560477397435349),
  ('W', 0.11950406884365747),
  ('S', 0.10972282216891427),
  ('M', 0.09618671969698088),
  ('C', 0.09379569261502375),
  ('F', 0.074957680189364),
  ('H', 0.07355265231090284),
  ('E', 0.0646560858532324),
  ('P', 0.05672245965956257),
  ('<unk>', 0.15485407891882685)],
 [('his', 0.17580702527750486),
  ('of', 0.17482936149561196),
  ('to', 0.12829456025675834),
  ('her', 0.08556651361302106),
  ('their', 0.07047668832547711),
  ('in', 0.061835611192402565),
  ('the', 0.055903691891446734),
  ('and', 0.04896440213433195),
  ('at', 0.040464041556828236),
  ('<unk>', 0.15785810425661717)],
 [('Resolved,', 0.07019672809735854),
  ('enacted,', 0.06226289973721213),
  ('<s>', 0.058493392413337085),
  ('Given,', 0.04381276916971363),
  ('2.', 0.04134452616788969),
  ('enacted.', 0.038276179100631184),
  ('.', 0.036059872181200416),
  ('Provided,', 0.02691901083434909),
  ('it.', 0.02280451759342994),
  ('<unk>', 0.5998301047048782)],
 [('<s>', 0.09889468475527849),
  ('it.', 0.028829173115664106),
  ('them.', 0.02258107052683405),
  ('vinegar.', 0.016885274093341066),
  ('day.', 0.015627652174403383),
  ('him.', 0.012293293151697419),
  ('time.', 0.011239573091247946),
  ('year.', 0.010285693555522578),
  ('night.', 0.010136751073692062),
  ('<unk>', 0.7732268344623189)],
 [('and', 0.06528027255096952),
  ('was', 0.0339727559423678),
  ('or', 0.02826611050890839),
  ('sold', 0.027965551784803047),
  ('held', 0.02719956397046322),
  ('are', 0.026670862590107338),
  ('that', 0.024419853084143683),
  ('them', 0.02302202138911309),
  ('be', 0.022428022042849),
  ('<unk>', 0.7207749861362749)],
 [('of', 0.5089201012440732),
  ('in', 0.25897794914293226),
  ('In', 0.04896151799239942),
  ('to', 0.04616043933035886),
  ('throughout', 0.03181768717261831),
  ('for', 0.023853782955125205),
  ('by', 0.022545087391674476),
  ('from', 0.022098391956347788),
  ('that', 0.016498487904877873),
  ('<unk>', 0.020166554909592627)],
 [('it', 0.16360415139240278),
  ('he', 0.1029963330360375),
  ('I', 0.10255031228508671),
  ('It', 0.07869149495809263),
  ('we', 0.07574624770400284),
  ('that', 0.06816843249191276),
  ('they', 0.06142267564718832),
  ('and', 0.06093669528013575),
  ('which', 0.057465266595060176),
  ('<unk>', 0.2284183906100805)],
 [('Miss', 0.4193270072360262),
  ('and', 0.14612461031337684),
  ('Mrs.', 0.05528911455180547),
  ('.', 0.026665877746328323),
  ('of', 0.02462778353923592),
  ('by', 0.022739807038862064),
  ('to', 0.01724760074179418),
  ('Misses', 0.01664732819499838),
  ('A', 0.01427139707790261),
  ('<unk>', 0.25705947355967007)],
 [('It', 0.18296567770964087),
  ('there', 0.17558182795693772),
  ('it', 0.15722924063961502),
  ('There', 0.08426511811979594),
  ('This', 0.0534194571831621),
  ('which', 0.03861253116959126),
  ('that', 0.037064309024788474),
  ('he', 0.03638340053929171),
  ('this', 0.031670977589540655),
  ('<unk>', 0.20280746006763628)],
 [('the', 0.4180761226295857),
  ('a', 0.13924843760581782),
  ('of', 0.06380520694065984),
  ('on', 0.054369833712406855),
  ('and', 0.03110904115071958),
  ('in', 0.030035598541740066),
  ('The', 0.022455637364752937),
  ('for', 0.021503429163220254),
  ('tho', 0.02052023179667151),
  ('<unk>', 0.19887646109442536)],
 [('the', 0.29495188639105807),
  ('of', 0.08474427779018023),
  ('two', 0.0571165967269904),
  ('his', 0.053554627748256055),
  ('their', 0.04937650327070877),
  ('and', 0.03448865619359391),
  ('few', 0.033904724412395025),
  ('freight', 0.03290118577812865),
  ('a', 0.03287623071892096),
  ('<unk>', 0.326085310969768)],
 [('it', 0.18268332891640243),
  ('there', 0.10480904719273275),
  ('It', 0.09277968085108106),
  ('which', 0.07990575033598912),
  ('they', 0.062191539283877925),
  ('that', 0.05275504233349031),
  ('and', 0.05070636008040155),
  ('he', 0.03071518680305472),
  ('There', 0.030279683185830505),
  ('<unk>', 0.3131743810171397)],
 [('the', 0.11654029630412274),
  ('of', 0.08716742711223187),
  ('and', 0.07565153760036909),
  ('a', 0.049533545880792826),
  ('to', 0.04561038106092538),
  ('be', 0.034855149464692155),
  ('in', 0.033670749694617974),
  ('was', 0.03282115867238856),
  ('is', 0.01806355990567302),
  ('<unk>', 0.5060861943041863)],
 [('of', 0.22975199272168478),
  ('the', 0.09338816233962341),
  ('and', 0.06616823189038837),
  ('in', 0.0655697499585053),
  ('to', 0.05209814765539863),
  ('for', 0.0346652206838787),
  ('a', 0.03293679743585836),
  ('that', 0.02974399121739574),
  ('by', 0.024111464903216483),
  ('<unk>', 0.37156624119405024)],
 [('the', 0.30097894051700197),
  ('of', 0.08278400118661061),
  ('and', 0.0657098710962157),
  ('a', 0.036732110836223325),
  ('tho', 0.024207586362124202),
  ('by', 0.020628582161618704),
  ('The', 0.01934656164391255),
  ('an', 0.018664945067730802),
  ('to', 0.017903708039027827),
  ('<unk>', 0.41304369308953437)],
 [('and', 0.09020184496660856),
  ('recorded', 0.03622574534550004),
  ('was', 0.03579342649105295),
  ('made', 0.035587204463345457),
  ('that', 0.03195315766518325),
  ("o'clock", 0.031925722479167175),
  ('up', 0.02683627480199102),
  ('is', 0.025634134893940484),
  ('found', 0.024329658719814063),
  ('<unk>', 0.661512830173397)],
 [('it,', 0.013071380720065353),
  ('up', 0.011494777963275863),
  (';', 0.010964800737388753),
  ('them,', 0.010218008700084264),
  ('years,', 0.009150750232237959),
  ('here', 0.008417709549570676),
  ('it', 0.00792798617345397),
  ('him,', 0.00722574136651151),
  ('out', 0.007000797657604953),
  ('<unk>', 0.9145280468998067)],
 [('a', 0.19537621602561067),
  ('the', 0.1780890126109272),
  ('to', 0.13398553707202182),
  ('no', 0.08576214514053719),
  ('more', 0.08462505734659997),
  ('not', 0.06585590213172661),
  ('greater', 0.06465647406517551),
  ('better', 0.03943856271089034),
  ('any', 0.03751946558980704),
  ('<unk>', 0.11469162730670379)],
 [('the', 0.6787414388716317),
  ('The', 0.14367376544117944),
  ('tho', 0.035501410196360814),
  ('a', 0.034649991312644145),
  ('his', 0.028910291878329265),
  ('at', 0.02871217384531809),
  ('tbe', 0.013714113555015336),
  ('my', 0.011623740140772184),
  ('their', 0.009669182495635996),
  ('<unk>', 0.014803892263113072)],
 [('and', 0.11958516141348241),
  ('of', 0.08547674470444175),
  ('put', 0.08148194515293838),
  ('as', 0.07852854472717585),
  ('make', 0.06887537362285281),
  ('that', 0.06546798565454637),
  ('for', 0.05463059389812717),
  ('to', 0.04945293014454241),
  ('with', 0.047324385164162555),
  ('<unk>', 0.3491763355177302)],
 [('men', 0.02846242398531441),
  ('city', 0.025066304464426842),
  ('State', 0.01962101747935969),
  ('hundred', 0.01758326217290409),
  ('gold', 0.016089462576229424),
  ('state', 0.015719755224612917),
  ('life', 0.0155837973803511),
  ('good', 0.015166819781546381),
  ('day', 0.014737854655452316),
  ('<unk>', 0.8319693022798028)],
 [('and', 0.09020184496660856),
  ('recorded', 0.03622574534550004),
  ('was', 0.03579342649105295),
  ('made', 0.035587204463345457),
  ('that', 0.03195315766518325),
  ("o'clock", 0.031925722479167175),
  ('up', 0.02683627480199102),
  ('is', 0.025634134893940484),
  ('found', 0.024329658719814063),
  ('<unk>', 0.661512830173397)],
 [('not', 0.23692442311403228),
  ('and', 0.14772067951562332),
  ('is', 0.06817831752079866),
  ('as', 0.06760694663574394),
  ('are', 0.04481254783809687),
  ('was', 0.03931497744865522),
  ('be', 0.030398499439143613),
  ('it', 0.021155445800767916),
  ('And', 0.015211692326158852),
  ('<unk>', 0.32867647036097947)],
 [('it', 0.1388777593429286),
  ('and', 0.11014950099113377),
  ('he', 0.10574956692797145),
  ('which', 0.10568953756236628),
  ('that', 0.08758777944665797),
  ('It', 0.08277252631170222),
  ('who', 0.06541069889387116),
  ('He', 0.04335779903479819),
  ('This', 0.026646080747239072),
  ('<unk>', 0.23375875074133134)],
 [('of', 0.4806541552045683),
  ('in', 0.1807704953036602),
  ('to', 0.08420405553785466),
  ('and', 0.03999960769184068),
  ('that', 0.03901194851471057),
  ('for', 0.03299424508066991),
  ('by', 0.03220343867744778),
  ('In', 0.030012729054350363),
  ('throughout', 0.02839202979029021),
  ('<unk>', 0.05175729514460725)],
 [('and', 0.1160285878405816),
  ('him', 0.04850713891631564),
  ('was', 0.04524791873261102),
  ('put', 0.04478760116170578),
  ('it', 0.039033399501980315),
  ('down', 0.03355679486852302),
  ('out', 0.032535126187502934),
  ('up', 0.029063024525171843),
  ('placed', 0.0289906374398758),
  ('<unk>', 0.582249770825732)],
 [('to', 0.13831475960652012),
  ('and', 0.10170258086835401),
  ('the', 0.098755786902952),
  ('of', 0.07314207325141991),
  ('in', 0.035866164045457734),
  ('a', 0.02015280220685042),
  ('<s>', 0.017858476236875222),
  ('not', 0.017468937647964367),
  ('that', 0.016173966615472418),
  ('<unk>', 0.48056445261813374)],
 [('of', 0.3395217692995523),
  ('to', 0.10402908930680646),
  ('in', 0.1028256333134153),
  ('and', 0.06130859667555112),
  ('on', 0.055257477036530514),
  ('by', 0.054458580531476175),
  ('for', 0.05279457725463965),
  ('with', 0.04043856418563209),
  ('that', 0.04017622699660164),
  ('<unk>', 0.14918948539979482)],
 [('the', 0.18114676419641193),
  ('of', 0.10824912068401467),
  ('and', 0.057442513693823735),
  ('The', 0.02392429106551444),
  ('to', 0.02152993551917027),
  ('Mrs.', 0.01689807699661821),
  ('that', 0.016235308890736745),
  ('a', 0.01596514780390962),
  ('as', 0.015757342913582457),
  ('<unk>', 0.5428514982362179)],
 [('the', 0.5634944364045062),
  ('of', 0.07184509422667595),
  ('The', 0.05960291882709561),
  ('a', 0.05422051810408162),
  ('and', 0.05023670395166013),
  ('said', 0.04779409531971622),
  ('at', 0.03662027997683862),
  ('tho', 0.0347710180485704),
  ('to', 0.02213078117752425),
  ('<unk>', 0.05928415396333109)],
 [('the', 0.28436884714083493),
  ('a', 0.19332250204160736),
  ('The', 0.05386023162539178),
  ('of', 0.05193766258379892),
  ('and', 0.04016555531985571),
  ('an', 0.03284725955591829),
  ('that', 0.021723404983816544),
  ('A', 0.021471106062939983),
  ('tho', 0.019217070188756184),
  ('<unk>', 0.28108636049708036)],
 [('and', 0.144645249499127),
  ('of', 0.12368734971964526),
  ('for', 0.10185983136551993),
  ('is', 0.08625092909684881),
  ('was', 0.0809032853413597),
  ('to', 0.07672555881491996),
  ('by', 0.06744520414456329),
  ('with', 0.06387191996809123),
  ('have', 0.055875968862236246),
  ('<unk>', 0.1987347031876886)],
 [('is', 0.12190660024327836),
  ('and', 0.10856224804423141),
  ('was', 0.09210289579897404),
  ('are', 0.06726702420409168),
  ('be', 0.05414011392489104),
  ('not', 0.03687494395222457),
  ('were', 0.029459921343945487),
  ('it', 0.02272680097039657),
  ('or', 0.02236251733394487),
  ('<unk>', 0.4445969341840219)],
 [('to', 0.3238196913194611),
  ('will', 0.1716078193030963),
  ('may', 0.0913896571807947),
  ('should', 0.08276938615179893),
  ('shall', 0.07739132462239497),
  ('must', 0.06001024331749909),
  ('would', 0.0479951400478733),
  ('not', 0.04269972881244301),
  ('can', 0.04261193081900921),
  ('<unk>', 0.05970507842562944)],
 [('the', 0.15862691592927503),
  ('and', 0.15543439822251837),
  ('a', 0.06812833332569046),
  ('of', 0.06532874594310538),
  ('to', 0.04469430785067295),
  ('in', 0.03626186883033282),
  ('or', 0.02323604780636744),
  ('that', 0.020575468414193852),
  ('is', 0.01785723902082382),
  ('<unk>', 0.4098566746570198)],
 [('and', 0.15466817393228866),
  ('that', 0.06514602273190263),
  ('to', 0.035034033330149116),
  ('as', 0.034423254830417055),
  ('but', 0.032178107234502),
  ('<s>', 0.02322149708451531),
  ('for', 0.020131662743647097),
  ('of', 0.018443751492082973),
  ('which', 0.017678396225538778),
  ('<unk>', 0.5990751003949564)],
 [('much', 0.14474801659122036),
  ('part', 0.14333560563128475),
  ('plat', 0.049245129916934735),
  ('payment', 0.04193690130273667),
  ('portion', 0.03498445914301401),
  ('amount', 0.03168784228790163),
  ('one', 0.02937950070383003),
  ('holder', 0.026236086125496053),
  ('conviction', 0.023567178691932793),
  ('<unk>', 0.4748792796056489)],
 [('of', 0.25346954579312786),
  ('in', 0.21584787699753016),
  ('In', 0.1074223600877211),
  ('for', 0.0840202361648872),
  ('to', 0.07992799071504712),
  ('from', 0.047453628056495736),
  ('and', 0.0454894644190718),
  ('on', 0.04007998790774996),
  ('that', 0.03848212250147165),
  ('<unk>', 0.08780678735689751)],
 [('to', 0.13831475960652012),
  ('and', 0.10170258086835401),
  ('the', 0.098755786902952),
  ('of', 0.07314207325141991),
  ('in', 0.035866164045457734),
  ('a', 0.02015280220685042),
  ('<s>', 0.017858476236875222),
  ('not', 0.017468937647964367),
  ('that', 0.016173966615472418),
  ('<unk>', 0.48056445261813374)],
 [('the', 0.6504755082332955),
  ('The', 0.07922501673331239),
  ('a', 0.06294090492918772),
  ('and', 0.052259819962539755),
  ('tho', 0.0390054334468451),
  ('tbe', 0.016275968105576914),
  ('in', 0.009631836331370939),
  ('by', 0.0095784416547133),
  ('large', 0.009337998303246936),
  ('<unk>', 0.07126907229991142)],
 [('to', 0.11487350932752123),
  ('the', 0.09396283296555129),
  ('of', 0.0804956367085368),
  ('and', 0.07596228955468565),
  ('a', 0.03103347522914706),
  ('in', 0.02480835195976154),
  ('at', 0.02362038996974152),
  ('for', 0.018871556020045012),
  ('he', 0.016996857157893588),
  ('<unk>', 0.5193751011071163)],
 [('the', 0.3058914658570627),
  ('to', 0.17900715372299858),
  ('bearing', 0.09928126198201362),
  ('from', 0.07565464473243816),
  ('of', 0.06651221281806224),
  ('and', 0.06042954481904083),
  ('that', 0.03488725669388339),
  ('candi-', 0.02703755080187876),
  ('at', 0.02605139212852848),
  ('<unk>', 0.12524751644409327)],
 [('he', 0.17345317905239388),
  ('they', 0.12062846575487168),
  ('it', 0.10532076963579808),
  ('I', 0.09709692163221383),
  ('that', 0.07211870479570916),
  ('who', 0.04837001190808528),
  ('we', 0.041887342296234725),
  ('which', 0.039567234122158026),
  ('she', 0.03738425635812463),
  ('<unk>', 0.2641731144444107)],
 [('of', 0.09264626851465045),
  ('on', 0.052594205593681165),
  ('in', 0.05198094038402017),
  ('to', 0.05160451809669945),
  ('and', 0.0360914481036367),
  ('for', 0.03361980129171244),
  ('by', 0.01982324324737572),
  ('from', 0.019329321127299397),
  ('with', 0.01864008209650191),
  ('<unk>', 0.6236701715444226)],
 [('the', 0.1356304832300736),
  ('per', 0.12692837051729355),
  ('a', 0.11601353803995916),
  ('of', 0.04997570256835226),
  ('two', 0.035427132039358565),
  ('three', 0.034680728855259614),
  ('twenty', 0.031582536884429614),
  ('four', 0.027554694699429397),
  ('many', 0.027426578003840775),
  ('<unk>', 0.41478023516200346)],
 [('and', 0.17538250981452838),
  ('fact', 0.10422901995750068),
  ('said', 0.06844625340959827),
  ('so', 0.06245754687702517),
  ('believe', 0.045205645482030724),
  ('is', 0.039291697598125765),
  ('say', 0.03698053836511379),
  ('know', 0.03464549893067077),
  ('found', 0.03161783691349446),
  ('<unk>', 0.4017434526519119)],
 [('be', 0.16620956230859302),
  ('have', 0.15885346827039026),
  ('has', 0.15472397812349234),
  ('was', 0.09443820823021412),
  ('had', 0.08645039253141486),
  ('is', 0.06925146231064891),
  ('and', 0.05860960869238408),
  ('been', 0.053258860738885035),
  ('hereby', 0.04912206483401311),
  ('<unk>', 0.10908239395996422)],
 [('of', 0.23036535417198542),
  ('and', 0.15059418426114143),
  ('in', 0.08758852289963871),
  ('to', 0.07639601519171131),
  ('at', 0.055385962911240524),
  ('that', 0.05135391648536244),
  ('with', 0.04463629258874865),
  ('on', 0.04372091655700483),
  ('for', 0.04098715808934895),
  ('<unk>', 0.2189716768438177)],
 [('and', 0.0884813341153961),
  ('be', 0.06212599082986594),
  ('to', 0.054597728031232105),
  ('of', 0.05265646105825149),
  ('the', 0.04356719233472908),
  ('in', 0.03487363376212369),
  ('re-', 0.03216024888612408),
  ('was', 0.03160404526555998),
  ('is', 0.0291176636237588),
  ('<unk>', 0.5708157020929587)],
 [('the', 0.12784009805627805),
  ('and', 0.08473943629471326),
  ('of', 0.06390297958431299),
  ('to', 0.06294148558530627),
  ('a', 0.039969451791781324),
  ('in', 0.024722094891296093),
  ('for', 0.024690307003430237),
  ('was', 0.023389807584468684),
  ('be', 0.021659866867821183),
  ('<unk>', 0.5261444723405919)],
 [('of', 0.10565038393849085),
  ('the', 0.08440200144428926),
  ('and', 0.05415913604161536),
  ('in', 0.04974312212120972),
  ('to', 0.04524125908579969),
  ('a', 0.040447158631791276),
  ('be', 0.02265850506529176),
  ('for', 0.022518988614812368),
  ('at', 0.02013727453217357),
  ('<unk>', 0.5550421705245261)],
 [('one', 0.1205416303386925),
  ('part', 0.06944119767952432),
  ('out', 0.05592605372235919),
  ('some', 0.038098542342519255),
  ('members', 0.03637420179692493),
  ('side', 0.035860018084640774),
  ('portion', 0.025832203245739014),
  ('office', 0.023918125974121147),
  ('end', 0.023626759096503844),
  ('<unk>', 0.570381267718975)],
 [('<s>', 0.13012731929345378),
  ('it.', 0.021157367354990735),
  ('them.', 0.01764295753405387),
  ('day.', 0.012067084704291539),
  ('country.', 0.010882210466564906),
  ('.', 0.010877105283359206),
  ('time.', 0.010511034832830363),
  ('of', 0.010097866362053268),
  ('article.', 0.010090189742200734),
  ('<unk>', 0.7665468644262016)],
 [('and', 0.06054646479626267),
  ('the', 0.05542917442625351),
  ('of', 0.05437348857594921),
  ('to', 0.03531124729672262),
  ('at', 0.03272546738156405),
  ('.', 0.028059933252083075),
  ('a', 0.024854801243509254),
  ('No.', 0.02228344382905175),
  ('in', 0.01919041934973337),
  ('<unk>', 0.6672255598488706)],
 [('it', 0.17654332757782976),
  ('It', 0.11069534531576261),
  ('he', 0.06380786963266002),
  ('which', 0.052712775218814976),
  ('and', 0.04963852934335263),
  ('who', 0.046239902380874734),
  ('that', 0.027304379339804757),
  ('as', 0.024218128443633406),
  ('He', 0.020103107147041117),
  ('<unk>', 0.428736635600226)],
 [('and', 0.19008110735704997),
  ('had', 0.09863234549281057),
  ('who', 0.09241822485398235),
  ('have', 0.09046590736151075),
  ('he', 0.09030802203489383),
  ('I', 0.07995855326730923),
  ('has', 0.0713090881544917),
  ('we', 0.04866797612783951),
  ('that', 0.03423975595404572),
  ('<unk>', 0.20391901939606638)],
 [('State', 0.09454377146662434),
  ('day', 0.054633525255496036),
  ('line', 0.04900035289329663),
  ('state', 0.04114381212069206),
  ('city', 0.04055657778787848),
  ('City', 0.03352085057542691),
  ('County', 0.03165697883304567),
  ('name', 0.027231017495516846),
  ('side', 0.027051995501515696),
  ('<unk>', 0.6006611180705073)],
 [('and', 0.0805566627948971),
  ('able', 0.07844258095023378),
  ('as', 0.07207943288563709),
  ('time', 0.06792396136647275),
  ('necessary', 0.05719269902203502),
  ('not', 0.05540561590201967),
  ('have', 0.05270042582940086),
  ('is', 0.04991027854874744),
  ('enough', 0.04927916641898623),
  ('<unk>', 0.43650917628157004)],
 [('is', 0.15844893524413747),
  ('was', 0.12162488426774942),
  ('and', 0.08974015034750848),
  ('had', 0.08699420270947152),
  ('have', 0.08071281875169166),
  ('that', 0.07702847579884707),
  ('be', 0.06402487988118087),
  ('of', 0.04873627936679185),
  ('are', 0.04534421964080023),
  ('<unk>', 0.22734515399182142)],
 [('and', 0.07189638677922881),
  ('was', 0.03534996223702141),
  ('is', 0.023103267690448504),
  ('be', 0.021015152883314018),
  ('are', 0.018851838366483405),
  ('that', 0.01690089518718535),
  ('it', 0.015837457608930638),
  ('made', 0.01539741285274322),
  ('been', 0.014420679235785137),
  ('<unk>', 0.7672269471588595)],
 [('the', 0.24674709799727043),
  ('a', 0.2336456417544255),
  ('this', 0.13590322823168546),
  ('every', 0.06954046285867378),
  ('any', 0.045735805766704093),
  ('said', 0.03419731284328532),
  ('one', 0.029657029573825388),
  ('other', 0.0266319815565922),
  ('same', 0.025974110064823953),
  ('<unk>', 0.15196732935271384)],
 [(';', 0.025136317631195185),
  ('them,', 0.018369609685580986),
  ('it,', 0.015739683693539164),
  ('one', 0.010728910222095623),
  ('dollars', 0.00999832126334931),
  ('time,', 0.009252846413167804),
  ('him,', 0.009092157640111355),
  ('year,', 0.00891335011264518),
  ('in', 0.008647311972074048),
  ('<unk>', 0.8841214913662413)],
 [('the', 0.26548013996102526),
  ('their', 0.23297014760144805),
  ('of', 0.14842897311460185),
  ('his', 0.07308026741881087),
  ('our', 0.07259048140727163),
  ('and', 0.0341421047307267),
  ('its', 0.032849728795530615),
  ('her', 0.029499935954558187),
  ('a', 0.02949338918624927),
  ('<unk>', 0.08146483182977748)],
 [('the', 0.7173403137005044),
  ('The', 0.12176411874797897),
  ('tho', 0.04738235570986058),
  ('and', 0.02024502990068001),
  ('tbe', 0.017559269549539548),
  ('of', 0.013539000280067737),
  ('was', 0.011397849792027783),
  ('are', 0.008590938783848935),
  ('is', 0.008060571276277986),
  ('<unk>', 0.034120552259213954)],
 [('as', 0.08645623199842382),
  ('according', 0.06632614439931761),
  ('up', 0.06555556764968726),
  ('and', 0.05084158391263602),
  ('went', 0.04266234177372302),
  ('back', 0.04144513542293907),
  ('regard', 0.040538616440007634),
  ('feet', 0.03549280763625624),
  ('down', 0.034607404771419555),
  ('<unk>', 0.5360741659955898)],
 [('Mr.', 0.11111603566555743),
  ('.', 0.11020139034920934),
  ('and', 0.0740544646695807),
  ('H.', 0.06736644185077997),
  ('W.', 0.05810202671002249),
  ('John', 0.05644638459973167),
  ('S.', 0.04956547458841586),
  ('Senator', 0.04529932699111525),
  ('the', 0.04466637309453395),
  ('<unk>', 0.38318208148105337)],
 [('well', 0.20107953003178253),
  ('is', 0.0820679851280439),
  ('far', 0.06735970082814534),
  ('and', 0.06550748094424898),
  ('not', 0.054882979847362144),
  ('be', 0.05312692216668873),
  ('just', 0.04920217078548412),
  ('was', 0.048695386640964344),
  ('known', 0.04594551739753469),
  ('<unk>', 0.3321323262297451)],
 [('the', 0.18404630623324236),
  ('and', 0.07522446861698352),
  ('of', 0.07442040407665058),
  ('in', 0.03838490167549436),
  ('to', 0.03739565201597892),
  ('for', 0.030818179633025116),
  ('be', 0.030487476038033402),
  ('their', 0.02954312152430275),
  ('his', 0.02659407613161869),
  ('<unk>', 0.4730854140546703)],
 [('of', 0.16483297142907752),
  ('the', 0.08115107465372098),
  ('and', 0.065506177527791),
  ('to', 0.06120863804665688),
  ('for', 0.05811130877337605),
  ('was', 0.03599826186087962),
  ('be', 0.03504977524671843),
  ('a', 0.03180194208093662),
  ('in', 0.02280371248359976),
  ('<unk>', 0.4435361378972431)],
 [('or', 0.14735215349640265),
  ('and', 0.1038125702025569),
  ('not', 0.07751230607103458),
  ('than', 0.06937437468979006),
  ('that', 0.04248919631652911),
  ('as', 0.03874249257000332),
  ('is', 0.034715333101384124),
  ('there', 0.03227384973640471),
  ('was', 0.026284036914630386),
  ('<unk>', 0.4274436869012641)],
 [('and', 0.10407381548396474),
  ('to', 0.08057777729341435),
  ('of', 0.05388367669190889),
  ('the', 0.04821117180560612),
  ('which', 0.029266461991238377),
  ('that', 0.02831541488317582),
  ('re-', 0.026433596473200552),
  ('in', 0.025489149386145347),
  ('for', 0.024136474440264972),
  ('<unk>', 0.5796124615510809)],
 [('of', 0.3221817765960982),
  ('for', 0.0943536748550121),
  ('in', 0.09333551693871435),
  ('and', 0.08842457157973868),
  ('that', 0.08019383886758168),
  ('to', 0.0701510631647121),
  ('on', 0.04668595997758875),
  ('with', 0.043374987630878714),
  ('by', 0.02760684261177006),
  ('<unk>', 0.13369176777790537)],
 [('of', 0.10909720597346438),
  ('a', 0.06638298791764101),
  ('the', 0.056809465425007304),
  ('in', 0.05562086916083953),
  ('and', 0.04916116394257395),
  ('to', 0.03730715098856103),
  ('on', 0.03062524717017945),
  ('that', 0.029382878161487245),
  ('by', 0.023654293357405373),
  ('<unk>', 0.5419587379028407)],
 [('about', 0.16254532114615902),
  ('east', 0.09652520634453017),
  ('west', 0.08567975264874107),
  ('of', 0.07322437031920985),
  ('to', 0.0704920587301133),
  ('and', 0.04910140236828143),
  ('at', 0.045533141510289254),
  ('on', 0.044117584310510764),
  ('north', 0.03945756120288539),
  ('<unk>', 0.33332360141927986)],
 [('of', 0.1513104933323382),
  ('the', 0.13915592618964248),
  ('and', 0.06395318090123768),
  ('to', 0.05079353586633485),
  ('in', 0.04430479197175261),
  ('on', 0.03323224396528991),
  ('a', 0.029678078117521586),
  ('by', 0.02563690117353124),
  ('<s>', 0.019926419430298256),
  ('<unk>', 0.4420084290520532)],
 [('the', 0.671908415701793),
  ('said', 0.03639282503382241),
  ('tho', 0.027950344756844613),
  ('of', 0.016135862578244065),
  ('a', 0.014193084245160094),
  ('this', 0.013390507436547289),
  ('and', 0.01255916989165051),
  ('that', 0.011964448094974486),
  ('The', 0.011864033633170207),
  ('<unk>', 0.18364130862779326)],
 [('to', 0.1912767054610233),
  ('I', 0.16526703542934565),
  ('they', 0.10813017889490106),
  ('we', 0.10147451420826241),
  ('who', 0.07985337221844072),
  ('would', 0.07641847758578198),
  ('you', 0.051102131495242904),
  ('will', 0.042586046911072366),
  ('We', 0.03951590868371653),
  ('<unk>', 0.14437562911221302)],
 [('the', 0.15024253367239795),
  ('and', 0.0845542500155373),
  ('of', 0.07135427681982316),
  ('a', 0.049529275009406),
  ('in', 0.04347301638367247),
  ('to', 0.03940355689995289),
  ('his', 0.027192686937531),
  ('was', 0.02449007782499166),
  ('be', 0.022745081674121332),
  ('<unk>', 0.4870152447625662)],
 [('the', 0.4291692992083157),
  ('a', 0.08069026424324838),
  ('and', 0.060051691698878897),
  ('The', 0.035109613446569383),
  ('tho', 0.033241187331968944),
  ('of', 0.021553045639513192),
  ('tbe', 0.015945885714693298),
  ('in', 0.015254099967416418),
  ('or', 0.014510664393331416),
  ('<unk>', 0.2944742483560644)],
 [('the', 0.40081923958547516),
  ('of', 0.17915330312124386),
  ('this', 0.07792170958099252),
  ('that', 0.0659022104501034),
  ('The', 0.06169185648631567),
  ('a', 0.037797862578991245),
  ('civil', 0.030422266723556045),
  ('tho', 0.026034166503730246),
  ('these', 0.020078265409100383),
  ('<unk>', 0.10017911956049141)],
 [('will', 0.2436234947711456),
  ('could', 0.18640699696320123),
  ('would', 0.14127460287211843),
  ('should', 0.13553661649522078),
  ('shall', 0.0871740241933129),
  ('may', 0.07464911057975189),
  ('can', 0.047980895308988754),
  ('must', 0.033429088670006574),
  ('need', 0.016708612724433653),
  ('did', 0.013216557421820176),
  ('<unk>', 0.02)],
 [('the', 0.1324733791255823),
  ('of', 0.08028921421682624),
  ('and', 0.06449043014777758),
  ('a', 0.04792947037257922),
  ('to', 0.03425079054903791),
  ('in', 0.023215848516239136),
  ('at', 0.016139754844191268),
  ('.', 0.014115499727612866),
  ('<s>', 0.013839916334634932),
  ('<unk>', 0.5732556961655185)],
 [('of', 0.19586857567983426),
  ('in', 0.10328078865493374),
  ('with', 0.08892143760211765),
  ('to', 0.080676886065016),
  ('and', 0.07751388918222137),
  ('on', 0.07354198070171418),
  ('is', 0.05366588622122142),
  ('for', 0.05132194774485893),
  ('was', 0.04616615766246884),
  ('<unk>', 0.22904245048561367)],
 [('in', 0.2172817407659205),
  ('the', 0.19281752321199452),
  ('an', 0.14449307112486032),
  ('to', 0.08665222379212396),
  ('of', 0.0702249847572951),
  ('this', 0.05732267635816614),
  ('In', 0.055867714589252555),
  ('and', 0.05387287798893079),
  ('or', 0.031033410043028724),
  ('<unk>', 0.09043377736842739)],
 [('the', 0.3042610004063408),
  ('a', 0.22548638468402554),
  ('The', 0.06701055943965167),
  ('this', 0.029812289731178686),
  ('tariff', 0.026109920903470446),
  ('A', 0.02076906350347427),
  ('appropriation', 0.01973213759886547),
  ('tho', 0.018826653318604024),
  ('and', 0.01656089505795261),
  ('<unk>', 0.2714310953564365)],
 [('Mrs.', 0.1816027531877391),
  ('of', 0.10359458610264924),
  ('and', 0.09313354802493226),
  ('Miss', 0.03806706354853902),
  ('by', 0.03711999294492383),
  ('said', 0.032756455330264944),
  ('to', 0.03143640178694178),
  ('Rev.', 0.020630136291341954),
  ('Mr.', 0.017468166337186248),
  ('<unk>', 0.4441908964454816)],
 [('of', 0.20947107335439297),
  ('the', 0.10311747937099827),
  ('and', 0.08244531691341249),
  ('to', 0.07736874772020587),
  ('in', 0.06495512220368102),
  ('on', 0.05506533873602793),
  ('thence', 0.03876110794784783),
  ('1', 0.025326516515878146),
  ('In', 0.022521208772995405),
  ('<unk>', 0.32096808846456004)],
 [('they', 0.14966996489024548),
  ('who', 0.07359584619857945),
  ('there', 0.06688370411816517),
  ('we', 0.0647026115311045),
  ('which', 0.05268367833948909),
  ('and', 0.049278876596150295),
  ('you', 0.045204024073541016),
  ('There', 0.03779878137460236),
  ('that', 0.03602337421260501),
  ('<unk>', 0.4241591386655177)],
 [('of', 0.21419136800169536),
  ('the', 0.188462935187552),
  ('and', 0.07522867566158592),
  ('in', 0.026598539360016604),
  ('at', 0.02465201182033866),
  ('The', 0.022926799813457976),
  ('to', 0.022713865475658446),
  ('a', 0.02113264243519174),
  ('.', 0.017487755066837713),
  ('<unk>', 0.38660540717766545)],
 [('divided', 0.04708000993492227),
  ('go', 0.04692120035661855),
  ('enter', 0.04454531777490932),
  ('went', 0.04021753855363329),
  ('put', 0.0378979793575434),
  ('taken', 0.03718477778017423),
  ('came', 0.037023984451873854),
  ('out', 0.0342806698064983),
  ('back', 0.03389035849287054),
  ('<unk>', 0.6409581634909562)],
 [('of', 0.3074481418613115),
  ('in', 0.2710175854128815),
  ('to', 0.1128748789959386),
  ('by', 0.06832597308467858),
  ('In', 0.049147257456015864),
  ('from', 0.04684098207924211),
  ('on', 0.044879710507135157),
  ('with', 0.026761304002745765),
  ('at', 0.02547418764130494),
  ('<unk>', 0.04722997895874592)],
 [('and', 0.08488135072480422),
  ('the', 0.06044151153460609),
  ('to', 0.05635951744899999),
  ('of', 0.05101228318668291),
  ('will', 0.050448355282954015),
  ('which', 0.04886750765348731),
  ('said', 0.04731642657465542),
  ('that', 0.0378461751645328),
  ('may', 0.03716096512066055),
  ('<unk>', 0.5256659073086167)],
 [('that', 0.1663255646380013),
  ('and', 0.06239777710042897),
  ('which', 0.05182269799256877),
  ('to', 0.034193073830897654),
  ('<s>', 0.024506855224755524),
  ('when', 0.022731495083904246),
  ('but', 0.02203020809759332),
  ('t', 0.01992179374214081),
  ('this', 0.018280968676748537),
  ('<unk>', 0.5777895656129608)],
 [('a', 0.14928204765507475),
  ('the', 0.08820488006373978),
  ('of', 0.08505434408153352),
  ('was', 0.08290137631052784),
  ('is', 0.07689951514475346),
  ('be', 0.06665008091158896),
  ('and', 0.06533720799151155),
  ('as', 0.05124043683458789),
  ('been', 0.04068493295386985),
  ('<unk>', 0.2937451780528124)],
 [('as', 0.16971886247946352),
  ('to', 0.15045230075470897),
  ('tell', 0.13495584314953174),
  ('and', 0.08720446669550376),
  ('of', 0.058531749120672806),
  ('that', 0.04938754113092497),
  ('for', 0.049245230299001096),
  ('give', 0.0454813636394083),
  ('against', 0.03979181996126252),
  ('<unk>', 0.2152308227695221)],
 [('and', 0.09222383327509955),
  ('free', 0.05151503884413187),
  ('or', 0.04088971801267369),
  ('suffering', 0.034051011339061577),
  ('him', 0.03308744255196115),
  ('them', 0.03190124633821376),
  ('us', 0.029721550543700816),
  ('away', 0.028556705390878817),
  ('far', 0.025987076408315112),
  ('<unk>', 0.6320663772959637)],
 [('of', 0.10565038393849085),
  ('the', 0.08440200144428926),
  ('and', 0.05415913604161536),
  ('in', 0.04974312212120972),
  ('to', 0.04524125908579969),
  ('a', 0.040447158631791276),
  ('be', 0.02265850506529176),
  ('for', 0.022518988614812368),
  ('at', 0.02013727453217357),
  ('<unk>', 0.5550421705245261)],
 [('they', 0.14966996489024548),
  ('who', 0.07359584619857945),
  ('there', 0.06688370411816517),
  ('we', 0.0647026115311045),
  ('which', 0.05268367833948909),
  ('and', 0.049278876596150295),
  ('you', 0.045204024073541016),
  ('There', 0.03779878137460236),
  ('that', 0.03602337421260501),
  ('<unk>', 0.4241591386655177)],
 [('and', 0.10471771251622831),
  ('for', 0.08791317130602427),
  ('as', 0.07781187055186388),
  ('on', 0.0671923331296303),
  ('of', 0.05853582856415462),
  ('to', 0.05332863169995949),
  ('in', 0.0515784812647175),
  ('that', 0.05152537333120732),
  ('make', 0.05067531897251976),
  ('<unk>', 0.39672127866369455)],
 [('in', 0.19753385741353394),
  ('of', 0.15972249584021037),
  ('to', 0.11572535700854138),
  ('on', 0.0999945153465075),
  ('and', 0.07563652760216102),
  ('with', 0.04693971929178079),
  ('that', 0.04579530468215497),
  ('In', 0.04522266482783498),
  ('for', 0.03822202741694073),
  ('<unk>', 0.17520753057033445)],
 [('number', 0.053280289920093045),
  ('matter', 0.046528877104088956),
  ('out', 0.04099837879654978),
  ('point', 0.038380982358117884),
  ('sort', 0.029438695851643968),
  ('kind', 0.02917313346649754),
  ('full', 0.024030748747074913),
  ('means', 0.022395008917483115),
  ('question', 0.020111328236287713),
  ('<unk>', 0.6956625566021631)],
 [('the', 0.5667113512053695),
  ('a', 0.115670379789125),
  ('The', 0.07179270271319531),
  ('and', 0.04732001426677944),
  ('tho', 0.035640790817623176),
  ('no', 0.02676840685124034),
  ('tbe', 0.015774090766216057),
  ('that', 0.01430147159191991),
  ('of', 0.01219046935881804),
  ('<unk>', 0.09383032263971325)],
 [('the', 0.15711627534802344),
  ('a', 0.1545758759792671),
  ('of', 0.09262359852119892),
  ('and', 0.058344299382105634),
  ('to', 0.05154805905389721),
  ('in', 0.0474951513307254),
  ('at', 0.036853149814579884),
  ('an', 0.03538156499541619),
  ('The', 0.022611733158864642),
  ('<unk>', 0.3434502924159215)],
 [('he', 0.1648830191100803),
  ('and', 0.12975046378329572),
  ('it', 0.11047157953549096),
  ('who', 0.07803438045287134),
  ('It', 0.05737464859848143),
  ('I', 0.04765465995246695),
  ('she', 0.036416053617484054),
  ('He', 0.034118325012946864),
  ('be', 0.03291257064097055),
  ('<unk>', 0.30838429929591193)],
 [('at', 0.20027871252421955),
  ('in', 0.16741880057473052),
  ('of', 0.11764101436973194),
  ('to', 0.07002999571324488),
  ('for', 0.05920686261824463),
  ('and', 0.05446046640127152),
  ('In', 0.049548893689140686),
  ('a', 0.04312235741531856),
  ('on', 0.040981592590728116),
  ('<unk>', 0.1973113041033696)],
 [('of', 0.3395217692995523),
  ('to', 0.10402908930680646),
  ('in', 0.1028256333134153),
  ('and', 0.06130859667555112),
  ('on', 0.055257477036530514),
  ('by', 0.054458580531476175),
  ('for', 0.05279457725463965),
  ('with', 0.04043856418563209),
  ('that', 0.04017622699660164),
  ('<unk>', 0.14918948539979482)],
 [('in', 0.38975671799057976),
  ('the', 0.1845159279688527),
  ('In', 0.10162651784452734),
  ('a', 0.09115463852328728),
  ('take', 0.07311193442299946),
  ('took', 0.03766515808796161),
  ('and', 0.023371216409455234),
  ('or', 0.021194358660114824),
  ('have', 0.02049359689447862),
  ('<unk>', 0.057109933197743046)],
 [('the', 0.1324733791255823),
  ('of', 0.08028921421682624),
  ('and', 0.06449043014777758),
  ('a', 0.04792947037257922),
  ('to', 0.03425079054903791),
  ('in', 0.023215848516239136),
  ('at', 0.016139754844191268),
  ('.', 0.014115499727612866),
  ('<s>', 0.013839916334634932),
  ('<unk>', 0.5732556961655185)],
 [('in', 0.3534987897346018),
  ('on', 0.14992921429082812),
  ('of', 0.10359831022531699),
  ('In', 0.0851663390461136),
  ('to', 0.06048326366499921),
  ('and', 0.05566718175701701),
  ('all', 0.042308145409663524),
  ('with', 0.033680918739772824),
  ('that', 0.03021255076242164),
  ('<unk>', 0.08545528636926514)],
 [('of', 0.3395217692995523),
  ('to', 0.10402908930680646),
  ('in', 0.1028256333134153),
  ('and', 0.06130859667555112),
  ('on', 0.055257477036530514),
  ('by', 0.054458580531476175),
  ('for', 0.05279457725463965),
  ('with', 0.04043856418563209),
  ('that', 0.04017622699660164),
  ('<unk>', 0.14918948539979482)],
 [('of', 0.13521476795612894),
  ('the', 0.09533985924245439),
  ('in', 0.06578306250151837),
  ('and', 0.06471937840334284),
  ('to', 0.05606893110824233),
  ('at', 0.03710187826719951),
  ('a', 0.029272445163935342),
  ('for', 0.023480898505327003),
  ('In', 0.01557258078348404),
  ('<unk>', 0.4774461980683672)],
 [('to', 0.3230633743337922),
  ('the', 0.15576563890198045),
  ('of', 0.14937776857481797),
  ('a', 0.11420780058788173),
  ('in', 0.04518807228920617),
  ('and', 0.025391726576424172),
  ('this', 0.02439330006609246),
  ('for', 0.020054958797553618),
  ('careful', 0.017619168201013613),
  ('<unk>', 0.12493819167123765)],
 [('the', 0.1287772826353842),
  ('and', 0.09400975893453843),
  ('to', 0.07478888632693868),
  ('of', 0.062291511900433506),
  ('so', 0.03302525896057347),
  ('is', 0.02941731929022228),
  ('be', 0.02259500979924937),
  ('he', 0.020121789005608272),
  ('re-', 0.018792292308765342),
  ('<unk>', 0.5161808908382863)],
 [('of', 0.14756173072253945),
  ('in', 0.12076468310029523),
  ('by', 0.09540597936664376),
  ('for', 0.0840949371806233),
  ('and', 0.08310001008376353),
  ('that', 0.07214609513522341),
  ('to', 0.06468923192089447),
  ('with', 0.053644109948766054),
  ('was', 0.04594180008401199),
  ('<unk>', 0.2326514224572389)],
 [(';', 0.017721865547247972),
  ('in', 0.016433916952710684),
  ('up', 0.015989075817084485),
  ('here', 0.009372318487162945),
  ('day', 0.008236349342902296),
  ('misdemeanor,', 0.00795830315109423),
  ('mortgage', 0.007602608864003009),
  ('years,', 0.007285628336636567),
  ('county,', 0.007060520344891689),
  ('<unk>', 0.9023394131562661)],
 [('he', 0.327933810968375),
  ('I', 0.0658077089911441),
  ('be', 0.0614591693096745),
  ('and', 0.05886138895815275),
  ('He', 0.05375277032047428),
  ('was', 0.049003468345928676),
  ('she', 0.04862186924761394),
  ('is', 0.038327345127962674),
  ('have', 0.033770468433853396),
  ('<unk>', 0.26246200029682054)],
 [('in', 0.0558045375267578),
  (';', 0.013826429803523258),
  ('up', 0.012293435383127872),
  ('from', 0.011411026297542088),
  ('thereof,', 0.010563408519861582),
  ('them,', 0.010150488825474919),
  ('In', 0.010009631642055358),
  ('benefit,', 0.009600900538621435),
  ('him,', 0.009000960433890795),
  ('<unk>', 0.8573391810291449)],
 [('the', 0.1324733791255823),
  ('of', 0.08028921421682624),
  ('and', 0.06449043014777758),
  ('a', 0.04792947037257922),
  ('to', 0.03425079054903791),
  ('in', 0.023215848516239136),
  ('at', 0.016139754844191268),
  ('.', 0.014115499727612866),
  ('<s>', 0.013839916334634932),
  ('<unk>', 0.5732556961655185)],
 [('a', 0.4702190481863058),
  ('the', 0.20525232066059476),
  ('of', 0.05617476118231744),
  ('for', 0.03575081463396122),
  ('his', 0.025762258461548296),
  ('to', 0.02561369206936437),
  ('any', 0.02267654462473782),
  ('in', 0.020928863746641147),
  ('and', 0.018885910515536536),
  ('<unk>', 0.11873578591899259)],
 [('I', 0.19680874017259578),
  ('we', 0.14799792137142795),
  ('will', 0.13737872627439363),
  ('you', 0.09429653990265421),
  ('could', 0.08887374220315315),
  ('can', 0.08135130722370121),
  ('they', 0.06870855766119692),
  ('You', 0.05976261993791917),
  ('to', 0.058890843878843156),
  ('and', 0.045931001374114835),
  ('<unk>', 0.02)],
 [('the', 0.20934485433266276),
  ('a', 0.1758546676699868),
  ('two', 0.12046972186720188),
  ('his', 0.06179095347953475),
  ('three', 0.06119173786692785),
  ('their', 0.053805571130632585),
  ('one', 0.046801589038748787),
  ('our', 0.037220922663994696),
  ('other', 0.036671396621202716),
  ('<unk>', 0.1968485853291072)],
 [('and', 0.059316547647664745),
  ('made', 0.058359101217501666),
  ('or', 0.02774028121477761),
  ('that', 0.019095279867021704),
  ('followed', 0.018303280876444984),
  ('him', 0.018287683204651083),
  ('owned', 0.01815857207489495),
  ('accompanied', 0.016379525702599557),
  ('ed', 0.01619582766797232),
  ('<unk>', 0.7481639005264714)],
 [('of', 0.34454181059484906),
  ('the', 0.14838247052566828),
  ('and', 0.06719222701450087),
  ('to', 0.05954299774203288),
  ('for', 0.04747685338503009),
  ('a', 0.04426245972428637),
  ('by', 0.03729564595223769),
  ('with', 0.03522397545005701),
  ('in', 0.026558317811554346),
  ('<unk>', 0.18952324179978353)],
 [('of', 0.10565038393849085),
  ('the', 0.08440200144428926),
  ('and', 0.05415913604161536),
  ('in', 0.04974312212120972),
  ('to', 0.04524125908579969),
  ('a', 0.040447158631791276),
  ('be', 0.02265850506529176),
  ('for', 0.022518988614812368),
  ('at', 0.02013727453217357),
  ('<unk>', 0.5550421705245261)],
 [('of', 0.21844527490192897),
  ('to', 0.18367710478626142),
  ('and', 0.09611261268930445),
  ('in', 0.08609824701405602),
  ('for', 0.0586032923334397),
  ('on', 0.052589182464752325),
  ('that', 0.052523666622712725),
  ('with', 0.04952129852883172),
  ('all', 0.04315963609210743),
  ('<unk>', 0.15926968456660529)],
 [('and', 0.17830063855748704),
  ('is', 0.1602566208530014),
  ('are', 0.12940950149383532),
  ('was', 0.0465222938488331),
  ('Is', 0.041820429608847784),
  ('be', 0.04045002119301581),
  ('the', 0.03513121258643288),
  ('that', 0.034397274417365786),
  ('but', 0.034006410416519764),
  ('<unk>', 0.29970559702466104)],
 [('the', 0.09172503935453943),
  ('of', 0.0915203586223805),
  ('to', 0.07639888899417153),
  ('at', 0.06349988751575959),
  ('and', 0.0630996163856723),
  ('in', 0.05335445696456562),
  ('a', 0.04570277681476363),
  ('was', 0.026067368333591967),
  ('be', 0.02534517339156707),
  ('<unk>', 0.46328643362298827)],
 [('hundred', 0.03234017260622609),
  (';', 0.014231980520730669),
  ('one', 0.013104858615241083),
  ('day', 0.013030041848943356),
  ('up', 0.011105599733676254),
  ('wife', 0.009473610397560124),
  ('feet,', 0.009268772374282318),
  ('dollars', 0.00838692869633302),
  ('time', 0.007787942717370444),
  ('<unk>', 0.8812700924896366)],
 [('of', 0.24846007714596685),
  ('half', 0.15215055560604313),
  ('for', 0.12133424786614946),
  ('in', 0.09726717350114093),
  ('and', 0.06045789163709439),
  ('about', 0.0572540445464569),
  ('as', 0.05078044056760651),
  ('to', 0.04238318440543156),
  ('cents', 0.04115196339725744),
  ('<unk>', 0.12876042132685284)],
 [('be', 0.29151860240865096),
  ('was', 0.11442065628019374),
  ('and', 0.09758733450572726),
  ('newspaper', 0.08727575154339613),
  ('been', 0.08066547880668612),
  ('is', 0.06611811207517429),
  ('were', 0.045302433941618224),
  ('are', 0.03315316197046148),
  ('he', 0.02907734228967373),
  ('<unk>', 0.15488112617841798)],
 [('<s>', 0.05413858303741052),
  ('and', 0.01973344297789146),
  ('?', 0.016319389340376952),
  ('it.', 0.0155413003638421),
  ('I', 0.010887791806268553),
  ('that', 0.008621466257068838),
  ('.', 0.00757317028338833),
  ('it', 0.006433410952057359),
  ('them.', 0.006405702017251406),
  ('<unk>', 0.8543457429644445)],
 [('the', 0.36331985080850326),
  ('and', 0.17268281063650062),
  ('his', 0.04164850844400293),
  ('The', 0.04085334475147452),
  ('of', 0.04029877631527766),
  ('or', 0.03708870924484763),
  ('a', 0.03624319939111398),
  ('said', 0.026806303820094086),
  ('an', 0.020864289753366225),
  ('<unk>', 0.22019420683481916)],
 [('and', 0.0884813341153961),
  ('be', 0.06212599082986594),
  ('to', 0.054597728031232105),
  ('of', 0.05265646105825149),
  ('the', 0.04356719233472908),
  ('in', 0.03487363376212369),
  ('re-', 0.03216024888612408),
  ('was', 0.03160404526555998),
  ('is', 0.0291176636237588),
  ('<unk>', 0.5708157020929587)],
 [('and', 0.07779153488043748),
  ('away', 0.07109436963906385),
  ('taken', 0.04505113419392574),
  ('them', 0.04118848858766843),
  ('him', 0.03982124075989082),
  ('returned', 0.03575730703624792),
  ('arising', 0.03494121567540666),
  ('come', 0.03360631163874877),
  ('it', 0.03337458053356305),
  ('<unk>', 0.5873738170550473)],
 [('in', 0.2602428108470104),
  ('to', 0.15532536002181113),
  ('of', 0.14487652481008037),
  ('In', 0.08288140779043827),
  ('the', 0.04854461457612603),
  ('by', 0.0420289834033226),
  ('and', 0.03887352618926741),
  ('their', 0.0384286927064985),
  ('his', 0.03758783777737443),
  ('<unk>', 0.15121024187807086)],
 [('it', 0.13548111820847789),
  ('he', 0.12105116352565772),
  ('It', 0.09105084977236504),
  ('which', 0.06805013106935645),
  ('I', 0.06295818766207023),
  ('and', 0.05269654220966397),
  ('who', 0.04034125948846495),
  ('He', 0.03804491567576652),
  ('that', 0.035557335420987025),
  ('<unk>', 0.35476849696719026)],
 [('and', 0.10031545580768006),
  ('was', 0.08322538800954869),
  ('be', 0.04771724831283004),
  ('is', 0.04546969158452853),
  ('Beginning', 0.034580501240862496),
  ('him', 0.03378306190159411),
  ('men', 0.030484658673047827),
  ('made', 0.030288514923504754),
  ('are', 0.029318920431332638),
  ('<unk>', 0.5648165591150709)],
 [('and', 0.06189374197425684),
  ('was', 0.0431349199725174),
  ('made', 0.0390901047420722),
  ('up', 0.03292482552156045),
  ('taken', 0.03166930712197738),
  ('accompanied', 0.028044261579202662),
  ('is', 0.02746543019708166),
  ('him', 0.024712794636014408),
  ('or', 0.022093711261112894),
  ('<unk>', 0.6889709029942042)],
 [('of', 0.15966414345973887),
  ('to', 0.15309502872226),
  ('and', 0.1020395315869779),
  ('the', 0.08816255823407121),
  ('a', 0.052875984510518385),
  ('or', 0.039418515562534194),
  ('by', 0.035857994231740395),
  ('in', 0.03389685954746303),
  ('with', 0.029081927404920292),
  ('<unk>', 0.3059074567397758)],
 [('as', 0.08645623199842382),
  ('according', 0.06632614439931761),
  ('up', 0.06555556764968726),
  ('and', 0.05084158391263602),
  ('went', 0.04266234177372302),
  ('back', 0.04144513542293907),
  ('regard', 0.040538616440007634),
  ('feet', 0.03549280763625624),
  ('down', 0.034607404771419555),
  ('<unk>', 0.5360741659955898)],
 [(';', 0.01592894058987148),
  ('it,', 0.010981304313965838),
  ('them,', 0.009166250174406778),
  ('in', 0.00909745891808416),
  ('up', 0.008847690662152628),
  ('him', 0.008629671048411891),
  ('him,', 0.008577954526906658),
  ('it', 0.00805848051463987),
  ('time', 0.007408225738487519),
  ('<unk>', 0.9133040235130732)],
 [('one', 0.1205416303386925),
  ('part', 0.06944119767952432),
  ('out', 0.05592605372235919),
  ('some', 0.038098542342519255),
  ('members', 0.03637420179692493),
  ('side', 0.035860018084640774),
  ('portion', 0.025832203245739014),
  ('office', 0.023918125974121147),
  ('end', 0.023626759096503844),
  ('<unk>', 0.570381267718975)],
 [('the', 0.20549459900013203),
  ('and', 0.06826722378969415),
  ('of', 0.05367523986866284),
  ('be', 0.041779540737016584),
  ('to', 0.03440717836770044),
  ('was', 0.031950356085366394),
  ('in', 0.029978163907095665),
  ('is', 0.02522625154234043),
  ('on', 0.024291368514551635),
  ('<unk>', 0.48493007818743983)],
 [('well', 0.22069377387787847),
  ('and', 0.07016312187204464),
  ('known', 0.04347680379492973),
  ('far', 0.04305617130746765),
  ('long', 0.04176642803349149),
  ('soon', 0.03625459724412175),
  ('such', 0.03269467313686037),
  ('it', 0.028206907907704186),
  ('much', 0.027685902346967287),
  ('<unk>', 0.4560016204785343)],
 [('he', 0.16426230184416246),
  ('who', 0.0762057279647032),
  ('and', 0.07449771791479393),
  ('they', 0.0588881061365397),
  ('it', 0.05735957395310596),
  ('I', 0.05420779899203423),
  ('He', 0.05170646489571545),
  ('which', 0.03279370058860074),
  ('It', 0.031357447503980555),
  ('<unk>', 0.39872116020636383)],
 [('the', 0.2474672349871133),
  ('to', 0.18711566665938564),
  ('a', 0.15206205326034025),
  ('The', 0.1497658147998879),
  ('and', 0.04731971908340625),
  ('this', 0.02567835508292599),
  ('A', 0.020894081789432764),
  ('that', 0.01787411740654114),
  ('of', 0.01747504710900808),
  ('<unk>', 0.13434790982195866)],
 [('the', 0.14277152603126378),
  ('for', 0.12700745719512727),
  ('and', 0.12699786602559196),
  ('of', 0.12275523303201569),
  ('or', 0.0910820723587889),
  ('about', 0.06936309048124292),
  ('in', 0.0578295092989994),
  ('with', 0.05114253547379626),
  ('to', 0.04780650256795311),
  ('<unk>', 0.16324420753522084)],
 [('one', 0.016334336788415286),
  ('more', 0.015434481407001339),
  ('day', 0.011144337015432928),
  ('two', 0.011074874526923139),
  ('on', 0.010469285077577101),
  ('man', 0.008099006796993343),
  ('person', 0.007787445623177588),
  ('in', 0.007638326948387105),
  ('law', 0.006944042507916115),
  ('<unk>', 0.9050738633081761)],
 [('of', 0.2578209813223533),
  ('to', 0.1284570360650032),
  ('in', 0.11871301824302732),
  ('on', 0.08912428412003011),
  ('and', 0.06932932558860593),
  ('for', 0.06765059538295384),
  ('with', 0.05896124157919331),
  ('by', 0.05894711703729092),
  ('that', 0.045578870512338145),
  ('<unk>', 0.10541753014920385)],
 [('to', 0.1535295165093527),
  ('with', 0.1366339504429592),
  ('of', 0.07994224054883478),
  ('by', 0.06410738507171142),
  ('on', 0.057543961238091114),
  ('for', 0.05604504716901608),
  ('upon', 0.05577365532133683),
  ('let', 0.042690944712174675),
  ('give', 0.03445025384726121),
  ('<unk>', 0.319283045139262)],
 [('the', 0.4820846323663484),
  ('this', 0.10936935294440672),
  ('a', 0.09597751412630699),
  ('to', 0.08944931185557274),
  ('of', 0.059070984293798326),
  ('and', 0.03162529075266752),
  ('tho', 0.02128482107666771),
  ('our', 0.019055554407492934),
  ('in', 0.01860691332298977),
  ('<unk>', 0.07347562485374892)],
 [('of', 0.09192370921810328),
  ('and', 0.07961323076632043),
  ('to', 0.07474844307913195),
  ('Mrs.', 0.02798253816223553),
  ('.', 0.027618835403659118),
  ('A.', 0.02109100079579287),
  ('John', 0.01935797595583824),
  ('Charles', 0.0191645259164285),
  ('Mary', 0.018719958784473228),
  ('<unk>', 0.6197797819180169)],
 [('of', 0.3791257386450484),
  ('the', 0.18110774345376238),
  ('and', 0.08981904068716687),
  ('with', 0.051295220687643514),
  ('a', 0.03504260412405173),
  ('to', 0.0302922687729379),
  ('for', 0.028559960215330395),
  ('their', 0.026253871295855023),
  ('his', 0.02248237153768188),
  ('<unk>', 0.15602118058052217)],
 [('at', 0.19347104372199006),
  ('of', 0.11752982666964194),
  ('and', 0.0889230874149944),
  ('to', 0.08819200394608297),
  ('the', 0.08567709266737232),
  ('in', 0.04795316189002544),
  ('pro-', 0.0316658132603226),
  ('as', 0.026848270469158955),
  ('No.', 0.025138960061134037),
  ('<unk>', 0.2946007398992774)],
 [('of', 0.28341460344563263),
  ('in', 0.13882050211503225),
  ('to', 0.10619240008108119),
  ('and', 0.06810784998115768),
  ('with', 0.0660494301750858),
  ('that', 0.06206072698492106),
  ('for', 0.05749713543597459),
  ('by', 0.05206288053935714),
  ('is', 0.04968927397606862),
  ('<unk>', 0.11610519726568902)],
 [('more', 0.03284748042456053),
  ('neglect', 0.03216578205303392),
  ('one', 0.030434602309702574),
  ('whether', 0.02955228407868466),
  ('man', 0.025699651900336667),
  ('action', 0.02093687885183442),
  ('person', 0.01907250169636793),
  ('law', 0.018939490791694352),
  ('day', 0.014348551341662309),
  ('<unk>', 0.7760027765521227)],
 [('a', 0.7217137228075888),
  ('the', 0.15464946733757873),
  ('A', 0.019908633765939866),
  ('of', 0.01831822176572485),
  ('in', 0.014377448425396906),
  ('is', 0.010258242076627174),
  ('with', 0.009459721453294538),
  ('The', 0.008798953249280256),
  ('this', 0.008544145306366529),
  ('<unk>', 0.033971443812202295)],
 [('of', 0.22517209580894756),
  ('in', 0.14767838676069714),
  ('and', 0.13767829574335866),
  ('for', 0.08479549635408154),
  ('all', 0.07020442013045519),
  ('with', 0.05464764649414724),
  ('that', 0.04629889789007212),
  ('to', 0.04237863514504445),
  ('at', 0.026934085095266822),
  ('<unk>', 0.16421204057792926)],
 [('have', 0.30580606960754086),
  ('has', 0.29748066195155237),
  ('had', 0.17884942544775287),
  ('not', 0.045853491670756565),
  ('having', 0.02757673412825163),
  ('always', 0.019206394964832407),
  ('ever', 0.017537387348657632),
  ('never', 0.01636826266366692),
  ('bad', 0.014207376957814622),
  ('<unk>', 0.07711419525917407)],
 [('the', 0.19389127386651026),
  ('of', 0.10185439509162957),
  ('a', 0.06609520836530906),
  ('and', 0.06368171422393669),
  ('The', 0.029553983771501046),
  ('in', 0.022514360153816793),
  ('at', 0.02136876312379899),
  ('to', 0.020994988914002914),
  ('.', 0.018261885268334423),
  ('<unk>', 0.4617834272211603)],
 [('of', 0.4416418606960823),
  ('in', 0.1366020501486216),
  ('from', 0.06245205083887681),
  ('to', 0.059344523661487604),
  ('the', 0.0480335048595963),
  ('and', 0.03525173391366773),
  ('at', 0.03520065477731856),
  ('In', 0.030986356054218362),
  ('for', 0.026736061595767722),
  ('<unk>', 0.12375120345436286)],
 [('Mr.', 0.20235500352925231),
  ('.', 0.05622561884904722),
  ('Dr.', 0.04575847123152217),
  ('Mrs.', 0.04503242611911241),
  ('of', 0.023763441332340766),
  ('John', 0.02152460952230923),
  ('A.', 0.01747429482644944),
  ('James', 0.017430647298263068),
  ('H.', 0.01707414430638235),
  ('<unk>', 0.553361342985321)],
 [('<s>', 0.06960599313265997),
  ('it.', 0.02436245774551507),
  ('them.', 0.015384148622950417),
  ('him.', 0.01239785651209083),
  ('day.', 0.007076191908701141),
  ('life.', 0.007057204218218881),
  ('country.', 0.006986399315236948),
  ('all.', 0.006649889847308961),
  ('time.', 0.006645394596664877),
  ('<unk>', 0.8438344641006529)],
 [('out', 0.08757295699526818),
  ('day', 0.08552623149072869),
  ('piece', 0.05150766193032114),
  ('state', 0.03591224435022024),
  ('amount', 0.03419038875941089),
  ('point', 0.034180250652119215),
  ('part', 0.03132363724077769),
  ('kind', 0.030626663624391745),
  ('number', 0.028811806815389168),
  ('<unk>', 0.5803481581413731)],
 [('and', 0.11006804653594462),
  ('the', 0.1025959231297526),
  ('a', 0.06726668091167949),
  ('of', 0.06660079930892696),
  ('to', 0.06217795384018324),
  ('be', 0.0506787599784088),
  ('was', 0.046718633086509),
  ('is', 0.0397077566649273),
  ('it', 0.02866801055801345),
  ('<unk>', 0.4255174359856545)],
 [('the', 0.19139464533556205),
  ('and', 0.10101020517739567),
  ('of', 0.07325468949967026),
  ('to', 0.05933085715595846),
  ('a', 0.03473380881398505),
  ('in', 0.030910827677290607),
  ('on', 0.028223712596834493),
  ('his', 0.026463925535015892),
  ('an', 0.021406915503485332),
  ('<unk>', 0.43327041270480215)],
 [('of', 0.23802730152500295),
  ('to', 0.1278394437739885),
  ('for', 0.09608947606153374),
  ('in', 0.09296635308843255),
  ('and', 0.08033157083736144),
  ('on', 0.06593163789976264),
  ('with', 0.06592931154299003),
  ('at', 0.054055102834116464),
  ('all', 0.05326684608608987),
  ('<unk>', 0.12556295635072168)],
 [(';', 0.016010755798685945),
  ('it,', 0.01344511973249313),
  ('it', 0.01174352146614529),
  ('them,', 0.011111144372009092),
  ('him,', 0.010822029336649748),
  ('in', 0.010151087685032038),
  ('men', 0.008249131224470487),
  ('him', 0.008159467077183161),
  ('and', 0.007724240683695337),
  ('<unk>', 0.9025835026236357)],
 [('the', 0.22348672655365467),
  ('of', 0.10742950686059781),
  ('a', 0.09582546890378839),
  ('in', 0.09450763408509619),
  ('for', 0.04405596567398933),
  ('and', 0.04192384813808543),
  ('to', 0.04182892079548014),
  ('The', 0.024860142004430808),
  ('an', 0.02159946381822991),
  ('<unk>', 0.30448232316664736)],
 [('Miss', 0.3996850584841318),
  ('Mrs.', 0.16101560353386124),
  ('of', 0.08618382723032884),
  ('and', 0.0829629903664132),
  ('Misses', 0.01776069728409604),
  ('by', 0.01487690866687547),
  ('Mary', 0.010591519449106883),
  ('the', 0.01035641323701433),
  ('Mrs', 0.009251047069395647),
  ('<unk>', 0.20731593467877663)],
 [('the', 0.13422106027852965),
  ('and', 0.08342580790537693),
  ('of', 0.06256402496295063),
  ('to', 0.02568269537646148),
  ('his', 0.024802923551329948),
  ('a', 0.023364675538291566),
  ('be', 0.021977632137928596),
  ('as', 0.019870052788898605),
  ('Mr.', 0.01767376873727838),
  ('<unk>', 0.5864173587229542)],
 [('up', 0.012764343312394361),
  (';', 0.012631350905438918),
  ('hundred', 0.010566346316466177),
  ('one', 0.009734442969811031),
  ('feet', 0.009076327764561241),
  ('in', 0.009054862245907848),
  ('out', 0.007554567423457237),
  ('down', 0.007498262118585946),
  ('back', 0.007343126741529809),
  ('<unk>', 0.9137763702018474)],
 [('of', 0.3217908743151569),
  ('in', 0.12513042902582694),
  ('that', 0.07191430670604532),
  ('and', 0.06754127022633707),
  ('with', 0.0651930536395801),
  ('to', 0.0637636832948036),
  ('by', 0.06236175212604389),
  ('for', 0.05304726154090379),
  ('all', 0.03933408123769335),
  ('<unk>', 0.1299232878876091)],
 [('and', 0.09496068726054062),
  ('just', 0.07949428073761255),
  ('such', 0.06775763479521077),
  ('far', 0.06753957391398646),
  ('is', 0.049402451515390924),
  ('well', 0.04816110348244741),
  ('was', 0.03954620308294585),
  ('soon', 0.038335767626407564),
  ('known', 0.03538555715537442),
  ('<unk>', 0.4794167404300834)],
 [('to', 0.2770972782975472),
  ('the', 0.15469836923133454),
  ('an', 0.1414466762431544),
  ('a', 0.062438902925267166),
  ('this', 0.061982810551661015),
  ('will', 0.05583144854732446),
  ('shall', 0.03729330826496294),
  ('bond', 0.03265849499582937),
  ('not', 0.029462482634276855),
  ('<unk>', 0.14709022830864193)],
 [('one', 0.13291073648158824),
  ('some', 0.08390717652279414),
  ('many', 0.0476519600887966),
  ('all', 0.04453992251639477),
  ('out', 0.043117837809034915),
  ('part', 0.04277308384721091),
  ('any', 0.029722770125733558),
  ('most', 0.028238911597729913),
  ('portion', 0.02544629554602005),
  ('<unk>', 0.521691305464697)],
 [('up', 0.031521555985404015),
  ('him', 0.02212398929186098),
  ('made', 0.017365062221733986),
  ('men', 0.016707622408645383),
  ('time', 0.016189497575623588),
  ('right', 0.015233675568876724),
  ('them', 0.015106910555224983),
  ('out', 0.015074939391164843),
  ('down', 0.013327486617676458),
  ('<unk>', 0.8373492603837891)],
 [('and', 0.10530662192307992),
  ('of', 0.07507577693286167),
  ('to', 0.07069972394212064),
  ('a', 0.049781910943779095),
  ('the', 0.048782950005034444),
  ('in', 0.03334092054621362),
  ('for', 0.026193784072625383),
  ('or', 0.02610805940814141),
  ('that', 0.025049040668955976),
  ('<unk>', 0.5396612115571877)],
 [('the', 0.1324733791255823),
  ('of', 0.08028921421682624),
  ('and', 0.06449043014777758),
  ('a', 0.04792947037257922),
  ('to', 0.03425079054903791),
  ('in', 0.023215848516239136),
  ('at', 0.016139754844191268),
  ('.', 0.014115499727612866),
  ('<s>', 0.013839916334634932),
  ('<unk>', 0.5732556961655185)],
 [('and', 0.1526598855014433),
  ('is', 0.09775566465945565),
  ('was', 0.09448587206071185),
  ('be', 0.07620534180067344),
  ('a', 0.07450703641596954),
  ('the', 0.06575374904932921),
  ('are', 0.05660430257139336),
  ('been', 0.03865102636961452),
  ('of', 0.03477976773518281),
  ('<unk>', 0.30859735383622644)],
 [('of', 0.28893596875150496),
  ('to', 0.11828527537144104),
  ('in', 0.11716688775015933),
  ('and', 0.07052503219403454),
  ('with', 0.060968063061768975),
  ('for', 0.05399238851580153),
  ('on', 0.051971718362956075),
  ('by', 0.04056914361611192),
  ('from', 0.03832103614950224),
  ('<unk>', 0.1592644862267193)],
 [('it', 0.16463098419917835),
  ('he', 0.12865438854072916),
  ('It', 0.12498784571092296),
  ('I', 0.10933867191130231),
  ('and', 0.04675234437244894),
  ('she', 0.04599096728489171),
  ('He', 0.0421633506949128),
  ('which', 0.03749884561860579),
  ('that', 0.028101295568249716),
  ('<unk>', 0.27188130609875827)],
 [('certain', 0.13639322936361264),
  ('said', 0.12272521926204455),
  ('a', 0.116782702989752),
  ('the', 0.09270037696886892),
  ('any', 0.06056459435669274),
  ('con-', 0.05830621578432542),
  ('such', 0.054863115141532366),
  ('acre', 0.04091388261001637),
  ('this', 0.03949703765424565),
  ('<unk>', 0.27725362586890934)],
 [('the', 0.13731739228645798),
  ('of', 0.11543615557055788),
  ('and', 0.10678059226952223),
  ('in', 0.061194007898859835),
  ('to', 0.055466565449393844),
  ('a', 0.05027112562570183),
  ('for', 0.04503197637128799),
  ('that', 0.02991595142279891),
  ('by', 0.026128315470136127),
  ('<unk>', 0.37245791763528335)],
 [('the', 0.19396109347246898),
  ('of', 0.12260811994401731),
  ('in', 0.07547960188690056),
  ('a', 0.07237137652047392),
  ('to', 0.06361665562973107),
  ('and', 0.044502608833330924),
  ('at', 0.02744824523168329),
  ('for', 0.027008891647167497),
  ('In', 0.022746941608054294),
  ('<unk>', 0.35025646522617215)],
 [('the', 0.1978469494989944),
  ('a', 0.16836598881747603),
  ('of', 0.0669524359526885),
  ('in', 0.04553090360575234),
  ('to', 0.029432442128124674),
  ('and', 0.027447468798490058),
  ('on', 0.019588970941661198),
  ('at', 0.01733693100532872),
  ('The', 0.016173584871779292),
  ('<unk>', 0.4113243243797048)],
 [('the', 0.13943727386875865),
  ('of', 0.10770365200508605),
  ('and', 0.04638029944226977),
  ('The', 0.04531014317447372),
  ('that', 0.043319453151283986),
  ('Mr.', 0.0426533346910922),
  ('in', 0.042096439349012964),
  ('Mrs.', 0.024859814065260402),
  ('which', 0.02383105511381725),
  ('<unk>', 0.484408535138945)],
 [('on', 0.06712249476961869),
  ('law', 0.026001032338004576),
  ('day', 0.017832720806604356),
  ('in', 0.01634516642217444),
  ('made', 0.016147551939861962),
  ('one', 0.015916190284469185),
  ('it', 0.0158833243413156),
  ('be', 0.013004791569201644),
  ('action', 0.012827902466721802),
  ('<unk>', 0.7989188250620277)],
 [('going', 0.09491831506602881),
  ('and', 0.08999459890062073),
  ('was', 0.08093804588085317),
  ('went', 0.06164315104826516),
  ('go', 0.04974217488162131),
  ('carried', 0.04512630423088922),
  ('put', 0.04460844068078348),
  ('up', 0.03800773517421033),
  ('lying', 0.0365942077816182),
  ('<unk>', 0.4584270263551097)],
 [('State', 0.17258434180579055),
  ('day', 0.07474787342854967),
  ('state', 0.06780139072632715),
  ('city', 0.055908509144445104),
  ('City', 0.03407199087651054),
  ('out', 0.027550979728497012),
  ('line', 0.02741109056175759),
  ('part', 0.024443751690299026),
  ('county', 0.02419440048235934),
  ('<unk>', 0.491285671555464)],
 [('of', 0.3276598974064499),
  ('to', 0.15169171047566318),
  ('in', 0.09276609915222547),
  ('that', 0.06879491772194075),
  ('for', 0.06500985713894959),
  ('on', 0.0572237729335209),
  ('and', 0.05182594159587805),
  ('by', 0.04327012489258481),
  ('from', 0.03485445047207609),
  ('<unk>', 0.10690322821071119)],
 [('a', 0.41689219666332156),
  ('the', 0.13410259160886434),
  ('of', 0.10959082242876485),
  ('very', 0.050411565263326),
  ('and', 0.044243437639102816),
  ('so', 0.03524391180462684),
  ('with', 0.034437045931662455),
  ('in', 0.025796719542449786),
  ('The', 0.025125275886117602),
  ('<unk>', 0.12415643323176384)],
 [('he', 0.22381899557380042),
  ('I', 0.18797496214703566),
  ('it', 0.10318339522212944),
  ('they', 0.08542228675651987),
  ('we', 0.056745076310814394),
  ('she', 0.0533178085172069),
  ('that', 0.04596851511586955),
  ('who', 0.0396821312862855),
  ('you', 0.03783940863088008),
  ('<unk>', 0.1660474204394582)],
 [('that', 0.18918045861474383),
  ('and', 0.10147665059951262),
  ('which', 0.09738542334629678),
  ('would', 0.09426151951526712),
  ('but', 0.059743280350455855),
  ('will', 0.052808517537527036),
  ('should', 0.047909432030829036),
  ('when', 0.04525378121921161),
  ('to', 0.03789453539354742),
  ('<unk>', 0.27408640139260865)],
 [('those', 0.24523352065250636),
  ('men', 0.116856440486203),
  ('and', 0.0659222282172292),
  ('man', 0.056811956762864144),
  ('people', 0.04799726303270456),
  ('Those', 0.04101995480999375),
  ('one', 0.03748462347725548),
  ('person', 0.026712323494775727),
  ('persons', 0.024967773049668098),
  ('<unk>', 0.3369939160167996)],
 [('of', 0.23182338406688408),
  ('the', 0.22148049586467755),
  ('and', 0.07536406338493352),
  ('to', 0.05725786819378288),
  ('for', 0.03475069358861456),
  ('a', 0.03373222410876546),
  ('or', 0.025328900297521374),
  ('that', 0.02271624578820911),
  ('at', 0.02093910895429652),
  ('<unk>', 0.27660701575231506)],
 [('and', 0.10407381548396474),
  ('to', 0.08057777729341435),
  ('of', 0.05388367669190889),
  ('the', 0.04821117180560612),
  ('which', 0.029266461991238377),
  ('that', 0.02831541488317582),
  ('re-', 0.026433596473200552),
  ('in', 0.025489149386145347),
  ('for', 0.024136474440264972),
  ('<unk>', 0.5796124615510809)],
 [('the', 0.27575970692896856),
  ('his', 0.07212925735249957),
  ('of', 0.06855907296916806),
  ('a', 0.06221362928775462),
  ('one', 0.04165780843780929),
  ('their', 0.03745850036237825),
  ('and', 0.03058104895957772),
  ('our', 0.03015424551832861),
  ('such', 0.028466775615828104),
  ('<unk>', 0.3530199545676872)],
 [('and', 0.2675227081428549),
  ('be', 0.09494296545578852),
  ('was', 0.06408962638184658),
  ('is', 0.05013099243767649),
  ('of', 0.036020044901289655),
  ('as', 0.035345045208864605),
  ('been', 0.029220907838480272),
  ('are', 0.02648147624520776),
  ('or', 0.024270890334506405),
  ('<unk>', 0.3719753430534848)],
 [('of', 0.10618432232960126),
  ('the', 0.09739908408481865),
  ('and', 0.048526777664353114),
  ('to', 0.03475791675150982),
  ('on', 0.0314712551804406),
  ('at', 0.024378011523015025),
  ('<s>', 0.022187607601348896),
  ('in', 0.019144660228803945),
  ('by', 0.01777263030494177),
  ('<unk>', 0.5981777343311669)],
 [('of', 0.10565038393849085),
  ('the', 0.08440200144428926),
  ('and', 0.05415913604161536),
  ('in', 0.04974312212120972),
  ('to', 0.04524125908579969),
  ('a', 0.040447158631791276),
  ('be', 0.02265850506529176),
  ('for', 0.022518988614812368),
  ('at', 0.02013727453217357),
  ('<unk>', 0.5550421705245261)],
 [('of', 0.2969768507105262),
  ('to', 0.09905299877620262),
  ('that', 0.06583316557948686),
  ('for', 0.06555765749383383),
  ('and', 0.05453929166783917),
  ('with', 0.04755022676808976),
  ('as', 0.04218252969382084),
  ('by', 0.035722526499264544),
  ('before', 0.030654241854599626),
  ('<unk>', 0.26193051095633646)],
 [('the', 0.4484291301209662),
  ('and', 0.06953080025281203),
  ('in', 0.032476137347320466),
  ('of', 0.03204268986254049),
  ('The', 0.028932652380451295),
  ('tho', 0.028278786725486605),
  ('a', 0.025345561804856528),
  ('to', 0.019084072545422746),
  ('on', 0.01598439191428619),
  ('<unk>', 0.2998957770458577)],
 [('the', 0.1324733791255823),
  ('of', 0.08028921421682624),
  ('and', 0.06449043014777758),
  ('a', 0.04792947037257922),
  ('to', 0.03425079054903791),
  ('in', 0.023215848516239136),
  ('at', 0.016139754844191268),
  ('.', 0.014115499727612866),
  ('<s>', 0.013839916334634932),
  ('<unk>', 0.5732556961655185)],
 [('<s>', 0.10134015328949432),
  ('it.', 0.015033054574922012),
  ('.', 0.012758437462521718),
  ('them.', 0.009466429931062975),
  ('follows:', 0.0067695536205230784),
  (':', 0.006255859701901441),
  ('him.', 0.006084539314183893),
  ('time.', 0.005687381129947643),
  ('country.', 0.00567561523772223),
  ('<unk>', 0.8309289757377207)],
 [('the', 0.1278780401900502),
  ('a', 0.10085900167600456),
  ('of', 0.09547992589535871),
  ('and', 0.09502681708791587),
  ('in', 0.06594447835951171),
  ('to', 0.053633228490476005),
  ('an', 0.03907336943680901),
  ('that', 0.023611097922266365),
  ('as', 0.020738813394187226),
  ('<unk>', 0.3777552275474203)],
 [('and', 0.08218295913548451),
  ('NOTICE', 0.06405455402117073),
  ('Mr.', 0.05769520522588964),
  ('to', 0.049143340975843185),
  ('IT', 0.046515557683948425),
  ('<s>', 0.03719863022665175),
  ('.', 0.03609688064842129),
  ('the', 0.03427438176206114),
  ('of', 0.031092081152366686),
  ('<unk>', 0.5617464091681627)],
 [('that', 0.2862094172378223),
  ('and', 0.13249863762393005),
  ('as', 0.10145427353782784),
  ('but', 0.09678016687935369),
  ('if', 0.07695819548255459),
  ('when', 0.054824303534195845),
  ('which', 0.05438444693200505),
  ('what', 0.03255765423780426),
  ('where', 0.03200732015535954),
  ('<unk>', 0.13232558437914688)],
 [('able', 0.06549138148675071),
  ('and', 0.05753972030246303),
  ('is', 0.05398533111549958),
  ('have', 0.05043836289718784),
  ('him', 0.05018375678816728),
  ('had', 0.04236168273335196),
  ('right', 0.04082781264755915),
  ('enough', 0.038356994082548716),
  ('willing', 0.03776878563046036),
  ('<unk>', 0.5630461723160114)],
 [('the', 0.31800443535529016),
  ('a', 0.1977071043745175),
  ('this', 0.1284698456462488),
  ('The', 0.07452434199739631),
  ('This', 0.040386992308342425),
  ('his', 0.03249215339550328),
  ('some', 0.019982900858029132),
  ('other', 0.019169201957907726),
  ('that', 0.018814881421175777),
  ('<unk>', 0.15044814268558881)],
 [('so', 0.20495941509442217),
  ('a', 0.13194359106077053),
  ('as', 0.11364140657545922),
  ('feet', 0.06434589071982869),
  ('not', 0.0579470404852807),
  ('and', 0.056642042037368126),
  ('how', 0.04618499917348062),
  ('Not', 0.0452073986346152),
  ('So', 0.04390806232427106),
  ('<unk>', 0.2352201538945038)],
 [('of', 0.40169377031746123),
  ('that', 0.12574404618378845),
  ('and', 0.08432179144120966),
  ('to', 0.07261157434144448),
  ('in', 0.05177032863227228),
  ('for', 0.03880638696730349),
  ('as', 0.03879074980894606),
  ('by', 0.029653027705161927),
  ('at', 0.0294829783592276),
  ('<unk>', 0.12712534624318472)],
 [('and', 0.1200959336175207),
  ('called', 0.0705703635735684),
  ('due', 0.030868105447435863),
  ('conferred', 0.029652898926765894),
  ('made', 0.02879367582662859),
  ('based', 0.025603790852949913),
  ('depend', 0.024819817798355782),
  ('imposed', 0.02426089392315025),
  ('call', 0.023660906906097404),
  ('<unk>', 0.6216736131275273)],
 [('and', 0.09006289097733194),
  ('of', 0.07321796394934378),
  ('the', 0.05740481753883828),
  ('to', 0.04892694902687886),
  ('in', 0.045999405439144866),
  ('for', 0.022860690909710484),
  ('in-', 0.022823727382520108),
  ('that', 0.02037373113978609),
  ('a', 0.020168313601984043),
  ('<unk>', 0.5981615100344615)],
 [('of', 0.10565038393849085),
  ('the', 0.08440200144428926),
  ('and', 0.05415913604161536),
  ('in', 0.04974312212120972),
  ('to', 0.04524125908579969),
  ('a', 0.040447158631791276),
  ('be', 0.02265850506529176),
  ('for', 0.022518988614812368),
  ('at', 0.02013727453217357),
  ('<unk>', 0.5550421705245261)],
 [('rate', 0.20844058741245006),
  ('sum', 0.1738246018953154),
  ('period', 0.11566530785758984),
  ('out', 0.03542943467449955),
  ('one', 0.03392293423077362),
  ('number', 0.03180337731651464),
  ('amount', 0.026139897796378715),
  ('distance', 0.024066797781757927),
  ('expiration', 0.02117815570505888),
  ('<unk>', 0.3295289053296615)],
 [('the', 0.35738608860744325),
  ('newly', 0.07131613084050649),
  ('be', 0.06506488446008657),
  ('duly', 0.06130197774745372),
  ('and', 0.05953129436682537),
  ('was', 0.04371128456097427),
  ('been', 0.04188679600114534),
  ('well', 0.037918676377357796),
  ('committee', 0.022999268578572128),
  ('<unk>', 0.23888359845963514)],
 [('and', 0.11711286280003837),
  ('laid', 0.06709639188399047),
  ('came', 0.06505267553150768),
  ('cut', 0.05450697155025244),
  ('break', 0.05410129222216032),
  ('went', 0.052533681360591326),
  ('lay', 0.049799431770737666),
  ('way', 0.04958797894172416),
  ('it', 0.04787828424255262),
  ('<unk>', 0.442330429696445)],
 [('the', 0.245588514401278),
  ('their', 0.16920509015256244),
  ('and', 0.11062786091959292),
  ('our', 0.10777164561826927),
  ('his', 0.09875873279440173),
  ('of', 0.07399326675719614),
  ('her', 0.057736132791096226),
  ('your', 0.045745642438449315),
  ('many', 0.03753478459933855),
  ('my', 0.03303832952781543),
  ('<unk>', 0.02)],
 [('has', 0.2265006533909451),
  ('have', 0.15490947589788087),
  ('was', 0.10139559419051958),
  ('had', 0.09922859843853468),
  ('be', 0.0654490262020263),
  ('and', 0.06245188765440975),
  ('is', 0.053436494961217426),
  ('he', 0.04468385228944303),
  ('been', 0.037455950512993164),
  ('<unk>', 0.15448846646203007)],
 [('the', 0.5622446446560825),
  ('The', 0.12775770795108948),
  ('a', 0.08862582859813513),
  ('of', 0.03546179526527146),
  ('tho', 0.027817818197498408),
  ('and', 0.02656502673790756),
  ('his', 0.02390867253738206),
  ('to', 0.016369165423537536),
  ('our', 0.013262375927916037),
  ('<unk>', 0.07798696470517996)],
 [('the', 0.2013935614849188),
  ('of', 0.12193557173763091),
  ('and', 0.08720928113438264),
  ('to', 0.06345288788643633),
  ('a', 0.05260925840283439),
  ('in', 0.03542101864770803),
  ('be', 0.033383140245814256),
  ('was', 0.02729806889618737),
  ('is', 0.025155782141625383),
  ('<unk>', 0.35214142942246185)],
 [('the', 0.4176646355820703),
  ('a', 0.2873190215735079),
  ('this', 0.04821023525623119),
  ('that', 0.029360044614269484),
  ('in', 0.028757472309104765),
  ('tho', 0.023718256424522532),
  ('The', 0.021760688618549757),
  ('and', 0.016019670576809197),
  ('first', 0.01373455109528545),
  ('<unk>', 0.11345542394964958)],
 [('of', 0.3635233565652571),
  ('to', 0.12533526593627714),
  ('and', 0.07894210654195619),
  ('by', 0.0727689001168864),
  ('that', 0.06560277159457378),
  ('for', 0.06305901829640537),
  ('in', 0.045180866728185234),
  ('on', 0.04283743834825841),
  ('with', 0.04089979822082625),
  ('<unk>', 0.10185047765137423)],
 [('one', 0.1205416303386925),
  ('part', 0.06944119767952432),
  ('out', 0.05592605372235919),
  ('some', 0.038098542342519255),
  ('members', 0.03637420179692493),
  ('side', 0.035860018084640774),
  ('portion', 0.025832203245739014),
  ('office', 0.023918125974121147),
  ('end', 0.023626759096503844),
  ('<unk>', 0.570381267718975)],
 [('and', 0.25895759307228705),
  ('the', 0.1884553787161524),
  ('any', 0.1075944169014531),
  ('in', 0.09514846958951186),
  ('of', 0.09356972260356475),
  ('all', 0.07495230092722467),
  ('or', 0.05227402603658682),
  ('to', 0.04995724694640394),
  ('with', 0.03772574603784969),
  ('<unk>', 0.04136509916896569)],
 [('the', 0.36468342647962104),
  ('their', 0.07473373360193646),
  ('of', 0.07331336735730305),
  ('his', 0.06381076313460045),
  ('such', 0.05854399762283007),
  ('our', 0.052816718559801315),
  ('for', 0.0452449252292612),
  ('in', 0.033365049634817956),
  ('its', 0.032091963075640106),
  ('<unk>', 0.20139605530418836)],
 [('and', 0.07457224274096026),
  ('put', 0.058616768093773995),
  ('work', 0.04923277975149289),
  ('it', 0.04617150445442632),
  ('out', 0.04424625605463806),
  ('placed', 0.03813951815736546),
  ('that', 0.0348338286669701),
  ('him', 0.033885059256732734),
  ('them', 0.03175402290534615),
  ('<unk>', 0.5885480199182941)],
 [('the', 0.12221738127652265),
  ('of', 0.08954531014800753),
  ('and', 0.07378646995411627),
  ('a', 0.06507963117029213),
  ('to', 0.06206462766320177),
  ('be', 0.0325579264734448),
  ('was', 0.03116610625888936),
  ('in', 0.027931142206998),
  ('is', 0.01785019317067732),
  ('<unk>', 0.47780121167785006)],
 [('the', 0.5853929518944659),
  ('an', 0.15925820874282803),
  ('The', 0.04984007159802635),
  ('and', 0.04704084020819758),
  ('tho', 0.037011325017654216),
  ('tbe', 0.016196330586119995),
  ('of', 0.012463852895891648),
  ('a', 0.0112272825686147),
  ('An', 0.010522382131171147),
  ('<unk>', 0.07104675435703023)],
 [('of', 0.38764501153036834),
  ('the', 0.19429706222812054),
  ('in', 0.09786089283467694),
  ('and', 0.057364125158442233),
  ('for', 0.04882687044613158),
  ('by', 0.02788226659719603),
  ('In', 0.022280292033435928),
  ('The', 0.019157114783848517),
  ('or', 0.017684948259155665),
  ('<unk>', 0.12700141612862426)],
 [('number', 0.1039997995785342),
  ('out', 0.0696644660427154),
  ('amount', 0.03636858032918872),
  ('loss', 0.03627492675967521),
  ('thousands', 0.025105925821044758),
  ('time', 0.0249367431527906),
  ('kind', 0.024777661264662788),
  ('plenty', 0.02474257062443378),
  ('all', 0.023516793347954854),
  ('<unk>', 0.6306125330789997)],
 [('of', 0.3193222419554182),
  ('and', 0.1015293709383907),
  ('that', 0.09934458137668782),
  ('to', 0.09205020932716451),
  ('by', 0.07015702182892061),
  ('with', 0.04427892967826052),
  ('from', 0.03857321086669437),
  ('all', 0.03824549425695881),
  ('on', 0.03482227899317155),
  ('<unk>', 0.16167666077833298)],
 [('said', 0.18638621203068764),
  ('the', 0.16610202764710544),
  ('a', 0.05408777432205082),
  ('of', 0.04568336949681132),
  ('one', 0.043613370920185246),
  ('North', 0.024242906483047586),
  ('other', 0.021299931069681668),
  ('and', 0.018166148827516288),
  ('South', 0.017802717264115378),
  ('<unk>', 0.4226155419387986)],
 [('they', 0.13785321387901558),
  ('I', 0.10070513273175621),
  ('it', 0.10014870153227491),
  ('he', 0.0886862857027678),
  ('you', 0.08661163007030727),
  ('and', 0.06977143970943082),
  ('we', 0.06498615427382584),
  ('who', 0.05725226571958288),
  ('which', 0.05326327679351063),
  ('<unk>', 0.2407218995875281)],
 [('two', 0.22139067700203946),
  ('Two', 0.08996230555147522),
  ('and', 0.06323440139463703),
  ('three', 0.04935320362254528),
  ('five', 0.027663528508659937),
  ('six', 0.022374706460781563),
  ('the', 0.020711628421851185),
  ('north', 0.018865519348559612),
  ('several', 0.018483204238428492),
  ('<unk>', 0.46796082545102224)],
 [('the', 0.16956271747097768),
  ('of', 0.12724795841324324),
  ('to', 0.052962046991646215),
  ('boy.', 0.04404777054043019),
  ('girl.', 0.04249770062094717),
  ('and', 0.03938550345552689),
  ('a', 0.03687061746818377),
  ('in', 0.03194767915467013),
  ('for', 0.027454910546044514),
  ('<unk>', 0.42802309533833016)],
 [('of', 0.1863312714165472),
  ('the', 0.13784649940988156),
  ('and', 0.062069130067922106),
  ('to', 0.05721352426413411),
  ('for', 0.05664706739213483),
  ('in', 0.047662280518155256),
  ('a', 0.029232038493990815),
  ('with', 0.021803960550710044),
  ('at', 0.020776080329821305),
  ('<unk>', 0.3804181475567029)],
 [('the', 0.46607996675729313),
  ('and', 0.1705682308544002),
  ('his', 0.06631908064354229),
  ('of', 0.059813351004363996),
  ('a', 0.042615224088962685),
  ('The', 0.03416721948111877),
  ('tho', 0.03324406105443207),
  ('their', 0.03264024960065463),
  ('in', 0.0276159538092244),
  ('<unk>', 0.06693666270600773)],
 [('the', 0.1324733791255823),
  ('of', 0.08028921421682624),
  ('and', 0.06449043014777758),
  ('a', 0.04792947037257922),
  ('to', 0.03425079054903791),
  ('in', 0.023215848516239136),
  ('at', 0.016139754844191268),
  ('.', 0.014115499727612866),
  ('<s>', 0.013839916334634932),
  ('<unk>', 0.5732556961655185)],
 [('of', 0.4156953457180887),
  ('in', 0.1404493895264397),
  ('to', 0.07674961003541551),
  ('for', 0.07483793353709006),
  ('that', 0.054642668440138806),
  ('by', 0.040432084856441716),
  ('with', 0.03469004985949995),
  ('as', 0.031488863362012454),
  ('In', 0.03017374238953089),
  ('<unk>', 0.1008403122753424)],
 [('of', 0.1658385331408854),
  ('and', 0.11335042903558827),
  ('in', 0.10546474216040358),
  ('to', 0.06920234306308296),
  ('any', 0.06324822480570702),
  ('from', 0.05961093657489476),
  ('the', 0.05834967477000092),
  ('for', 0.05262114465361003),
  ('by', 0.04953017416976558),
  ('<unk>', 0.2627837976260614)],
 [('to', 0.3367561029498786),
  ('will', 0.21927650963654058),
  ('would', 0.1433275880234629),
  ('may', 0.05795846444131263),
  ('should', 0.05051617325918136),
  ('shall', 0.04583660364840147),
  ('not', 0.037050739760744245),
  ('must', 0.03531655013039302),
  ('can', 0.018764514796054347),
  ('<unk>', 0.05519675335403085)],
 [('title', 0.492048301228516),
  ('principal', 0.2110035368130073),
  ('dollars', 0.013660689781238976),
  ('land', 0.012856483680767307),
  ('due', 0.011393424340488467),
  ('costs', 0.010162825255851719),
  ('mortgage', 0.0096484115684501),
  ('terms', 0.005981150177294528),
  ('redemption', 0.005945142924811817),
  ('<unk>', 0.22730003422957368)],
 [('of', 0.27941466721686997),
  ('in', 0.13100932606086182),
  ('and', 0.09362108365996213),
  ('by', 0.09022030943536928),
  ('to', 0.08757356090584499),
  ('that', 0.0784711586083374),
  ('for', 0.045925571992516026),
  ('with', 0.04487094823434977),
  ('all', 0.03757296046143723),
  ('<unk>', 0.11132041342445131)],
 [('and', 0.11782721476774022),
  ('the', 0.10393868209531919),
  ('of', 0.08176823333520143),
  ('to', 0.06455834986229553),
  ('be', 0.043434917293872166),
  ('was', 0.04048950016813033),
  ('in', 0.036304682425844254),
  ('is', 0.029741783379212385),
  ('are', 0.024228703480865497),
  ('<unk>', 0.4577079331915189)],
 [('day', 0.5305747636004166),
  ('side', 0.036738372788593224),
  ('State', 0.03295224100886775),
  ('part', 0.02474901660815705),
  ('corner', 0.01967782753228149),
  ('date', 0.019612638111310966),
  ('state', 0.018348980933637234),
  ('Monday', 0.01768023741825607),
  ('feet', 0.016340503689924783),
  ('<unk>', 0.28332541830855473)],
 [('the', 0.06942255200676449),
  ('of', 0.0683222216964398),
  ('and', 0.056777438917394125),
  ('to', 0.05014997904363118),
  ('.', 0.037294476267252435),
  ('by', 0.03588202592724916),
  ('Mrs.', 0.03073716042173811),
  ('<s>', 0.021496290381946514),
  ('was', 0.021156071251753936),
  ('<unk>', 0.6087617840858301)],
 [('was', 0.148179615042627),
  ('and', 0.12110529920148377),
  ('have', 0.09848408807714133),
  ('are', 0.08040932614859955),
  ('were', 0.07407608105825261),
  ('is', 0.07324045808091452),
  ('been', 0.07006964511384954),
  ('has', 0.06695100478691146),
  ('be', 0.05950283566226915),
  ('<unk>', 0.20798164682795117)],
 [('the', 0.16956271747097768),
  ('of', 0.12724795841324324),
  ('to', 0.052962046991646215),
  ('boy.', 0.04404777054043019),
  ('girl.', 0.04249770062094717),
  ('and', 0.03938550345552689),
  ('a', 0.03687061746818377),
  ('in', 0.03194767915467013),
  ('for', 0.027454910546044514),
  ('<unk>', 0.42802309533833016)],
 [('of', 0.28997261662042134),
  ('and', 0.1141241657616463),
  ('to', 0.09539950360920231),
  ('for', 0.08766374797006159),
  ('that', 0.08156523275856735),
  ('in', 0.07008883330894236),
  ('with', 0.0498591313643033),
  ('by', 0.03803202092894638),
  ('on', 0.029443573312123446),
  ('<unk>', 0.14385117436578565)],
 [('and', 0.1294065711475672),
  ('the', 0.09667121773941752),
  ('of', 0.08071182637066181),
  ('to', 0.03841293382277758),
  ('that', 0.030108339898343325),
  ('in', 0.023204093942160938),
  ('a', 0.022410483094654515),
  ('which', 0.020944546471515856),
  ('for', 0.018874259599107567),
  ('<unk>', 0.5392557279137937)],
 [('and', 0.10390854782677914),
  ('him', 0.03136987906957087),
  ('application', 0.030949379917154393),
  ('was', 0.03072357127514707),
  ('up', 0.028093816436511532),
  ('it', 0.027809570783397835),
  ('made', 0.023943907014584053),
  ('out', 0.023075234825870615),
  ('them', 0.022551901956613416),
  ('<unk>', 0.6775741908943711)],
 [('and', 0.13235027000914415),
  ('so', 0.07005502103262341),
  ('fact', 0.05294744118184438),
  ('said', 0.050095180103583534),
  ('all', 0.04034932921251771),
  ('say', 0.03951963061386086),
  ('of', 0.03920509758285762),
  ('is', 0.035905126135521846),
  ('to', 0.02869024814374973),
  ('<unk>', 0.5108826559842967)],
 [('provided', 0.07873742501782581),
  ('and', 0.06333618424999106),
  ('demand', 0.030002018010064108),
  ('accounted', 0.02958912966768207),
  ('paid', 0.028465826407146358),
  ('them', 0.02456373356682508),
  ('cared', 0.02314327013962671),
  ('or', 0.022536844030025486),
  ('not', 0.022172928406410553),
  ('<unk>', 0.6774526405044028)],
 [('conveyed', 0.1301309554549806),
  ('due', 0.11540444983590015),
  ('pursuant', 0.0958806539744383),
  ('belonging', 0.0893780190749067),
  ('prior', 0.06316213323340832),
  ('thence', 0.04687904624030833),
  ('title', 0.04038865535151032),
  ('and', 0.03639900379255193),
  ('angles', 0.03172760397920739),
  ('<unk>', 0.350649479062788)],
 [('the', 0.13726325260478964),
  ('and', 0.0820680531980949),
  ('of', 0.07749334349745228),
  ('that', 0.05881594594166598),
  ('in', 0.032706467893162554),
  ('The', 0.021614093703446614),
  ('which', 0.021085415418084223),
  ('a', 0.01816830259017705),
  ('Mr.', 0.01806854453421035),
  ('<unk>', 0.5327165806189164)],
 [('the', 0.3539505147331076),
  ('a', 0.13055517935890615),
  ('of', 0.12563767509701057),
  ('and', 0.07679374212946818),
  ('The', 0.042592992914660316),
  ('in', 0.027067980803936152),
  ('tho', 0.025472420949299045),
  ('that', 0.013640893998837358),
  ('to', 0.010233086011844748),
  ('<unk>', 0.19405551400292986)],
 [('the', 0.16867771292794925),
  ('of', 0.10557628535004494),
  ('a', 0.08559037306685947),
  ('and', 0.05325824545239747),
  ('or', 0.04391071853810136),
  ('to', 0.04145344786769601),
  ('in', 0.035128625153544035),
  ('any', 0.025210389774161304),
  ('be', 0.019007463447163645),
  ('<unk>', 0.42218673842208243)],
 [('the', 0.5203700674253571),
  ('two', 0.08115762291929632),
  ('three', 0.043315071498384754),
  ('The', 0.03909975231192694),
  ('tho', 0.03782548287623232),
  ('a', 0.03243109447232996),
  ('and', 0.029411073981316403),
  ('other', 0.01712859128603835),
  ('four', 0.016896808860476027),
  ('<unk>', 0.1823644343686418)],
 [('of', 0.27453137310243786),
  ('for', 0.18864130040874094),
  ('during', 0.16461168187132985),
  ('at', 0.07977693123129632),
  ('to', 0.06804158733247805),
  ('in', 0.06476055976554851),
  ('and', 0.042036168444692074),
  ('that', 0.03962523731455446),
  ('on', 0.024792569746369474),
  ('<unk>', 0.0531825907825525)],
 [('the', 0.762782374963806),
  ('tho', 0.04778422057388247),
  ('The', 0.03685455583073614),
  ('of', 0.024905283205165083),
  ('tbe', 0.021064108782757527),
  ('and', 0.009883024540332633),
  ('a', 0.00928771000018004),
  ('in', 0.00706215666011868),
  ('by', 0.005421528003026931),
  ('<unk>', 0.07495503743999454)],
 [('of', 0.10565038393849085),
  ('the', 0.08440200144428926),
  ('and', 0.05415913604161536),
  ('in', 0.04974312212120972),
  ('to', 0.04524125908579969),
  ('a', 0.040447158631791276),
  ('be', 0.02265850506529176),
  ('for', 0.022518988614812368),
  ('at', 0.02013727453217357),
  ('<unk>', 0.5550421705245261)],
 [('and', 0.1298877600298086),
  ('of', 0.1119723515082977),
  ('the', 0.0840272879391285),
  ('to', 0.06321213287856162),
  ('I', 0.024570870592101526),
  ('de-', 0.021598717326675815),
  ('Mrs.', 0.017927059344698786),
  ('at', 0.017925759666226358),
  ('was', 0.015174077652431329),
  ('<unk>', 0.5137039830620698)],
 [('the', 0.19226424525814056),
  ('of', 0.12190387140652532),
  ('to', 0.11895645512297949),
  ('and', 0.04955306987672185),
  ('from', 0.03868754012881149),
  ('at', 0.03516208685541819),
  ('for', 0.019707382049926885),
  ('said', 0.014627660948244336),
  ('in', 0.01423152299250055),
  ('<unk>', 0.3949061653607314)],
 [('time', 0.03338598819989085),
  ('man', 0.028140093444034363),
  ('more', 0.02790526711267792),
  ('one', 0.02573595417266504),
  ('men', 0.023503467380071266),
  ('her', 0.020978530855610966),
  ('good', 0.018714799027690802),
  ('him', 0.01812140505080755),
  ('long', 0.017352819390539342),
  ('<unk>', 0.7861616753660119)],
 [('of', 0.1526053752125803),
  ('and', 0.12974514272190066),
  ('in', 0.12150204571511754),
  ('to', 0.09173734993238007),
  ('the', 0.08637344997548735),
  ('from', 0.07146843439728816),
  ('any', 0.056568558777201135),
  ('by', 0.05511893026060036),
  ('only', 0.0505517426733257),
  ('<unk>', 0.18432897033411877)],
 [('those', 0.15580705419367266),
  ('men', 0.07792402106667753),
  ('and', 0.07108768504887708),
  ('man', 0.0625617163079269),
  ('all', 0.03245844268904198),
  ('people', 0.030905288350146488),
  ('one', 0.025299809440408428),
  ('persons', 0.020484387386659135),
  ('person', 0.01592012660662035),
  ('<unk>', 0.5075514689099694)],
 [('lot', 0.06829390404994051),
  ('block', 0.037342748512845546),
  ('and', 0.03464491857804631),
  ('Township', 0.03120797961905106),
  ('of', 0.030888082385573595),
  ('.', 0.02872995573417221),
  ('Block', 0.023921574443990512),
  ('<s>', 0.02109383642243038),
  ('the', 0.01852040538146286),
  ('<unk>', 0.7053565948724869)],
 [('and', 0.08568579790722883),
  ('together', 0.07115146641918871),
  ('covered', 0.04062626269313198),
  ('him', 0.03257715900891318),
  ('up', 0.030749833545640138),
  ('met', 0.02671250451344455),
  ('them', 0.023378587992849833),
  ('it', 0.022755447462510126),
  ('but', 0.020639913454149058),
  ('<unk>', 0.6457230270029437)],
 [('and', 0.09020184496660856),
  ('recorded', 0.03622574534550004),
  ('was', 0.03579342649105295),
  ('made', 0.035587204463345457),
  ('that', 0.03195315766518325),
  ("o'clock", 0.031925722479167175),
  ('up', 0.02683627480199102),
  ('is', 0.025634134893940484),
  ('found', 0.024329658719814063),
  ('<unk>', 0.661512830173397)],
 [('of', 0.558856729908396),
  ('in', 0.143546506540876),
  ('to', 0.07812098629538144),
  ('by', 0.043561295737198615),
  ('for', 0.035582825929226056),
  ('that', 0.027839213991472923),
  ('and', 0.02277469427187765),
  ('In', 0.02198390602141755),
  ('from', 0.021495391471323635),
  ('<unk>', 0.04623844983283032)],
 [('time', 0.026045581248052042),
  ('more', 0.021090594713352506),
  ('it', 0.01779265328823748),
  ('him', 0.015710506817736267),
  ('in', 0.015252311843046998),
  ('large', 0.014910888983862097),
  ('men', 0.01325617044557358),
  ('costs', 0.012024219600094496),
  ('out', 0.011933108371355052),
  ('<unk>', 0.8519839646886895)],
 [('and', 0.15277942365439448),
  ('that', 0.03541457870000724),
  ('was', 0.03127979134015158),
  ('men', 0.02301099187654884),
  ('is', 0.019528748023693913),
  ('secretary', 0.018207752709917167),
  ('people', 0.017505265160746856),
  ('office', 0.01705493688032477),
  ('but', 0.01669969964823476),
  ('<unk>', 0.6685188120059804)],
 [('to', 0.6434495018008924),
  ('and', 0.11499429582893594),
  ('would', 0.05145802095860496),
  ('will', 0.03125898748031698),
  ('coun-', 0.02621658386281007),
  ('not', 0.0212874578254202),
  ('who', 0.01613936709420759),
  ('I', 0.0159785297904035),
  ('or', 0.012885389762960777),
  ('<unk>', 0.06633186559544746)],
 [('the', 0.11184037003994204),
  ('of', 0.08036075083597045),
  ('to', 0.054010950498411064),
  ('and', 0.04942367019947615),
  ('.', 0.04400568842309729),
  ('Mr.', 0.04267305040162699),
  ('a', 0.03726591706131789),
  ('in', 0.029714744778732375),
  ('his', 0.020301083376095933),
  ('<unk>', 0.5304037743853298)],
 [('the', 0.1324733791255823),
  ('of', 0.08028921421682624),
  ('and', 0.06449043014777758),
  ('a', 0.04792947037257922),
  ('to', 0.03425079054903791),
  ('in', 0.023215848516239136),
  ('at', 0.016139754844191268),
  ('.', 0.014115499727612866),
  ('<s>', 0.013839916334634932),
  ('<unk>', 0.5732556961655185)],
 [('and', 0.039473850118374655),
  ('the', 0.03713873269704777),
  ('<s>', 0.02827386244869045),
  ('.', 0.027594084885061414),
  ('of', 0.020431867241676126),
  ('to', 0.011848599413820105),
  ('a', 0.011329743301872272),
  ('that', 0.010869682696704184),
  ('at', 0.010396785508837743),
  ('<unk>', 0.8026427916879153)],
 [('the', 0.6178627894052683),
  ('a', 0.0510410755689451),
  ('tho', 0.044305624363240925),
  ('The', 0.03334351580560615),
  ('two', 0.028134466023506388),
  ('or', 0.026132080696796487),
  ('several', 0.02599150656865326),
  ('three', 0.025785305042346624),
  ('other', 0.02117937501320831),
  ('<unk>', 0.1262242615124285)],
 [('the', 0.1324733791255823),
  ('of', 0.08028921421682624),
  ('and', 0.06449043014777758),
  ('a', 0.04792947037257922),
  ('to', 0.03425079054903791),
  ('in', 0.023215848516239136),
  ('at', 0.016139754844191268),
  ('.', 0.014115499727612866),
  ('<s>', 0.013839916334634932),
  ('<unk>', 0.5732556961655185)],
 [('the', 0.3388788047393644),
  ('of', 0.19092477214429296),
  ('and', 0.08390356522649292),
  ('a', 0.0700745058536596),
  ('an', 0.0616561072431881),
  ('The', 0.056611399640811626),
  ('his', 0.03292090558202619),
  ('for', 0.02858469257124616),
  ('great', 0.02696753550062499),
  ('<unk>', 0.109477711498293)],
 [('and', 0.22533081169688726),
  ('was', 0.13012222623796102),
  ('been', 0.10181419043141325),
  ('be', 0.08349505927317567),
  ('is', 0.07467763710316011),
  ('are', 0.05903970268247686),
  ('were', 0.05603939943891627),
  ('of', 0.027914075202027544),
  ('the', 0.027659497363174638),
  ('<unk>', 0.21390740057080737)],
 [('of', 0.3379823062059668),
  ('in', 0.18511634603485436),
  ('to', 0.09965721256018094),
  ('for', 0.07215859410224966),
  ('by', 0.06210931170392228),
  ('In', 0.048510473284926296),
  ('that', 0.04683624174752703),
  ('with', 0.04286826377735259),
  ('at', 0.03803981099488795),
  ('<unk>', 0.06672143958813204)],
 [('and', 0.10498897598733146),
  ('it', 0.039261030418228794),
  ('is', 0.03700926902179488),
  ('was', 0.03478130264662748),
  ('look', 0.030037089954840182),
  ('him', 0.02882111520012969),
  ('that', 0.027233835203910914),
  ('are', 0.025285952580266245),
  ('out', 0.022244274231818274),
  ('<unk>', 0.650337154755052)],
 [('the', 0.1475285857024244),
  ('and', 0.10214954290246134),
  ('of', 0.07023526084952605),
  ('to', 0.06659587280491988),
  ('in', 0.042478925982997524),
  ('was', 0.04085598754921038),
  ('a', 0.03621667520656444),
  ('be', 0.03474789007267936),
  ('is', 0.02434320289447428),
  ('<unk>', 0.4348480560347423)],
 [('of', 0.2925280762894125),
  ('and', 0.11170832960203175),
  ('that', 0.09056618144229374),
  ('to', 0.0850495079115388),
  ('in', 0.06831888264799266),
  ('all', 0.04844970119137267),
  ('on', 0.045875429907647015),
  ('by', 0.04442171673307885),
  ('for', 0.03849310928061766),
  ('<unk>', 0.17458906499401428)],
 [('of', 0.29988466597400776),
  ('in', 0.19132402040466479),
  ('to', 0.08408685660689669),
  ('for', 0.08229642328803148),
  ('with', 0.07522042475662752),
  ('on', 0.05547544687538886),
  ('by', 0.051771545407506434),
  ('from', 0.03848482351287687),
  ('In', 0.03704952174532999),
  ('<unk>', 0.08440627142866974)],
 [('purpose', 0.10013019111977536),
  ('out', 0.06965745623052721),
  ('number', 0.06325030625238656),
  ('one', 0.04182109389706831),
  ('amount', 0.04002392052066608),
  ('means', 0.03630253575990485),
  ('instead', 0.03624784974076071),
  ('cost', 0.03449201190271019),
  ('way', 0.030529193938705703),
  ('<unk>', 0.5475454406374951)],
 [('of', 0.1345778778187465),
  ('the', 0.09677958417783535),
  ('to', 0.07585842257099137),
  ('a', 0.058321877878187676),
  ('and', 0.054150327545222914),
  ('in', 0.033433897020929804),
  ('at', 0.02562497792562624),
  ('be', 0.02147107419210888),
  ('for', 0.02136434967417902),
  ('<unk>', 0.4784176111961723)],
 [('the', 0.5033669572076164),
  ('The', 0.14126204065375364),
  ('of', 0.06774918460802999),
  ('cold', 0.03859129128094878),
  ('tho', 0.030185934623596623),
  ('our', 0.019030433942388347),
  ('this', 0.016541348533004967),
  ('hot', 0.013898280934047828),
  ('their', 0.013591380838317318),
  ('<unk>', 0.15578314737829613)],
 [('the', 0.17864796141204398),
  ('of', 0.09196665623770642),
  ('and', 0.08410534834096123),
  ('a', 0.07354462527271075),
  ('to', 0.056586983496800074),
  ('be', 0.035133365211565716),
  ('was', 0.030454074264782943),
  ('is', 0.02765140983152721),
  ('in', 0.020884259840775292),
  ('<unk>', 0.40102531609112646)],
 [(';', 0.01567289065104048),
  ('in', 0.015445901597368573),
  ('it,', 0.012280530014484958),
  ('them,', 0.008678399115323709),
  ('due', 0.008251774035427636),
  ('up', 0.007786436819545286),
  ('made', 0.00748167205999264),
  ('States', 0.007382818161939686),
  ('city', 0.007280803809437694),
  ('<unk>', 0.9097387737354393)],
 [('at', 0.25527983660880177),
  ('to', 0.16143159617639033),
  ('of', 0.16017658314021613),
  ('in', 0.09838477761500904),
  ('on', 0.04352115474918322),
  ('In', 0.030965040416747452),
  ('and', 0.0300063569377666),
  ('At', 0.02791491938370442),
  ('with', 0.025782806024014816),
  ('<unk>', 0.1665369289481663)],
 [('one', 0.1205416303386925),
  ('part', 0.06944119767952432),
  ('out', 0.05592605372235919),
  ('some', 0.038098542342519255),
  ('members', 0.03637420179692493),
  ('side', 0.035860018084640774),
  ('portion', 0.025832203245739014),
  ('office', 0.023918125974121147),
  ('end', 0.023626759096503844),
  ('<unk>', 0.570381267718975)],
 [('and', 0.11704484879486529),
  ('of', 0.08647324824439317),
  ('the', 0.07504647063003804),
  ('to', 0.05648891200281103),
  ('is', 0.043548968142828236),
  ('there', 0.03380514035359947),
  ('be', 0.033018258556746456),
  ('I', 0.03287086724792845),
  ('or', 0.03081095616865646),
  ('<unk>', 0.49089232985813347)],
 [('of', 0.3395217692995523),
  ('to', 0.10402908930680646),
  ('in', 0.1028256333134153),
  ('and', 0.06130859667555112),
  ('on', 0.055257477036530514),
  ('by', 0.054458580531476175),
  ('for', 0.05279457725463965),
  ('with', 0.04043856418563209),
  ('that', 0.04017622699660164),
  ('<unk>', 0.14918948539979482)],
 [('one', 0.016334336788415286),
  ('more', 0.015434481407001339),
  ('day', 0.011144337015432928),
  ('two', 0.011074874526923139),
  ('on', 0.010469285077577101),
  ('man', 0.008099006796993343),
  ('person', 0.007787445623177588),
  ('in', 0.007638326948387105),
  ('law', 0.006944042507916115),
  ('<unk>', 0.9050738633081761)],
 [('the', 0.6870450938748696),
  ('large', 0.07176682175978007),
  ('The', 0.054005306597042724),
  ('total', 0.03489308691267472),
  ('tho', 0.027773529954144217),
  ('whole', 0.023988444539213016),
  ('an', 0.020346496023321),
  ('vast', 0.01835795609213406),
  ('a', 0.016716209181279),
  ('<unk>', 0.04510705506554169)],
 [('and', 0.0745385342491326),
  ('but', 0.027958933683766226),
  ('him', 0.0227367961671716),
  ('it', 0.02244282528055782),
  ('asked', 0.021697422055605944),
  ('me', 0.021649490674742387),
  ('time', 0.019631021910980748),
  ('them', 0.017365707334095922),
  ('was', 0.015371915767148381),
  ('<unk>', 0.7566073528767984)],
 [('the', 0.19202644742501446),
  ('of', 0.11867283998718424),
  ('and', 0.05851618565135104),
  ('a', 0.046876616151792776),
  ('to', 0.04455255836256714),
  ('in', 0.029159379332202712),
  ('was', 0.02234033867075358),
  ('his', 0.02181402596039465),
  ('be', 0.01955621435195013),
  ('<unk>', 0.44648539410678934)],
 [('the', 0.25408781569160355),
  ('of', 0.10090773393234777),
  ('and', 0.08735578630072013),
  ('a', 0.041530428563798676),
  ('to', 0.03443897389611807),
  ('The', 0.030427261274351174),
  ('as', 0.02284740728633584),
  ('or', 0.019976855954047162),
  ('in', 0.019561986381576326),
  ('<unk>', 0.38886575071910123)],
 [('of', 0.16490650493017178),
  ('in', 0.09424501452410461),
  ('as', 0.07772250256651461),
  ('to', 0.07439818130211795),
  ('with', 0.07436662098887521),
  ('is', 0.06929524124389311),
  ('and', 0.0638959829882729),
  ('was', 0.053684789454677334),
  ('for', 0.050572135171843745),
  ('<unk>', 0.2769130268295287)],
 [('to', 0.1448356744831347),
  ('was', 0.1402659603746281),
  ('and', 0.12810602885578337),
  ('the', 0.09624457996818304),
  ('be', 0.08935174779490715),
  ('a', 0.061183195613947576),
  ('of', 0.05963605273115767),
  ('is', 0.050531549450871426),
  ('been', 0.04614912826911647),
  ('<unk>', 0.1836960824582704)],
 [('of', 0.5633956397699486),
  ('in', 0.098191413755677),
  ('to', 0.07503586009066816),
  ('by', 0.04028404315674593),
  ('from', 0.03540602033467973),
  ('on', 0.032304514786847295),
  ('and', 0.03189623123721435),
  ('that', 0.02706728471347642),
  ('for', 0.019093116471458324),
  ('<unk>', 0.0773258756832843)],
 [('of', 0.10565038393849085),
  ('the', 0.08440200144428926),
  ('and', 0.05415913604161536),
  ('in', 0.04974312212120972),
  ('to', 0.04524125908579969),
  ('a', 0.040447158631791276),
  ('be', 0.02265850506529176),
  ('for', 0.022518988614812368),
  ('at', 0.02013727453217357),
  ('<unk>', 0.5550421705245261)],
 [('that', 0.15655224854633407),
  ('and', 0.12397912128579547),
  ('which', 0.09927504226930166),
  ('when', 0.07086148402122774),
  ('as', 0.06301042379750996),
  ('to', 0.060960491076395014),
  ('if', 0.03229939612282978),
  ('will', 0.03213876454976629),
  ('but', 0.03157336630793051),
  ('<unk>', 0.3293496620229094)],
 [('<s>', 0.0896163778465217),
  ('and', 0.035771547753897855),
  ('of', 0.029849734924155474),
  ('in', 0.028005951211738263),
  ('it.', 0.02429038306560563),
  ('the', 0.024037946718015374),
  ('at', 0.020256483510280244),
  ('to', 0.01766748796338175),
  ('for', 0.014752921632953534),
  ('<unk>', 0.7157511653734502)],
 [('that', 0.226485451140747),
  ('as', 0.14940949409054172),
  ('if', 0.10860095233940446),
  ('which', 0.10327137011106248),
  ('and', 0.08470611018361492),
  ('what', 0.05821922014067148),
  ('when', 0.04110253528457025),
  ('whether', 0.037246540891339726),
  ('If', 0.036630230210909456),
  ('<unk>', 0.15432809560713845)],
 [('the', 0.1324733791255823),
  ('of', 0.08028921421682624),
  ('and', 0.06449043014777758),
  ('a', 0.04792947037257922),
  ('to', 0.03425079054903791),
  ('in', 0.023215848516239136),
  ('at', 0.016139754844191268),
  ('.', 0.014115499727612866),
  ('<s>', 0.013839916334634932),
  ('<unk>', 0.5732556961655185)],
 [('a', 0.1731252643709356),
  ('the', 0.1724930683851701),
  ('of', 0.1371847596190583),
  ('in', 0.09064209817792741),
  ('this', 0.06596638723639792),
  ('his', 0.05032808040689266),
  ('and', 0.032472773813827675),
  ('to', 0.031946837783778353),
  ('for', 0.027423135149708264),
  ('<unk>', 0.21841759505630376)],
 [('the', 0.7976981899688288),
  ('The', 0.07290886018655633),
  ('tho', 0.047385463579782565),
  ('a', 0.023397217340808994),
  ('tbe', 0.01658328803457595),
  ('and', 0.009167962291766632),
  ('Tho', 0.004289015107019433),
  ('be', 0.0037707465483330384),
  ('or', 0.003599161257341527),
  ('<unk>', 0.02120009568498671)],
 [('No.', 0.14956661532337548),
  ('and', 0.09450784517996615),
  ('lot', 0.0832901854122958),
  ('the', 0.05620333614169582),
  ('block', 0.04091785140140672),
  ('section', 0.040280811448358586),
  ('to', 0.03569795100719195),
  ('Section', 0.03556834252226239),
  ('of', 0.03479077042695154),
  ('<unk>', 0.4291762911364956)],
 [('number', 0.09765869394854171),
  ('one', 0.04931919338296465),
  ('out', 0.04706746299998176),
  ('amount', 0.035831306517977446),
  ('loss', 0.025380777311298643),
  ('hundreds', 0.025251702606396628),
  ('that', 0.024497816669363518),
  ('use', 0.02372279834488861),
  ('course', 0.023693461771224774),
  ('<unk>', 0.6475767864473623)],
 [('the', 0.26665031495925423),
  ('of', 0.10622997269851642),
  ('to', 0.08678966492227091),
  ('and', 0.08276726708052222),
  ('in', 0.06954840627142096),
  ('a', 0.038138026881479756),
  ('for', 0.022081481066010954),
  ('The', 0.020549117312521764),
  ('tho', 0.01912673384093295),
  ('<unk>', 0.2881190149670698)],
 [('the', 0.7130304659994088),
  ('and', 0.046138485362106914),
  ('a', 0.04463351788388265),
  ('or', 0.04148387914560946),
  ('to', 0.031256039303698045),
  ('tho', 0.030929110802356514),
  ('The', 0.02727294374670987),
  ('unanimous', 0.022387147208768388),
  ('tbe', 0.012257887354926493),
  ('<unk>', 0.030610523192532768)],
 [('time', 0.017752291723494837),
  ('in', 0.014431705148698447),
  ('him', 0.013481148064089659),
  ('it', 0.012233349901095172),
  ('made', 0.011269126261757256),
  ('more', 0.011128149372533034),
  ('due', 0.009600133943813097),
  ('right', 0.009517317256863545),
  (';', 0.009422947770326994),
  ('<unk>', 0.891163830557328)],
 [('he', 0.1720626473546925),
  ('it', 0.1079109694853918),
  ('I', 0.09484150028146858),
  ('He', 0.0741651055185219),
  ('It', 0.07228539952810228),
  ('which', 0.05579143093541078),
  ('and', 0.04613811065770232),
  ('she', 0.04410207388650794),
  ('who', 0.034977091170225745),
  ('<unk>', 0.2977256711819761)],
 [('the', 0.18681492757803753),
  ('a', 0.09946627881923072),
  ('and', 0.08573220339456897),
  ('of', 0.06448506185745481),
  ('Mr.', 0.04085702472932945),
  ('to', 0.03050251159967304),
  ('The', 0.028723568073975),
  ('in', 0.02736618823939295),
  ('I', 0.024077521816791216),
  ('<unk>', 0.4119747138915463)],
 [('virtue', 0.07412378792543411),
  ('out', 0.06420314235542073),
  ('part', 0.04033175259702803),
  ('one', 0.03436212360017091),
  ('quarter', 0.031282175451779304),
  ('favor', 0.023924168078092212),
  ('result', 0.022706778993726206),
  ('that', 0.02255765837943521),
  ('guilty', 0.02250315629629473),
  ('<unk>', 0.6640052563226186)],
 [('of', 0.15040787954955787),
  ('the', 0.10501452496208422),
  ('in', 0.0949241437170936),
  ('and', 0.04322775013430087),
  ('a', 0.039357530935971934),
  ('to', 0.03357628516975285),
  ('for', 0.03276665523802647),
  ('that', 0.025401598918511077),
  ('In', 0.02466250335093983),
  ('<unk>', 0.45066112802376135)],
 [('of', 0.10565038393849085),
  ('the', 0.08440200144428926),
  ('and', 0.05415913604161536),
  ('in', 0.04974312212120972),
  ('to', 0.04524125908579969),
  ('a', 0.040447158631791276),
  ('be', 0.02265850506529176),
  ('for', 0.022518988614812368),
  ('at', 0.02013727453217357),
  ('<unk>', 0.5550421705245261)],
 [('the', 0.7862566835388933),
  ('tho', 0.04648380637306776),
  ('The', 0.03480839287585733),
  ('and', 0.020265985019361447),
  ('in', 0.019216555829953144),
  ('tbe', 0.016572960417816123),
  ('on', 0.016387424865707788),
  ('of', 0.011660083422576042),
  ('or', 0.011298252363344483),
  ('<unk>', 0.03704985529342253)],
 [('as', 0.08645623199842382),
  ('according', 0.06632614439931761),
  ('up', 0.06555556764968726),
  ('and', 0.05084158391263602),
  ('went', 0.04266234177372302),
  ('back', 0.04144513542293907),
  ('regard', 0.040538616440007634),
  ('feet', 0.03549280763625624),
  ('down', 0.034607404771419555),
  ('<unk>', 0.5360741659955898)],
 [('and', 0.06107415979403825),
  ('ready', 0.0583110576629853),
  ('was', 0.03786618745071227),
  ('demand', 0.03637359729492372),
  ('time', 0.03609903214015051),
  ('used', 0.03431585607683722),
  ('up', 0.029720988027820264),
  ('is', 0.029121261667242875),
  ('made', 0.02676788912399466),
  ('<unk>', 0.650349970761295)],
 [('and', 0.11980491393739483),
  ('that', 0.04989681550042565),
  ('made', 0.03747754441860897),
  ('was', 0.03434669091949159),
  ('is', 0.03419502465868865),
  ('placed', 0.026586950906482495),
  ('or', 0.026280399381917872),
  ('be', 0.025537271133029296),
  ('now', 0.024749072427076434),
  ('<unk>', 0.6211253167168842)],
 [('a', 0.6561579235874948),
  ('of', 0.06981001477271633),
  ('with', 0.042182852843340043),
  ('in', 0.03923544037904239),
  ('for', 0.03764424823232778),
  ('A', 0.027238244981013553),
  ('and', 0.024935627505756803),
  ('that', 0.0240926661966923),
  ('very', 0.02369252761964303),
  ('<unk>', 0.05501045388197301)],
 [('able', 0.0794241688154299),
  ('enough', 0.07670615323331337),
  ('and', 0.0741229619458255),
  ('as', 0.0559295224052674),
  ('order', 0.05445457275376135),
  ('is', 0.04758508624190879),
  ('time', 0.04686515660253891),
  ('him', 0.04625553009540307),
  ('was', 0.040729794367790624),
  ('<unk>', 0.4779270535387611)],
 [('of', 0.11668220707759185),
  ('and', 0.06697986379849101),
  ('to', 0.05921333534043941),
  ('that', 0.05528982426693449),
  ('by', 0.049164494044560136),
  ('girl.', 0.0215324646713493),
  ('with', 0.01959701058976384),
  ('boy.', 0.01941520492260785),
  ('<s>', 0.017584248858336753),
  ('<unk>', 0.5745413464299254)],
 [('of', 0.16791021045720886),
  ('in', 0.1321985525236611),
  ('or', 0.12181284411041421),
  ('than', 0.10718511298878332),
  ('to', 0.09645274266929676),
  ('as', 0.07780645474438191),
  ('by', 0.061458270836737355),
  ('with', 0.04358958936093873),
  ('from', 0.04109652455828745),
  ('<unk>', 0.15048969775029009)],
 [('and', 0.051060383482287336),
  ('the', 0.035067913839702466),
  ('I', 0.028410429058273925),
  ('to', 0.025058605926080006),
  ('<s>', 0.024869435853458462),
  ('that', 0.023468350724490213),
  ('a', 0.017599036461587107),
  ('it', 0.015581048853744986),
  ('1', 0.014422036802171313),
  ('<unk>', 0.7644627589982042)],
 [('<s>', 0.03670891467929536),
  ('them.', 0.02252303521781519),
  ('Mr.', 0.0222329351837402),
  ('it.', 0.01900017967770947),
  ('him.', 0.01394674506742765),
  ('.', 0.012106228341394963),
  ('and', 0.011185534093134395),
  ('said:', 0.01092935949193433),
  ('that', 0.008420892217652156),
  ('<unk>', 0.8429461760298963)],
 [('the', 0.09213464734482019),
  ('of', 0.08104141408020017),
  ('and', 0.07966547961371885),
  ('to', 0.040032990492784956),
  ('.', 0.03559492583986701),
  ('a', 0.03128405589085119),
  ('at', 0.023655326386144954),
  ('in', 0.021693114655030394),
  ('was', 0.020598677738612108),
  ('<unk>', 0.5742993679579702)],
 [('an', 0.2713480709824193),
  ('the', 0.18670798432790256),
  ('any', 0.09436458838814413),
  ('either', 0.044392903626303964),
  ('to', 0.03449661906411929),
  ('his', 0.03285575529294066),
  ('a', 0.03142409402347265),
  ('this', 0.03046154808853153),
  ('said', 0.029187163584548523),
  ('<unk>', 0.2447612726216174)],
 [('there', 0.2568117329466656),
  ('There', 0.16826191938596413),
  ('they', 0.11351749066970114),
  ('who', 0.0605614420521524),
  ('and', 0.0469667841845879),
  ('we', 0.04194428027781037),
  ('which', 0.04126006478845387),
  ('They', 0.034405144680535224),
  ('that', 0.03238837141899043),
  ('<unk>', 0.20388276959513885)],
 [('of', 0.16490650493017178),
  ('in', 0.09424501452410461),
  ('as', 0.07772250256651461),
  ('to', 0.07439818130211795),
  ('with', 0.07436662098887521),
  ('is', 0.06929524124389311),
  ('and', 0.0638959829882729),
  ('was', 0.053684789454677334),
  ('for', 0.050572135171843745),
  ('<unk>', 0.2769130268295287)],
 [('the', 0.12098608072305728),
  ('and', 0.10139247495879015),
  ('to', 0.07273721210127822),
  ('of', 0.07159830778565625),
  ('a', 0.06795487855730602),
  ('be', 0.051243767660012866),
  ('was', 0.04826000712115275),
  ('is', 0.03700552920953482),
  ('in', 0.024063976796834547),
  ('<unk>', 0.40475776508637706)],
 [('be', 0.1481498911341907),
  ('was', 0.1323686024635957),
  ('and', 0.10670311772461677),
  ('been', 0.08065157836604747),
  ('is', 0.07755388313144884),
  ('are', 0.04553185802721172),
  ('were', 0.045265474204139296),
  ('he', 0.04009789909986279),
  ('the', 0.03786998747815628),
  ('<unk>', 0.28580770837073044)],
 [('a', 0.4182805797379791),
  ('the', 0.27140112989962883),
  ('large', 0.1295881665127742),
  ('A', 0.04642283881662308),
  ('The', 0.04108704272074826),
  ('great', 0.01743553421851914),
  ('total', 0.011813116479770238),
  ('and', 0.01058032375377055),
  ('whole', 0.009843283429146974),
  ('<unk>', 0.043547984431039466)],
 [('number', 0.09956272009857585),
  ('one', 0.05780450073479853),
  ('out', 0.05091555186687243),
  ('amount', 0.05047407880716751),
  ('line', 0.04808183577299391),
  ('part', 0.035131906006913224),
  ('side', 0.03506084934181463),
  ('kind', 0.03136988311544618),
  ('loss', 0.030099618154670587),
  ('<unk>', 0.5614990561007471)],
 [('the', 0.5900846316142598),
  ('of', 0.08522356940589856),
  ('The', 0.03827565108295079),
  ('tho', 0.037671727057329664),
  ('and', 0.0333108100328089),
  ('their', 0.02787484625087808),
  ('a', 0.024675138599167232),
  ('such', 0.024457346608042597),
  ('or', 0.0194507826098253),
  ('<unk>', 0.118975496738839)],
 [('of', 0.10565038393849085),
  ('the', 0.08440200144428926),
  ('and', 0.05415913604161536),
  ('in', 0.04974312212120972),
  ('to', 0.04524125908579969),
  ('a', 0.040447158631791276),
  ('be', 0.02265850506529176),
  ('for', 0.022518988614812368),
  ('at', 0.02013727453217357),
  ('<unk>', 0.5550421705245261)],
 [('and', 0.09020184496660856),
  ('recorded', 0.03622574534550004),
  ('was', 0.03579342649105295),
  ('made', 0.035587204463345457),
  ('that', 0.03195315766518325),
  ("o'clock", 0.031925722479167175),
  ('up', 0.02683627480199102),
  ('is', 0.025634134893940484),
  ('found', 0.024329658719814063),
  ('<unk>', 0.661512830173397)],
 [('that', 0.33372869446631404),
  ('and', 0.12776812437421547),
  ('which', 0.0905394464543944),
  ('as', 0.06154165214038507),
  ('but', 0.05845678556283858),
  ('where', 0.04624565846961102),
  ('when', 0.03942697570897874),
  ('if', 0.0373091977721494),
  ('what', 0.024034388999583645),
  ('<unk>', 0.18094907605152966)],
 [('<s>', 0.056831485049452596),
  ('that', 0.053508509584108334),
  ('and', 0.027311733652385123),
  ('it.', 0.023820655521286864),
  ('but', 0.01724219527197884),
  ('as', 0.01491784601388864),
  ('them.', 0.013470582711315928),
  ('of', 0.011547787131091237),
  ('country.', 0.011047294641577384),
  ('<unk>', 0.7703019104229151)],
 [('the', 0.194400081276314),
  ('and', 0.14836480509332106),
  ('of', 0.12911836294171214),
  ('two', 0.04139085338728524),
  ('a', 0.036148299682041356),
  ('or', 0.02914256911755373),
  ('for', 0.02904603171187503),
  ('to', 0.025489866653116353),
  ('young', 0.02276335608893059),
  ('<unk>', 0.34413577404785045)],
 [('the', 0.5180939060884562),
  ('of', 0.14768877888116977),
  ('federal', 0.04437671431503128),
  ('our', 0.03728206003210001),
  ('tho', 0.02180236189633054),
  ('general', 0.019385123904598064),
  ('and', 0.018962606326336225),
  ('his', 0.01883994098153971),
  ('Federal', 0.017940270476317546),
  ('<unk>', 0.15562823709812068)],
 [('the', 0.45881887149088857),
  ('a', 0.08988283771081601),
  ('and', 0.08001857409528106),
  ('this', 0.07841855632789185),
  ('give', 0.051236272265960524),
  ('The', 0.03244225430379616),
  ('said', 0.0306396713263577),
  ("days'", 0.02573154014538067),
  ('tho', 0.024619781313798515),
  ('<unk>', 0.12819164101982905)],
 [('the', 0.7243720608043157),
  ('tho', 0.03042323676815992),
  ('and', 0.028240000799597324),
  ('The', 0.02102019861643275),
  ('a', 0.01716140613924825),
  ('of', 0.017074232589450566),
  ('on', 0.013774409294313972),
  ('next', 0.012935038826468747),
  ('A', 0.012749932000790415),
  ('<unk>', 0.12224948416122239)],
 [('and', 0.17149142999127606),
  ('the', 0.06839684239612856),
  ('of', 0.060837615699271305),
  ('in', 0.04496820678712937),
  ('an', 0.042871700039136984),
  ('for', 0.03021941446344238),
  ('to', 0.022727210135982525),
  ('In', 0.0184143904802279),
  ('or', 0.018032074528610206),
  ('<unk>', 0.5220411154787947)],
 [('at', 0.6965671787196722),
  ('about', 0.07018878223871934),
  ('At', 0.06608994637366947),
  ('About', 0.053429434979430264),
  ('and', 0.031864519390074945),
  ('of', 0.009754859284316292),
  ('No.', 0.009450546122717188),
  ('or', 0.00871483999148488),
  ('to', 0.007190487875404315),
  ('<unk>', 0.04674940502451086)],
 [('according', 0.08270761831151588),
  ('went', 0.04993443821530554),
  ('and', 0.0479817620565513),
  ('as', 0.04787527101905921),
  ('sent', 0.029915133104424337),
  ('regard', 0.02847935373784804),
  ('go', 0.028445207134383067),
  ('up', 0.026138301089034113),
  ('came', 0.0226791575804159),
  ('<unk>', 0.6358437577514626)],
 [('it', 0.1905310338329986),
  ('It', 0.09230302283251134),
  ('there', 0.08223715122981279),
  ('they', 0.06056566934196263),
  ('that', 0.054034296626038834),
  ('which', 0.05098313812269402),
  ('he', 0.04904379249485007),
  ('and', 0.04708658234403395),
  ('I', 0.03624536740750026),
  ('<unk>', 0.33696994576759753)],
 [('to', 0.12960416983044162),
  ('or', 0.12605152970156352),
  ('and', 0.08359359481972337),
  ('not', 0.04599727701599936),
  ('of', 0.044940150771959224),
  ('the', 0.031864512846537026),
  ('there', 0.03150941107254145),
  ('that', 0.028079664107310845),
  ('nor', 0.027902398536985614),
  ('<unk>', 0.4504572912969379)],
 [('the', 0.2164044613620375),
  ('of', 0.09923398673233023),
  ('a', 0.0880062801944873),
  ('and', 0.06474130018439561),
  ('to', 0.03059631459757143),
  ('in', 0.02688935952717487),
  ('for', 0.02648864033440576),
  ('by', 0.02376109405997986),
  ('was', 0.023292669306734477),
  ('<unk>', 0.40058589370088293)],
 [('at', 0.9045301247005709),
  ('the', 0.031029001742398196),
  ('At', 0.028557790476494496),
  ('of', 0.010008353932610516),
  ('to', 0.00826884654226658),
  ('nt', 0.0029957376985583423),
  ('and', 0.002602050888075509),
  ('in', 0.0017472641874899698),
  ('a', 0.0014551283448592579),
  ('<unk>', 0.008805701486676143)],
 [('the', 0.20634370858622272),
  ('to', 0.14280572881110515),
  ('of', 0.10423169348140354),
  ('and', 0.08814583016852891),
  ('many', 0.04943943045911055),
  ('these', 0.04294352683721109),
  ('all', 0.03449098114740936),
  ('The', 0.03383914994442401),
  ('his', 0.03301701484098765),
  ('<unk>', 0.2647429357235971)],
 [('the', 0.3325775569309922),
  ('a', 0.14899672576014877),
  ('in', 0.09889595614376534),
  ('and', 0.06491691007219412),
  ('an', 0.05620858611612033),
  ('of', 0.053134785009380604),
  ('The', 0.0375698788664432),
  ('are', 0.03248763528374207),
  ('In', 0.028790162016639573),
  ('<unk>', 0.14642180380057368)],
 [('the', 0.3523189987368763),
  ('of', 0.15331589862431888),
  ('in', 0.09869452903338692),
  ('and', 0.07365867249433182),
  ('The', 0.05210418564642875),
  ('a', 0.04446202660010806),
  ('an', 0.039031789396246415),
  ('In', 0.023156445594029545),
  ('or', 0.0196507456471345),
  ('<unk>', 0.14360670822713884)],
 [('is', 0.15539452745873852),
  ('was', 0.13745865629683413),
  ('are', 0.1297880194387541),
  ('be', 0.11083050492857606),
  ('the', 0.11080630617431741),
  ('and', 0.07125943503729563),
  ('a', 0.06750406017395502),
  ('were', 0.05503486295237182),
  ('not', 0.04381917873671596),
  ('<unk>', 0.11810444880244142)],
 [('as', 0.08645623199842382),
  ('according', 0.06632614439931761),
  ('up', 0.06555556764968726),
  ('and', 0.05084158391263602),
  ('went', 0.04266234177372302),
  ('back', 0.04144513542293907),
  ('regard', 0.040538616440007634),
  ('feet', 0.03549280763625624),
  ('down', 0.034607404771419555),
  ('<unk>', 0.5360741659955898)],
 [('the', 0.4291692992083157),
  ('a', 0.08069026424324838),
  ('and', 0.060051691698878897),
  ('The', 0.035109613446569383),
  ('tho', 0.033241187331968944),
  ('of', 0.021553045639513192),
  ('tbe', 0.015945885714693298),
  ('in', 0.015254099967416418),
  ('or', 0.014510664393331416),
  ('<unk>', 0.2944742483560644)],
 [('the', 0.4291692992083157),
  ('a', 0.08069026424324838),
  ('and', 0.060051691698878897),
  ('The', 0.035109613446569383),
  ('tho', 0.033241187331968944),
  ('of', 0.021553045639513192),
  ('tbe', 0.015945885714693298),
  ('in', 0.015254099967416418),
  ('or', 0.014510664393331416),
  ('<unk>', 0.2944742483560644)],
 [('not', 0.09767203396126903),
  ('able', 0.08550725985658718),
  ('is', 0.0730798117719869),
  ('and', 0.06453794528271721),
  ('enough', 0.06119350388175501),
  ('unable', 0.05916821582413485),
  ('him', 0.05884305424329921),
  ('willing', 0.04841077805534963),
  ('began', 0.04556222338204477),
  ('<unk>', 0.4060251737408562)],
 [('to', 0.11716616024479949),
  ('and', 0.10663767137471276),
  ('the', 0.10262383156516931),
  ('of', 0.09930819224729338),
  ('for', 0.05679737296723959),
  ('in', 0.034224982870644585),
  ('a', 0.027404958204019444),
  ('at', 0.022672348722508395),
  ('<s>', 0.02067598332316819),
  ('<unk>', 0.4124884984804449)],
 [('the', 0.16777526541672624),
  ('of', 0.16526643499228152),
  ('in', 0.1420002046454498),
  ('a', 0.11666719789061628),
  ('to', 0.08465346340885428),
  ('and', 0.04570373225066911),
  ('his', 0.043658327240954316),
  ('their', 0.03882983427451405),
  ('In', 0.033784078146559565),
  ('<unk>', 0.1616614617333748)],
 [('it', 0.22674624786380812),
  ('It', 0.14574236097026327),
  ('which', 0.06111793315522425),
  ('he', 0.04645835289710215),
  ('and', 0.04514500249483839),
  ('that', 0.04153249794303441),
  ('there', 0.029157882406750806),
  ('who', 0.025246622525550128),
  ('This', 0.018390127205159815),
  ('<unk>', 0.36046297253826864)],
 [('and', 0.20924024272360484),
  ('time', 0.08874804881045399),
  ('that', 0.073359797227542),
  ('day', 0.06685498180324939),
  ('but', 0.03997245406286184),
  ('morning', 0.033581761813732285),
  ('year', 0.028902151013862478),
  ('days', 0.024815094948108452),
  ('night', 0.023275940146324562),
  ('<unk>', 0.4112495274502602)],
 [('I', 0.2426345654890172),
  ('we', 0.15538394318568138),
  ('they', 0.12846104333406297),
  ('who', 0.0932649993925518),
  ('We', 0.08727386969490437),
  ('you', 0.04667976115544998),
  ('They', 0.04070943942561696),
  ('would', 0.03654909408735765),
  ('to', 0.035446677307792135),
  ('<unk>', 0.13359660692756548)],
 [('the', 0.21221144107820022),
  ('of', 0.1243369294510012),
  ('and', 0.0737511297861745),
  ('a', 0.06945464263093816),
  ('to', 0.06068600026595434),
  ('at', 0.0313739863543093),
  ('in', 0.02310860311191647),
  ('an', 0.021713338160954224),
  ('for', 0.0216559155214219),
  ('<unk>', 0.36170801363912974)],
 [('a', 0.20813834615443108),
  ('the', 0.2001351725448236),
  ('his', 0.13380438868590805),
  ('of', 0.07728538013516202),
  ('her', 0.06182481876815458),
  ('their', 0.045608881005655987),
  ('and', 0.04050325843591489),
  ('my', 0.03946434991205803),
  ('our', 0.025840013861400463),
  ('<unk>', 0.16739539049649133)],
 [('that', 0.24977326171563982),
  ('and', 0.12822622485739701),
  ('as', 0.12569987715717804),
  ('if', 0.07859307028749606),
  ('when', 0.07064827624409974),
  ('which', 0.06049549665783553),
  ('but', 0.05590020975511655),
  ('where', 0.03900900086975404),
  ('If', 0.029448449918360885),
  ('<unk>', 0.16220613253712235)],
 [('of', 0.3652529257155687),
  ('the', 0.11664656145981069),
  ('these', 0.11375260616301924),
  ('all', 0.05280036082043859),
  ('other', 0.050363789977026965),
  ('to', 0.04507256257325147),
  ('for', 0.043916675225717856),
  ('by', 0.04200296447941936),
  ('in', 0.03927864439525135),
  ('<unk>', 0.13091290919049592)],
 [('the', 0.3296896239552098),
  ('this', 0.14225842457863244),
  ('said', 0.07172730306139709),
  ('of', 0.05395066354035124),
  ('and', 0.028821236246823045),
  ('a', 0.021904026605836086),
  ('that', 0.018777064695694623),
  ('our', 0.017217958175437694),
  ('other', 0.01702875934219248),
  ('<unk>', 0.2986249397984254)],
 [('and', 0.12712013982877063),
  ('to', 0.11426061855119321),
  ('of', 0.07956267727650439),
  ('the', 0.06575018883881564),
  ('in', 0.04732143447960811),
  ('re-', 0.04701029704854856),
  ('which', 0.04230961325066398),
  ('that', 0.034256155260775446),
  ('or', 0.03326979695492031),
  ('<unk>', 0.4091390785101998)],
 [('and', 0.061683188784446036),
  ('it', 0.026028776706848146),
  ('but', 0.02485486339701232),
  ('him', 0.02406898610349484),
  ('them', 0.020303483557536892),
  ('time', 0.018562417313521335),
  ('that', 0.016152149445121805),
  ('work', 0.0142644616905997),
  ('was', 0.014070204247811406),
  ('<unk>', 0.7800114687536075)],
 [('the', 0.43201725513938183),
  ('not', 0.10370244834021541),
  ('and', 0.08292361986820401),
  ('is', 0.062351437604226664),
  ('was', 0.051561466609934874),
  ('The', 0.04223596647913396),
  ('that', 0.03369036059920406),
  ('are', 0.025626633211925414),
  ('tho', 0.022397182556924796),
  ('<unk>', 0.143493629590849)],
 [('100', 0.08039642584689366),
  ('six', 0.06446971512337521),
  ('fifty', 0.05348612439590134),
  ('two', 0.0506366267968029),
  ('hundred', 0.0473293342215567),
  ('three', 0.04549371370716907),
  ('300', 0.043921590636635185),
  ('eight', 0.03998702144692108),
  ('four', 0.036523937069081296),
  ('<unk>', 0.5377555107556635)],
 [('one', 0.08787546774470464),
  ('out', 0.058677776473043675),
  ('part', 0.05182516444463442),
  ('that', 0.04385122673738379),
  ('some', 0.0425523919392012),
  ('all', 0.03517651176286667),
  ('because', 0.03355290687645569),
  ('tion', 0.03177793846040891),
  ('result', 0.03164121837753287),
  ('<unk>', 0.5830693971837682)],
 [('the', 0.16622735931467028),
  ('of', 0.14648314903137438),
  ('and', 0.1143009629972251),
  ('in', 0.08423627983147641),
  ('a', 0.04861598225764662),
  ('was', 0.040949615270840116),
  ('is', 0.0335399100481599),
  ('are', 0.02887018340618051),
  ('for', 0.02704014612379061),
  ('<unk>', 0.3097364117186361)],
 [('the', 0.1324733791255823),
  ('of', 0.08028921421682624),
  ('and', 0.06449043014777758),
  ('a', 0.04792947037257922),
  ('to', 0.03425079054903791),
  ('in', 0.023215848516239136),
  ('at', 0.016139754844191268),
  ('.', 0.014115499727612866),
  ('<s>', 0.013839916334634932),
  ('<unk>', 0.5732556961655185)],
 [('the', 0.10838569502855859),
  ('of', 0.07944935558054714),
  ('a', 0.06788554307014819),
  ('and', 0.0468986359469119),
  ('to', 0.03940815939071114),
  ('The', 0.024003434744646317),
  ('that', 0.018848037888864938),
  ('was', 0.015635015260620923),
  ('Mr.', 0.015063093392344799),
  ('<unk>', 0.5844230296966461)],
 [('and', 0.15841485077931697),
  ('of', 0.14173881226881782),
  ('to', 0.12732010088252765),
  ('in', 0.12220289819640162),
  ('with', 0.10284561406043284),
  ('that', 0.04706376058013566),
  ('for', 0.03984343093941992),
  ('by', 0.03306634922786934),
  ('was', 0.03290103156959307),
  ('<unk>', 0.19460315149548513)],
 [('be', 0.23307833427351368),
  ('was', 0.1811036240201647),
  ('been', 0.13861312009768292),
  ('are', 0.08619221790279738),
  ('is', 0.08436489252318284),
  ('and', 0.06479132846402957),
  ('were', 0.06150448910241052),
  ('have', 0.0441502264214386),
  ('not', 0.0395039441862971),
  ('<unk>', 0.06669782300848259)],
 [('and', 0.10811775607952694),
  ('made', 0.042372725437081066),
  ('that', 0.03993722912667705),
  ('time', 0.021621147393490334),
  ('it', 0.01801659536583736),
  ('but', 0.014629871256732466),
  ('them', 0.013795431195324377),
  ('is', 0.012693632933970285),
  ('him', 0.011693655811728442),
  ('<unk>', 0.7171219553996317)],
 [('and', 0.04497409099001032),
  ('as', 0.036598827945131016),
  ('went', 0.026817264588503784),
  ('him', 0.025809212045118317),
  ('them', 0.021636051682009376),
  ('up', 0.02074742553684763),
  ('is', 0.020475987933972963),
  ('able', 0.019722424722913523),
  ('go', 0.0196319186896329),
  ('<unk>', 0.7635867958658602)],
 [('out', 0.0694697102990631),
  ('state', 0.06283029840664622),
  ('years', 0.049751420104899156),
  ('piece', 0.04374883302883094),
  ('board', 0.04236090744336949),
  ('cost', 0.03386272029761168),
  ('number', 0.03375814064762698),
  ('county', 0.030520111245009637),
  ('amount', 0.02835835481346681),
  ('<unk>', 0.6053395037134759)],
 [('J.', 0.12995424862366808),
  ('John', 0.10014683550993475),
  ('W.', 0.07469226668525326),
  ('George', 0.06978292714333853),
  ('C.', 0.05810432502714533),
  ('.', 0.050616490254489485),
  ('of', 0.046993668960070685),
  ('Mrs.', 0.044835769766982975),
  ('A.', 0.04176064162607438),
  ('<unk>', 0.38311282640304245)],
 [('to', 0.46980062866335726),
  ('the', 0.19727143999658328),
  ('and', 0.04616475743099424),
  ('his', 0.03811659549110553),
  ('a', 0.03450040746037812),
  ('not', 0.030565322080828055),
  ('their', 0.030560365076759768),
  ('may', 0.023923434926720524),
  ('can', 0.01957250170391334),
  ('<unk>', 0.10952454716935989)],
 [('matter', 0.14393522943704634),
  ('number', 0.08468136320986232),
  ('kind', 0.048622053484678185),
  ('sort', 0.04720495229830438),
  ('point', 0.044638739743223084),
  ('system', 0.036121285035902985),
  ('purpose', 0.034045925770213495),
  ('source', 0.0330952461261255),
  ('means', 0.031021224228310818),
  ('<unk>', 0.4966339806663329)],
 [('it', 0.14171432181632435),
  ('which', 0.12326626119500166),
  ('It', 0.12179374092589655),
  ('that', 0.08062180959077019),
  ('he', 0.06917181178253022),
  ('who', 0.06883450041880022),
  ('there', 0.05332739310595876),
  ('and', 0.033350539579102535),
  ('There', 0.028723707652714668),
  ('<unk>', 0.2791959139329008)],
 [('is', 0.2229914433353138),
  ('was', 0.1312784243198106),
  ('and', 0.08269489670376493),
  ('are', 0.0819473167070991),
  ('but', 0.05367367590554244),
  ('has', 0.051873455609959984),
  ('it', 0.0509791956867633),
  ('will', 0.04966996774694893),
  ('had', 0.047243217197720344),
  ('<unk>', 0.22764840678707654)],
 [('be', 0.23440906022014316),
  ('was', 0.1318015987588907),
  ('is', 0.07644393452765952),
  ('been', 0.07037249546993411),
  ('he', 0.07018319930679237),
  ('were', 0.06432988383036496),
  ('and', 0.05650949571619425),
  ('are', 0.05565680743794785),
  ('being', 0.0263317759083358),
  ('<unk>', 0.2139617488237373)],
 [('all', 0.10656549924907288),
  ('it', 0.06964327183440265),
  ('was', 0.06507655729375468),
  ('and', 0.061568048082916514),
  ('is', 0.05078764525401145),
  ('them', 0.04516222591725389),
  ('come', 0.042212987954625074),
  ('not', 0.03782580698483478),
  ('him', 0.03615869082579154),
  ('<unk>', 0.4849992666033365)],
 [('the', 0.2241243619227251),
  ('a', 0.16959021897091145),
  ('at', 0.11646792247763622),
  ('and', 0.054022329133164015),
  ('for', 0.051826462091547114),
  ('of', 0.043265346628176625),
  ('an', 0.03247780393439058),
  ('to', 0.030451202893105173),
  ('in', 0.022790595278111864),
  ('<unk>', 0.25498375667023176)],
 [('to', 0.6349434202811746),
  ('will', 0.07253245280164392),
  ('and', 0.060982356267391395),
  ('of', 0.03357196084491588),
  ('would', 0.032762647136161595),
  ('the', 0.026274224208500545),
  ('by', 0.024965378534903694),
  ('not', 0.02375453823491645),
  ('can', 0.02321470999400858),
  ('<unk>', 0.06699831169638348)],
 [('the', 0.6069292947768639),
  ('and', 0.11324532357521125),
  ('an', 0.06265188594323709),
  ('The', 0.045020535454555755),
  ('or', 0.03270679938140659),
  ('of', 0.026416644897934823),
  ('tho', 0.02521458387292938),
  ('a', 0.01933251290698272),
  ('in', 0.01688671941175713),
  ('<unk>', 0.05159569977912137)],
 [('of', 0.10742869987668664),
  ('the', 0.09279684408506442),
  ('and', 0.05751097368106387),
  ('to', 0.047181141686772024),
  ('by', 0.026214584624434316),
  ('Mrs.', 0.024667486755076785),
  ('.', 0.024289883592721752),
  ('<s>', 0.021072956823129974),
  ('was', 0.014834830828869832),
  ('<unk>', 0.5840025980461803)],
 [('to', 0.11487350932752123),
  ('the', 0.09396283296555129),
  ('of', 0.0804956367085368),
  ('and', 0.07596228955468565),
  ('a', 0.03103347522914706),
  ('in', 0.02480835195976154),
  ('at', 0.02362038996974152),
  ('for', 0.018871556020045012),
  ('he', 0.016996857157893588),
  ('<unk>', 0.5193751011071163)],
 [('of', 0.37132297857819746),
  ('to', 0.11900273513374127),
  ('that', 0.08284579335308626),
  ('in', 0.06810615799261145),
  ('and', 0.06625636129404111),
  ('by', 0.06024378892080247),
  ('with', 0.05464380535130682),
  ('from', 0.04570545873770535),
  ('for', 0.031922378271556466),
  ('<unk>', 0.09995054236695133)],
 [('and', 0.2684074893916768),
  ('be', 0.11062777898674138),
  ('have', 0.07526787136110209),
  ('he', 0.06941743008609469),
  ('had', 0.06036250317635382),
  ('has', 0.06003539643735648),
  ('not', 0.049623660294461976),
  ('is', 0.04192345894110345),
  ('was', 0.03812203914380361),
  ('<unk>', 0.22621237218130574)],
 [('the', 0.13910549569749586),
  ('Fifth', 0.035406402338312694),
  ('said', 0.03459220567473655),
  ('Summit', 0.03339070155786758),
  ('Pennsylvania', 0.025313763482125527),
  ('a', 0.02038482246038317),
  ('Third', 0.01763677562880732),
  ('Jersey', 0.01754762924287383),
  ('Sixth', 0.015956748432028985),
  ('<unk>', 0.6606654554853685)],
 [('as', 0.08645623199842382),
  ('according', 0.06632614439931761),
  ('up', 0.06555556764968726),
  ('and', 0.05084158391263602),
  ('went', 0.04266234177372302),
  ('back', 0.04144513542293907),
  ('regard', 0.040538616440007634),
  ('feet', 0.03549280763625624),
  ('down', 0.034607404771419555),
  ('<unk>', 0.5360741659955898)],
 [('in', 0.3151346807535603),
  ('of', 0.22460509445456497),
  ('during', 0.09742117937032514),
  ('for', 0.08693130015943754),
  ('In', 0.0755041509047829),
  ('to', 0.04827466128497724),
  ('on', 0.046220276609559977),
  ('from', 0.028400413448733047),
  ('at', 0.02701466835650135),
  ('<unk>', 0.05049357465755755)],
 [(';', 0.014798507887364361),
  ('hundred', 0.013742682398053872),
  ('him', 0.01035568888175999),
  ('and', 0.007965047556330974),
  ('up', 0.007619079512427878),
  ('one', 0.0071947440940674364),
  ('men', 0.007016042853717824),
  ('it,', 0.006831088880315219),
  ('day', 0.006672598922173331),
  ('<unk>', 0.9178045190137891)],
 [('the', 0.15621771048724545),
  ('and', 0.09286485526209742),
  ('of', 0.08177581125168151),
  ('to', 0.058137349250756365),
  ('a', 0.05146054331788147),
  ('at', 0.038699769740074365),
  ('in', 0.03246155530722225),
  ('with', 0.018056044228129956),
  ('by', 0.01570360530675319),
  ('<unk>', 0.4546227558481579)],
 [('of', 0.10565038393849085),
  ('the', 0.08440200144428926),
  ('and', 0.05415913604161536),
  ('in', 0.04974312212120972),
  ('to', 0.04524125908579969),
  ('a', 0.040447158631791276),
  ('be', 0.02265850506529176),
  ('for', 0.022518988614812368),
  ('at', 0.02013727453217357),
  ('<unk>', 0.5550421705245261)],
 [('it', 0.18268332891640243),
  ('there', 0.10480904719273275),
  ('It', 0.09277968085108106),
  ('which', 0.07990575033598912),
  ('they', 0.062191539283877925),
  ('that', 0.05275504233349031),
  ('and', 0.05070636008040155),
  ('he', 0.03071518680305472),
  ('There', 0.030279683185830505),
  ('<unk>', 0.3131743810171397)],
 [('the', 0.1514206402904435),
  ('of', 0.09541341338410386),
  ('and', 0.08615323954638364),
  ('.', 0.03684639461536835),
  ('by', 0.027756777649270068),
  ('<s>', 0.026671365197686186),
  ('The', 0.02638814530056607),
  ('a', 0.02592460330476698),
  ('to', 0.023473428359030653),
  ('<unk>', 0.49995199235238064)],
 [('the', 0.23884044509733893),
  ('his', 0.20298930070410884),
  ('whose', 0.13960188158854658),
  ('His', 0.10762139014946487),
  ('The', 0.07100843717649825),
  ('her', 0.06360965867782659),
  ('my', 0.03966556130176535),
  ('a', 0.03374368699845742),
  ('Her', 0.025212995140651184),
  ('<unk>', 0.07770664316534204)],
 [('the', 0.7232212640417472),
  ('a', 0.03961877057357745),
  ('The', 0.033216726606202375),
  ('tho', 0.03249035489368865),
  ('his', 0.027888021099258902),
  ('and', 0.025944079396605247),
  ('sur-', 0.019586545258451608),
  ('tbe', 0.01200053062251586),
  ('to', 0.01103192067295439),
  ('<unk>', 0.07500178683499825)],
 [('of', 0.10565038393849085),
  ('the', 0.08440200144428926),
  ('and', 0.05415913604161536),
  ('in', 0.04974312212120972),
  ('to', 0.04524125908579969),
  ('a', 0.040447158631791276),
  ('be', 0.02265850506529176),
  ('for', 0.022518988614812368),
  ('at', 0.02013727453217357),
  ('<unk>', 0.5550421705245261)],
 [('and', 0.35332224886326113),
  ('be', 0.11168778159026317),
  ('he', 0.09049343832340631),
  ('was', 0.05170942947877435),
  ('who', 0.03666339510308007),
  ('He', 0.03649074518052169),
  ('had', 0.030563364785102406),
  ('have', 0.03040929958164791),
  ('been', 0.030221642233673563),
  ('<unk>', 0.2284386548602696)],
 [('with', 0.16519921675840873),
  ('the', 0.16003740789085225),
  ('of', 0.1587852820947127),
  ('and', 0.14625692866064863),
  ('an', 0.08674726149349302),
  ('their', 0.04654928173642239),
  ('no', 0.04562666456736938),
  ('any', 0.03796163271817778),
  ('as', 0.030153482312912858),
  ('<unk>', 0.12268284176700239)],
 [('sum', 0.038446056993501794),
  ('number', 0.03221477157443951),
  ('city', 0.022637199368528753),
  ('line', 0.02233786912370042),
  ('out', 0.022108885008595473),
  ('day', 0.018433636256501275),
  ('county', 0.01715900846558235),
  ('amount', 0.015170305732485432),
  ('Board', 0.014396100751552949),
  ('<unk>', 0.797096166725112)],
 [('of', 0.2657306724711096),
  ('at', 0.14593775383627533),
  ('on', 0.13622602860751967),
  ('in', 0.10480419235967925),
  ('to', 0.076986808782322),
  ('from', 0.07156402396049098),
  ('and', 0.05386968434609722),
  ('for', 0.04629654317095981),
  ('with', 0.03592740208594443),
  ('<unk>', 0.06265689037960165)],
 [('to', 0.45855782160077424),
  ('and', 0.08370295750043073),
  ('the', 0.03751682503874909),
  ('will', 0.037040018498846805),
  ('not', 0.03490327462901946),
  ('I', 0.03301436753172638),
  ('they', 0.0311317432656278),
  ('would', 0.028824824266490287),
  ('we', 0.025032504395640122),
  ('<unk>', 0.2302756632726951)],
 [('and', 0.3523522831691994),
  ('Mrs.', 0.10640186330552907),
  ('Miss', 0.097684987071267),
  ('of', 0.03776576505840453),
  ('said', 0.026131366584206794),
  ('to', 0.02343381492933799),
  ('the', 0.02309135727885645),
  ('<s>', 0.01703034574908994),
  ('that', 0.016547060499921787),
  ('<unk>', 0.299561156354187)],
 [('the', 0.2790577938348846),
  ('a', 0.1980702581809102),
  ('any', 0.0856193927467343),
  ('that', 0.07753129899795955),
  ('his', 0.06457302679790808),
  ('this', 0.04658449359701387),
  ('The', 0.038039083102476626),
  ('no', 0.03784080764956392),
  ('of', 0.035367896121030355),
  ('<unk>', 0.13731594897151855)],
 [('and', 0.11765658571831729),
  ('the', 0.09095679013271943),
  ('of', 0.07146810135169267),
  ('to', 0.05405089675713234),
  ('in', 0.03492943254238755),
  ('for', 0.031442492233340474),
  ('a', 0.023866195567215306),
  ('that', 0.023256227706924218),
  ('as', 0.022552776678021132),
  ('<unk>', 0.5298205013122496)],
 [('made', 0.0994808187099134),
  ('and', 0.09053257403811858),
  ('or', 0.048630404695348795),
  ('followed', 0.033228780480416005),
  ('done', 0.03244453502341664),
  ('it', 0.029537183557626755),
  ('up', 0.028667530266783852),
  ('them', 0.027977520251085342),
  ('was', 0.02552878561893456),
  ('<unk>', 0.583971867358356)],
 [('the', 0.526441141789351),
  ('a', 0.21830004481030335),
  ('The', 0.09682952276588101),
  ('tho', 0.031978177959722354),
  ('this', 0.026594097159742522),
  ('an', 0.020425828043293383),
  ('and', 0.016732497910008404),
  ('in', 0.01574270092194738),
  ('his', 0.015337304263446018),
  ('<unk>', 0.03161868437630466)],
 [('the', 0.1820166757549661),
  ('of', 0.09422316217576565),
  ('and', 0.07666868534767332),
  ('a', 0.047046154220420855),
  ('to', 0.03558334675218547),
  ('be', 0.02660608395088313),
  ('is', 0.026092651632393098),
  ('Mr.', 0.02560461425204893),
  ('was', 0.024226159908848355),
  ('<unk>', 0.4619324660048151)],
 [('the', 0.24855714467799192),
  ('a', 0.1360790048165097),
  ('of', 0.06760322647763674),
  ('and', 0.0470607331954904),
  ('an', 0.03632464878356675),
  ('Mr.', 0.032001087752123986),
  ('to', 0.031882679910595846),
  ('in', 0.028238274517962576),
  ('The', 0.028175947526691846),
  ('<unk>', 0.34407725234143016)],
 [('to', 0.17189205815063593),
  ('for', 0.10712908490037548),
  ('of', 0.08897433790522837),
  ('and', 0.06602350687016346),
  ('with', 0.052885224599212716),
  ('have', 0.04601566189842857),
  ('that', 0.04030334261123212),
  ('had', 0.03860467293866673),
  ('from', 0.0358604677383646),
  ('<unk>', 0.35231164238769197)],
 [('and', 0.17073845819698177),
  ('so', 0.0790343019722067),
  ('fact', 0.06879830594363005),
  ('know', 0.05360772377003024),
  ('said', 0.05283151373396507),
  ('say', 0.04884702008094128),
  ('is', 0.03418885765066595),
  ('but', 0.030123120680534004),
  ('believe', 0.02833512589090924),
  ('<unk>', 0.43349557208013567)],
 [('virtue', 0.07412378792543411),
  ('out', 0.06420314235542073),
  ('part', 0.04033175259702803),
  ('one', 0.03436212360017091),
  ('quarter', 0.031282175451779304),
  ('favor', 0.023924168078092212),
  ('result', 0.022706778993726206),
  ('that', 0.02255765837943521),
  ('guilty', 0.02250315629629473),
  ('<unk>', 0.6640052563226186)],
 [('of', 0.32144161311845026),
  ('to', 0.10287996139105376),
  ('in', 0.07704099161155564),
  ('and', 0.06328939848139664),
  ('for', 0.04992297967933429),
  ('by', 0.047485259142972386),
  ('on', 0.04729415898653474),
  ('that', 0.0436225301440998),
  ('at', 0.03431284606572848),
  ('<unk>', 0.21271026137887383)],
 ...]
for idx, element in enumerate(results_summ):
    print(idx, ': ', sum([float(entry[1]) for entry in element]))
0 :  1.0
1 :  1.0
2 :  1.0
3 :  1.0
4 :  1.0
5 :  1.0
6 :  1.0
7 :  1.0
8 :  1.0
9 :  1.0
10 :  1.0
11 :  1.0
12 :  1.0
13 :  1.0
14 :  1.0
15 :  1.0
16 :  1.0
17 :  1.0
18 :  1.0
19 :  1.0
20 :  1.0
21 :  1.0
22 :  1.0
23 :  1.0
24 :  1.0
25 :  1.0
26 :  1.0
27 :  1.0
28 :  1.0
29 :  1.0
30 :  1.0
31 :  1.0
32 :  1.0
33 :  1.0
34 :  1.0
35 :  1.0
36 :  1.0
37 :  1.0
38 :  1.0
39 :  1.0
40 :  1.0
41 :  1.0
42 :  1.0
43 :  1.0
44 :  1.0
45 :  1.0
46 :  1.0
47 :  1.0
48 :  1.0
49 :  1.0
50 :  1.0
51 :  1.0
52 :  1.0
53 :  1.0
54 :  1.0
55 :  1.0
56 :  1.0
57 :  1.0
58 :  1.0
59 :  1.0
60 :  1.0
61 :  1.0
62 :  1.0
63 :  1.0
64 :  1.0
65 :  1.0
66 :  1.0
67 :  1.0
68 :  1.0
69 :  1.0
70 :  1.0
71 :  1.0
72 :  1.0
73 :  1.0
74 :  1.0
75 :  1.0
76 :  1.0
77 :  1.0
78 :  1.0
79 :  1.0
80 :  1.0
81 :  1.0
82 :  1.0
83 :  1.0
84 :  1.0
85 :  1.0
86 :  1.0
87 :  1.0
88 :  1.0
89 :  1.0
90 :  1.0
91 :  1.0
92 :  1.0
93 :  1.0
94 :  1.0
95 :  1.0
96 :  1.0
97 :  1.0
98 :  1.0
99 :  1.0
100 :  1.0
101 :  1.0
102 :  1.0
103 :  1.0
104 :  1.0
105 :  1.0
106 :  1.0
107 :  1.0
108 :  1.0
109 :  1.0
110 :  1.0
111 :  1.0
112 :  1.0
113 :  1.0
114 :  1.0
115 :  1.0
116 :  1.0
117 :  1.0
118 :  1.0
119 :  1.0
120 :  1.0
121 :  1.0
122 :  1.0
123 :  1.0
124 :  1.0
125 :  1.0
126 :  1.0
127 :  1.0
128 :  1.0
129 :  1.0
130 :  1.0
131 :  1.0
132 :  1.0
133 :  1.0
134 :  1.0
135 :  1.0
136 :  1.0
137 :  1.0
138 :  1.0
139 :  1.0
140 :  1.0
141 :  1.0
142 :  1.0
143 :  1.0
144 :  1.0
145 :  1.0
146 :  1.0
147 :  1.0
148 :  1.0
149 :  1.0
150 :  1.0
151 :  1.0
152 :  1.0
153 :  1.0
154 :  1.0
155 :  1.0
156 :  1.0
157 :  1.0
158 :  1.0
159 :  1.0
160 :  1.0
161 :  1.0
162 :  1.0
163 :  1.0
164 :  1.0
165 :  1.0
166 :  1.0
167 :  1.0
168 :  1.0
169 :  1.0
170 :  1.0
171 :  1.0
172 :  1.0
173 :  1.0
174 :  1.0
175 :  1.0
176 :  1.0
177 :  1.0
178 :  1.0
179 :  1.0
180 :  1.0
181 :  1.0
182 :  1.0
183 :  1.0
184 :  1.0
185 :  1.0
186 :  1.0
187 :  1.0
188 :  1.0
189 :  1.0
190 :  1.0
191 :  1.0
192 :  1.0
193 :  1.0
194 :  1.0
195 :  1.0
196 :  1.0
197 :  1.0
198 :  1.0
199 :  1.0
200 :  1.0
201 :  1.0
202 :  1.0
203 :  1.0
204 :  1.0
205 :  1.0
206 :  1.0
207 :  1.0
208 :  1.0
209 :  1.0
210 :  1.0
211 :  1.0
212 :  1.0
213 :  1.0
214 :  1.0
215 :  1.0
216 :  1.0
217 :  1.0
218 :  1.0
219 :  1.0
220 :  1.0
221 :  1.0
222 :  1.0
223 :  1.0
224 :  1.0
225 :  1.0
226 :  1.0
227 :  1.0
228 :  1.0
229 :  1.0
230 :  1.0
231 :  1.0
232 :  1.0
233 :  1.0
234 :  1.0
235 :  1.0
236 :  1.0
237 :  1.0
238 :  1.0
239 :  1.0
240 :  1.0
241 :  1.0
242 :  1.0
243 :  1.0
244 :  1.0
245 :  1.0
246 :  1.0
247 :  1.0
248 :  1.0
249 :  1.0
250 :  1.0
251 :  1.0
252 :  1.0
253 :  1.0
254 :  1.0
255 :  1.0
256 :  1.0
257 :  1.0
258 :  1.0
259 :  1.0
260 :  1.0
261 :  1.0
262 :  1.0
263 :  1.0
264 :  1.0
265 :  1.0
266 :  1.0
267 :  1.0
268 :  1.0
269 :  1.0
270 :  1.0
271 :  1.0
272 :  1.0
273 :  1.0
274 :  1.0
275 :  1.0
276 :  1.0
277 :  1.0
278 :  1.0
279 :  1.0
280 :  1.0
281 :  1.0
282 :  1.0
283 :  1.0
284 :  1.0
285 :  1.0
286 :  1.0
287 :  1.0
288 :  1.0
289 :  1.0
290 :  1.0
291 :  1.0
292 :  1.0
293 :  1.0
294 :  1.0
295 :  1.0
296 :  1.0
297 :  1.0
298 :  1.0
299 :  1.0
300 :  1.0
301 :  1.0
302 :  1.0
303 :  1.0
304 :  1.0
305 :  1.0
306 :  1.0
307 :  1.0
308 :  1.0
309 :  1.0
310 :  1.0
311 :  1.0
312 :  1.0
313 :  1.0
314 :  1.0
315 :  1.0
316 :  1.0
317 :  1.0
318 :  1.0
319 :  1.0
320 :  1.0
321 :  1.0
322 :  1.0
323 :  1.0
324 :  1.0
325 :  1.0
326 :  1.0
327 :  1.0
328 :  1.0
329 :  1.0
330 :  1.0
331 :  1.0
332 :  1.0
333 :  1.0
334 :  1.0
335 :  1.0
336 :  1.0
337 :  1.0
338 :  1.0
339 :  1.0
340 :  1.0
341 :  1.0
342 :  1.0
343 :  1.0
344 :  1.0
345 :  1.0
346 :  1.0
347 :  1.0
348 :  1.0
349 :  1.0
350 :  1.0
351 :  1.0
352 :  1.0
353 :  1.0
354 :  1.0
355 :  1.0
356 :  1.0
357 :  1.0
358 :  1.0
359 :  1.0
360 :  1.0
361 :  1.0
362 :  1.0
363 :  1.0
364 :  1.0
365 :  1.0
366 :  1.0
367 :  1.0
368 :  1.0
369 :  1.0
370 :  1.0
371 :  1.0
372 :  1.0
373 :  1.0
374 :  1.0
375 :  1.0
376 :  1.0
377 :  1.0
378 :  1.0
379 :  1.0
380 :  1.0
381 :  1.0
382 :  1.0
383 :  1.0
384 :  1.0
385 :  1.0
386 :  1.0
387 :  1.0
388 :  1.0
389 :  1.0
390 :  1.0
391 :  1.0
392 :  1.0
393 :  1.0
394 :  1.0
395 :  1.0
396 :  1.0
397 :  1.0
398 :  1.0
399 :  1.0
400 :  1.0
401 :  1.0
402 :  1.0
403 :  1.0
404 :  1.0
405 :  1.0
406 :  1.0
407 :  1.0
408 :  1.0
409 :  1.0
410 :  1.0
411 :  1.0
412 :  1.0
413 :  1.0
414 :  1.0
415 :  1.0
416 :  1.0
417 :  1.0
418 :  1.0
419 :  1.0
420 :  1.0
421 :  1.0
422 :  1.0
423 :  1.0
424 :  1.0
425 :  1.0
426 :  1.0
427 :  1.0
428 :  1.0
429 :  1.0
430 :  1.0
431 :  1.0
432 :  1.0
433 :  1.0
434 :  1.0
435 :  1.0
436 :  1.0
437 :  1.0
438 :  1.0
439 :  1.0
440 :  1.0
441 :  1.0
442 :  1.0
443 :  1.0
444 :  1.0
445 :  1.0
446 :  1.0
447 :  1.0
448 :  1.0
449 :  1.0
450 :  1.0
451 :  1.0
452 :  1.0
453 :  1.0
454 :  1.0
455 :  1.0
456 :  1.0
457 :  1.0
458 :  1.0
459 :  1.0
460 :  1.0
461 :  1.0
462 :  1.0
463 :  1.0
464 :  1.0
465 :  1.0
466 :  1.0
467 :  1.0
468 :  1.0
469 :  1.0
470 :  1.0
471 :  1.0
472 :  1.0
473 :  1.0
474 :  1.0
475 :  1.0
476 :  1.0
477 :  1.0
478 :  1.0
479 :  1.0
480 :  1.0
481 :  1.0
482 :  1.0
483 :  1.0
484 :  1.0
485 :  1.0
486 :  1.0
487 :  1.0
488 :  1.0
489 :  1.0
490 :  1.0
491 :  1.0
492 :  1.0
493 :  1.0
494 :  1.0
495 :  1.0
496 :  1.0
497 :  1.0
498 :  1.0
499 :  1.0
500 :  1.0
501 :  1.0
502 :  1.0
503 :  1.0
504 :  1.0
505 :  1.0
506 :  1.0
507 :  1.0
508 :  1.0
509 :  1.0
510 :  1.0
511 :  1.0
512 :  1.0
513 :  1.0
514 :  1.0
515 :  1.0
516 :  1.0
517 :  1.0
518 :  1.0
519 :  1.0
520 :  1.0
521 :  1.0
522 :  1.0
523 :  1.0
524 :  1.0
525 :  1.0
526 :  1.0
527 :  1.0
528 :  1.0
529 :  1.0
530 :  1.0
531 :  1.0
532 :  1.0
533 :  1.0
534 :  1.0
535 :  1.0
536 :  1.0
537 :  1.0
538 :  1.0
539 :  1.0
540 :  1.0
541 :  1.0
542 :  1.0
543 :  1.0
544 :  1.0
545 :  1.0
546 :  1.0
547 :  1.0
548 :  1.0
549 :  1.0
550 :  1.0
551 :  1.0
552 :  1.0
553 :  1.0
554 :  1.0
555 :  1.0
556 :  1.0
557 :  1.0
558 :  1.0
559 :  1.0
560 :  1.0
561 :  1.0
562 :  1.0
563 :  1.0
564 :  1.0
565 :  1.0
566 :  1.0
567 :  1.0
568 :  1.0
569 :  1.0
570 :  1.0
571 :  1.0
572 :  1.0
573 :  1.0
574 :  1.0
575 :  1.0
576 :  1.0
577 :  1.0
578 :  1.0
579 :  1.0
580 :  1.0
581 :  1.0
582 :  1.0
583 :  1.0
584 :  1.0
585 :  1.0
586 :  1.0
587 :  1.0
588 :  1.0
589 :  1.0
590 :  1.0
591 :  1.0
592 :  1.0
593 :  1.0
594 :  1.0
595 :  1.0
596 :  1.0
597 :  1.0
598 :  1.0
599 :  1.0
600 :  1.0
601 :  1.0
602 :  1.0
603 :  1.0
604 :  1.0
605 :  1.0
606 :  1.0
607 :  1.0
608 :  1.0
609 :  1.0
610 :  1.0
611 :  1.0
612 :  1.0
613 :  1.0
614 :  1.0
615 :  1.0
616 :  1.0
617 :  1.0
618 :  1.0
619 :  1.0
620 :  1.0
621 :  1.0
622 :  1.0
623 :  1.0
624 :  1.0
625 :  1.0
626 :  1.0
627 :  1.0
628 :  1.0
629 :  1.0
630 :  1.0
631 :  1.0
632 :  1.0
633 :  1.0
634 :  1.0
635 :  1.0
636 :  1.0
637 :  1.0
638 :  1.0
639 :  1.0
640 :  1.0
641 :  1.0
642 :  1.0
643 :  1.0
644 :  1.0
645 :  1.0
646 :  1.0
647 :  1.0
648 :  1.0
649 :  1.0
650 :  1.0
651 :  1.0
652 :  1.0
653 :  1.0
654 :  1.0
655 :  1.0
656 :  1.0
657 :  1.0
658 :  1.0
659 :  1.0
660 :  1.0
661 :  1.0
662 :  1.0
663 :  1.0
664 :  1.0
665 :  1.0
666 :  1.0
667 :  1.0
668 :  1.0
669 :  1.0
670 :  1.0
671 :  1.0
672 :  1.0
673 :  1.0
674 :  1.0
675 :  1.0
676 :  1.0
677 :  1.0
678 :  1.0
679 :  1.0
680 :  1.0
681 :  1.0
682 :  1.0
683 :  1.0
684 :  1.0
685 :  1.0
686 :  1.0
687 :  1.0
688 :  1.0
689 :  1.0
690 :  1.0
691 :  1.0
692 :  1.0
693 :  1.0
694 :  1.0
695 :  1.0
696 :  1.0
697 :  1.0
698 :  1.0
699 :  1.0
700 :  1.0
701 :  1.0
702 :  1.0
703 :  1.0
704 :  1.0
705 :  1.0
706 :  1.0
707 :  1.0
708 :  1.0
709 :  1.0
710 :  1.0
711 :  1.0
712 :  1.0
713 :  1.0
714 :  1.0
715 :  1.0
716 :  1.0
717 :  1.0
718 :  1.0
719 :  1.0
720 :  1.0
721 :  1.0
722 :  1.0
723 :  1.0
724 :  1.0
725 :  1.0
726 :  1.0
727 :  1.0
728 :  1.0
729 :  1.0
730 :  1.0
731 :  1.0
732 :  1.0
733 :  1.0
734 :  1.0
735 :  1.0
736 :  1.0
737 :  1.0
738 :  1.0
739 :  1.0
740 :  1.0
741 :  1.0
742 :  1.0
743 :  1.0
744 :  1.0
745 :  1.0
746 :  1.0
747 :  1.0
748 :  1.0
749 :  1.0
750 :  1.0
751 :  1.0
752 :  1.0
753 :  1.0
754 :  1.0
755 :  1.0
756 :  1.0
757 :  1.0
758 :  1.0
759 :  1.0
760 :  1.0
761 :  1.0
762 :  1.0
763 :  1.0
764 :  1.0
765 :  1.0
766 :  1.0
767 :  1.0
768 :  1.0
769 :  1.0
770 :  1.0
771 :  1.0
772 :  1.0
773 :  1.0
774 :  1.0
775 :  1.0
776 :  1.0
777 :  1.0
778 :  1.0
779 :  1.0
780 :  1.0
781 :  1.0
782 :  1.0
783 :  1.0
784 :  1.0
785 :  1.0
786 :  1.0
787 :  1.0
788 :  1.0
789 :  1.0
790 :  1.0
791 :  1.0
792 :  1.0
793 :  1.0
794 :  1.0
795 :  1.0
796 :  1.0
797 :  1.0
798 :  1.0
799 :  1.0
800 :  1.0
801 :  1.0
802 :  1.0
803 :  1.0
804 :  1.0
805 :  1.0
806 :  1.0
807 :  1.0
808 :  1.0
809 :  1.0
810 :  1.0
811 :  1.0
812 :  1.0
813 :  1.0
814 :  1.0
815 :  1.0
816 :  1.0
817 :  1.0
818 :  1.0
819 :  1.0
820 :  1.0
821 :  1.0
822 :  1.0
823 :  1.0
824 :  1.0
825 :  1.0
826 :  1.0
827 :  1.0
828 :  1.0
829 :  1.0
830 :  1.0
831 :  1.0
832 :  1.0
833 :  1.0
834 :  1.0
835 :  1.0
836 :  1.0
837 :  1.0
838 :  1.0
839 :  1.0
840 :  1.0
841 :  1.0
842 :  1.0
843 :  1.0
844 :  1.0
845 :  1.0
846 :  1.0
847 :  1.0
848 :  1.0
849 :  1.0
850 :  1.0
851 :  1.0
852 :  1.0
853 :  1.0
854 :  1.0
855 :  1.0
856 :  1.0
857 :  1.0
858 :  1.0
859 :  1.0
860 :  1.0
861 :  1.0
862 :  1.0
863 :  1.0
864 :  1.0
865 :  1.0
866 :  1.0
867 :  1.0
868 :  1.0
869 :  1.0
870 :  1.0
871 :  1.0
872 :  1.0
873 :  1.0
874 :  1.0
875 :  1.0
876 :  1.0
877 :  1.0
878 :  1.0
879 :  1.0
880 :  1.0
881 :  1.0
882 :  1.0
883 :  1.0
884 :  1.0
885 :  1.0
886 :  1.0
887 :  1.0
888 :  1.0
889 :  1.0
890 :  1.0
891 :  1.0
892 :  1.0
893 :  1.0
894 :  1.0
895 :  1.0
896 :  1.0
897 :  1.0
898 :  1.0
899 :  1.0
900 :  1.0
901 :  1.0
902 :  1.0
903 :  1.0
904 :  1.0
905 :  1.0
906 :  1.0
907 :  1.0
908 :  1.0
909 :  1.0
910 :  1.0
911 :  1.0
912 :  1.0
913 :  1.0
914 :  1.0
915 :  1.0
916 :  1.0
917 :  1.0
918 :  1.0
919 :  1.0
920 :  1.0
921 :  1.0
922 :  1.0
923 :  1.0
924 :  1.0
925 :  1.0
926 :  1.0
927 :  1.0
928 :  1.0
929 :  1.0
930 :  1.0
931 :  1.0
932 :  1.0
933 :  1.0
934 :  1.0
935 :  1.0
936 :  1.0
937 :  1.0
938 :  1.0
939 :  1.0
940 :  1.0
941 :  1.0
942 :  1.0
943 :  1.0
944 :  1.0
945 :  1.0
946 :  1.0
947 :  1.0
948 :  1.0
949 :  1.0
950 :  1.0
951 :  1.0
952 :  1.0
953 :  1.0
954 :  1.0
955 :  1.0
956 :  1.0
957 :  1.0
958 :  1.0
959 :  1.0
960 :  1.0
961 :  1.0
962 :  1.0
963 :  1.0
964 :  1.0
965 :  1.0
966 :  1.0
967 :  1.0
968 :  1.0
969 :  1.0
970 :  1.0
971 :  1.0
972 :  1.0
973 :  1.0
974 :  1.0
975 :  1.0
976 :  1.0
977 :  1.0
978 :  1.0
979 :  1.0
980 :  1.0
981 :  1.0
982 :  1.0
983 :  1.0
984 :  1.0
985 :  1.0
986 :  1.0
987 :  1.0
988 :  1.0
989 :  1.0
990 :  1.0
991 :  1.0
992 :  1.0
993 :  1.0
994 :  1.0
995 :  1.0
996 :  1.0
997 :  1.0
998 :  1.0
999 :  1.0
1000 :  1.0
1001 :  1.0
1002 :  1.0
1003 :  1.0
1004 :  1.0
1005 :  1.0
1006 :  1.0
1007 :  1.0
1008 :  1.0
1009 :  1.0
1010 :  1.0
1011 :  1.0
1012 :  1.0
1013 :  1.0
1014 :  1.0
1015 :  1.0
1016 :  1.0
1017 :  1.0
1018 :  1.0
1019 :  1.0
1020 :  1.0
1021 :  1.0
1022 :  1.0
1023 :  1.0
1024 :  1.0
1025 :  1.0
1026 :  1.0
1027 :  1.0
1028 :  1.0
1029 :  1.0
1030 :  1.0
1031 :  1.0
1032 :  1.0
1033 :  1.0
1034 :  1.0
1035 :  1.0
1036 :  1.0
1037 :  1.0
1038 :  1.0
1039 :  1.0
1040 :  1.0
1041 :  1.0
1042 :  1.0
1043 :  1.0
1044 :  1.0
1045 :  1.0
1046 :  1.0
1047 :  1.0
1048 :  1.0
1049 :  1.0
1050 :  1.0
1051 :  1.0
1052 :  1.0
1053 :  1.0
1054 :  1.0
1055 :  1.0
1056 :  1.0
1057 :  1.0
1058 :  1.0
1059 :  1.0
1060 :  1.0
1061 :  1.0
1062 :  1.0
1063 :  1.0
1064 :  1.0
1065 :  1.0
1066 :  1.0
1067 :  1.0
1068 :  1.0
1069 :  1.0
1070 :  1.0
1071 :  1.0
1072 :  1.0
1073 :  1.0
1074 :  1.0
1075 :  1.0
1076 :  1.0
1077 :  1.0
1078 :  1.0
1079 :  1.0
1080 :  1.0
1081 :  1.0
1082 :  1.0
1083 :  1.0
1084 :  1.0
1085 :  1.0
1086 :  1.0
1087 :  1.0
1088 :  1.0
1089 :  1.0
1090 :  1.0
1091 :  1.0
1092 :  1.0
1093 :  1.0
1094 :  1.0
1095 :  1.0
1096 :  1.0
1097 :  1.0
1098 :  1.0
1099 :  1.0
1100 :  1.0
1101 :  1.0
1102 :  1.0
1103 :  1.0
1104 :  1.0
1105 :  1.0
1106 :  1.0
1107 :  1.0
1108 :  1.0
1109 :  1.0
1110 :  1.0
1111 :  1.0
1112 :  1.0
1113 :  1.0
1114 :  1.0
1115 :  1.0
1116 :  1.0
1117 :  1.0
1118 :  1.0
1119 :  1.0
1120 :  1.0
1121 :  1.0
1122 :  1.0
1123 :  1.0
1124 :  1.0
1125 :  1.0
1126 :  1.0
1127 :  1.0
1128 :  1.0
1129 :  1.0
1130 :  1.0
1131 :  1.0
1132 :  1.0
1133 :  1.0
1134 :  1.0
1135 :  1.0
1136 :  1.0
1137 :  1.0
1138 :  1.0
1139 :  1.0
1140 :  1.0
1141 :  1.0
1142 :  1.0
1143 :  1.0
1144 :  1.0
1145 :  1.0
1146 :  1.0
1147 :  1.0
1148 :  1.0
1149 :  1.0
1150 :  1.0
1151 :  1.0
1152 :  1.0
1153 :  1.0
1154 :  1.0
1155 :  1.0
1156 :  1.0
1157 :  1.0
1158 :  1.0
1159 :  1.0
1160 :  1.0
1161 :  1.0
1162 :  1.0
1163 :  1.0
1164 :  1.0
1165 :  1.0
1166 :  1.0
1167 :  1.0
1168 :  1.0
1169 :  1.0
1170 :  1.0
1171 :  1.0
1172 :  1.0
1173 :  1.0
1174 :  1.0
1175 :  1.0
1176 :  1.0
1177 :  1.0
1178 :  1.0
1179 :  1.0
1180 :  1.0
1181 :  1.0
1182 :  1.0
1183 :  1.0
1184 :  1.0
1185 :  1.0
1186 :  1.0
1187 :  1.0
1188 :  1.0
1189 :  1.0
1190 :  1.0
1191 :  1.0
1192 :  1.0
1193 :  1.0
1194 :  1.0
1195 :  1.0
1196 :  1.0
1197 :  1.0
1198 :  1.0
1199 :  1.0
1200 :  1.0
1201 :  1.0
1202 :  1.0
1203 :  1.0
1204 :  1.0
1205 :  1.0
1206 :  1.0
1207 :  1.0
1208 :  1.0
1209 :  1.0
1210 :  1.0
1211 :  1.0
1212 :  1.0
1213 :  1.0
1214 :  1.0
1215 :  1.0
1216 :  1.0
1217 :  1.0
1218 :  1.0
1219 :  1.0
1220 :  1.0
1221 :  1.0
1222 :  1.0
1223 :  1.0
1224 :  1.0
1225 :  1.0
1226 :  1.0
1227 :  1.0
1228 :  1.0
1229 :  1.0
1230 :  1.0
1231 :  1.0
1232 :  1.0
1233 :  1.0
1234 :  1.0
1235 :  1.0
1236 :  1.0
1237 :  1.0
1238 :  1.0
1239 :  1.0
1240 :  1.0
1241 :  1.0
1242 :  1.0
1243 :  1.0
1244 :  1.0
1245 :  1.0
1246 :  1.0
1247 :  1.0
1248 :  1.0
1249 :  1.0
1250 :  1.0
1251 :  1.0
1252 :  1.0
1253 :  1.0
1254 :  1.0
1255 :  1.0
1256 :  1.0
1257 :  1.0
1258 :  1.0
1259 :  1.0
1260 :  1.0
1261 :  1.0
1262 :  1.0
1263 :  1.0
1264 :  1.0
1265 :  1.0
1266 :  1.0
1267 :  1.0
1268 :  1.0
1269 :  1.0
1270 :  1.0
1271 :  1.0
1272 :  1.0
1273 :  1.0
1274 :  1.0
1275 :  1.0
1276 :  1.0
1277 :  1.0
1278 :  1.0
1279 :  1.0
1280 :  1.0
1281 :  1.0
1282 :  1.0
1283 :  1.0
1284 :  1.0
1285 :  1.0
1286 :  1.0
1287 :  1.0
1288 :  1.0
1289 :  1.0
1290 :  1.0
1291 :  1.0
1292 :  1.0
1293 :  1.0
1294 :  1.0
1295 :  1.0
1296 :  1.0
1297 :  1.0
1298 :  1.0
1299 :  1.0
1300 :  1.0
1301 :  1.0
1302 :  1.0
1303 :  1.0
1304 :  1.0
1305 :  1.0
1306 :  1.0
1307 :  1.0
1308 :  1.0
1309 :  1.0
1310 :  1.0
1311 :  1.0
1312 :  1.0
1313 :  1.0
1314 :  1.0
1315 :  1.0
1316 :  1.0
1317 :  1.0
1318 :  1.0
1319 :  1.0
1320 :  1.0
1321 :  1.0
1322 :  1.0
1323 :  1.0
1324 :  1.0
1325 :  1.0
1326 :  1.0
1327 :  1.0
1328 :  1.0
1329 :  1.0
1330 :  1.0
1331 :  1.0
1332 :  1.0
1333 :  1.0
1334 :  1.0
1335 :  1.0
1336 :  1.0
1337 :  1.0
1338 :  1.0
1339 :  1.0
1340 :  1.0
1341 :  1.0
1342 :  1.0
1343 :  1.0
1344 :  1.0
1345 :  1.0
1346 :  1.0
1347 :  1.0
1348 :  1.0
1349 :  1.0
1350 :  1.0
1351 :  1.0
1352 :  1.0
1353 :  1.0
1354 :  1.0
1355 :  1.0
1356 :  1.0
1357 :  1.0
1358 :  1.0
1359 :  1.0
1360 :  1.0
1361 :  1.0
1362 :  1.0
1363 :  1.0
1364 :  1.0
1365 :  1.0
1366 :  1.0
1367 :  1.0
1368 :  1.0
1369 :  1.0
1370 :  1.0
1371 :  1.0
1372 :  1.0
1373 :  1.0
1374 :  1.0
1375 :  1.0
1376 :  1.0
1377 :  1.0
1378 :  1.0
1379 :  1.0
1380 :  1.0
1381 :  1.0
1382 :  1.0
1383 :  1.0
1384 :  1.0
1385 :  1.0
1386 :  1.0
1387 :  1.0
1388 :  1.0
1389 :  1.0
1390 :  1.0
1391 :  1.0
1392 :  1.0
1393 :  1.0
1394 :  1.0
1395 :  1.0
1396 :  1.0
1397 :  1.0
1398 :  1.0
1399 :  1.0
1400 :  1.0
1401 :  1.0
1402 :  1.0
1403 :  1.0
1404 :  1.0
1405 :  1.0
1406 :  1.0
1407 :  1.0
1408 :  1.0
1409 :  1.0
1410 :  1.0
1411 :  1.0
1412 :  1.0
1413 :  1.0
1414 :  1.0
1415 :  1.0
1416 :  1.0
1417 :  1.0
1418 :  1.0
1419 :  1.0
1420 :  1.0
1421 :  1.0
1422 :  1.0
1423 :  1.0
1424 :  1.0
1425 :  1.0
1426 :  1.0
1427 :  1.0
1428 :  1.0
1429 :  1.0
1430 :  1.0
1431 :  1.0
1432 :  1.0
1433 :  1.0
1434 :  1.0
1435 :  1.0
1436 :  1.0
1437 :  1.0
1438 :  1.0
1439 :  1.0
1440 :  1.0
1441 :  1.0
1442 :  1.0
1443 :  1.0
1444 :  1.0
1445 :  1.0
1446 :  1.0
1447 :  1.0
1448 :  1.0
1449 :  1.0
1450 :  1.0
1451 :  1.0
1452 :  1.0
1453 :  1.0
1454 :  1.0
1455 :  1.0
1456 :  1.0
1457 :  1.0
1458 :  1.0
1459 :  1.0
1460 :  1.0
1461 :  1.0
1462 :  1.0
1463 :  1.0
1464 :  1.0
1465 :  1.0
1466 :  1.0
1467 :  1.0
1468 :  1.0
1469 :  1.0
1470 :  1.0
1471 :  1.0
1472 :  1.0
1473 :  1.0
1474 :  1.0
1475 :  1.0
1476 :  1.0
1477 :  1.0
1478 :  1.0
1479 :  1.0
1480 :  1.0
1481 :  1.0
1482 :  1.0
1483 :  1.0
1484 :  1.0
1485 :  1.0
1486 :  1.0
1487 :  1.0
1488 :  1.0
1489 :  1.0
1490 :  1.0
1491 :  1.0
1492 :  1.0
1493 :  1.0
1494 :  1.0
1495 :  1.0
1496 :  1.0
1497 :  1.0
1498 :  1.0
1499 :  1.0
1500 :  1.0
1501 :  1.0
1502 :  1.0
1503 :  1.0
1504 :  1.0
1505 :  1.0
1506 :  1.0
1507 :  1.0
1508 :  1.0
1509 :  1.0
1510 :  1.0
1511 :  1.0
1512 :  1.0
1513 :  1.0
1514 :  1.0
1515 :  1.0
1516 :  1.0
1517 :  1.0
1518 :  1.0
1519 :  1.0
1520 :  1.0
1521 :  1.0
1522 :  1.0
1523 :  1.0
1524 :  1.0
1525 :  1.0
1526 :  1.0
1527 :  1.0
1528 :  1.0
1529 :  1.0
1530 :  1.0
1531 :  1.0
1532 :  1.0
1533 :  1.0
1534 :  1.0
1535 :  1.0
1536 :  1.0
1537 :  1.0
1538 :  1.0
1539 :  1.0
1540 :  1.0
1541 :  1.0
1542 :  1.0
1543 :  1.0
1544 :  1.0
1545 :  1.0
1546 :  1.0
1547 :  1.0
1548 :  1.0
1549 :  1.0
1550 :  1.0
1551 :  1.0
1552 :  1.0
1553 :  1.0
1554 :  1.0
1555 :  1.0
1556 :  1.0
1557 :  1.0
1558 :  1.0
1559 :  1.0
1560 :  1.0
1561 :  1.0
1562 :  1.0
1563 :  1.0
1564 :  1.0
1565 :  1.0
1566 :  1.0
1567 :  1.0
1568 :  1.0
1569 :  1.0
1570 :  1.0
1571 :  1.0
1572 :  1.0
1573 :  1.0
1574 :  1.0
1575 :  1.0
1576 :  1.0
1577 :  1.0
1578 :  1.0
1579 :  1.0
1580 :  1.0
1581 :  1.0
1582 :  1.0
1583 :  1.0
1584 :  1.0
1585 :  1.0
1586 :  1.0
1587 :  1.0
1588 :  1.0
1589 :  1.0
1590 :  1.0
1591 :  1.0
1592 :  1.0
1593 :  1.0
1594 :  1.0
1595 :  1.0
1596 :  1.0
1597 :  1.0
1598 :  1.0
1599 :  1.0
1600 :  1.0
1601 :  1.0
1602 :  1.0
1603 :  1.0
1604 :  1.0
1605 :  1.0
1606 :  1.0
1607 :  1.0
1608 :  1.0
1609 :  1.0
1610 :  1.0
1611 :  1.0
1612 :  1.0
1613 :  1.0
1614 :  1.0
1615 :  1.0
1616 :  1.0
1617 :  1.0
1618 :  1.0
1619 :  1.0
1620 :  1.0
1621 :  1.0
1622 :  1.0
1623 :  1.0
1624 :  1.0
1625 :  1.0
1626 :  1.0
1627 :  1.0
1628 :  1.0
1629 :  1.0
1630 :  1.0
1631 :  1.0
1632 :  1.0
1633 :  1.0
1634 :  1.0
1635 :  1.0
1636 :  1.0
1637 :  1.0
1638 :  1.0
1639 :  1.0
1640 :  1.0
1641 :  1.0
1642 :  1.0
1643 :  1.0
1644 :  1.0
1645 :  1.0
1646 :  1.0
1647 :  1.0
1648 :  1.0
1649 :  1.0
1650 :  1.0
1651 :  1.0
1652 :  1.0
1653 :  1.0
1654 :  1.0
1655 :  1.0
1656 :  1.0
1657 :  1.0
1658 :  1.0
1659 :  1.0
1660 :  1.0
1661 :  1.0
1662 :  1.0
1663 :  1.0
1664 :  1.0
1665 :  1.0
1666 :  1.0
1667 :  1.0
1668 :  1.0
1669 :  1.0
1670 :  1.0
1671 :  1.0
1672 :  1.0
1673 :  1.0
1674 :  1.0
1675 :  1.0
1676 :  1.0
1677 :  1.0
1678 :  1.0
1679 :  1.0
1680 :  1.0
1681 :  1.0
1682 :  1.0
1683 :  1.0
1684 :  1.0
1685 :  1.0
1686 :  1.0
1687 :  1.0
1688 :  1.0
1689 :  1.0
1690 :  1.0
1691 :  1.0
1692 :  1.0
1693 :  1.0
1694 :  1.0
1695 :  1.0
1696 :  1.0
1697 :  1.0
1698 :  1.0
1699 :  1.0
1700 :  1.0
1701 :  1.0
1702 :  1.0
1703 :  1.0
1704 :  1.0
1705 :  1.0
1706 :  1.0
1707 :  1.0
1708 :  1.0
1709 :  1.0
1710 :  1.0
1711 :  1.0
1712 :  1.0
1713 :  1.0
1714 :  1.0
1715 :  1.0
1716 :  1.0
1717 :  1.0
1718 :  1.0
1719 :  1.0
1720 :  1.0
1721 :  1.0
1722 :  1.0
1723 :  1.0
1724 :  1.0
1725 :  1.0
1726 :  1.0
1727 :  1.0
1728 :  1.0
1729 :  1.0
1730 :  1.0
1731 :  1.0
1732 :  1.0
1733 :  1.0
1734 :  1.0
1735 :  1.0
1736 :  1.0
1737 :  1.0
1738 :  1.0
1739 :  1.0
1740 :  1.0
1741 :  1.0
1742 :  1.0
1743 :  1.0
1744 :  1.0
1745 :  1.0
1746 :  1.0
1747 :  1.0
1748 :  1.0
1749 :  1.0
1750 :  1.0
1751 :  1.0
1752 :  1.0
1753 :  1.0
1754 :  1.0
1755 :  1.0
1756 :  1.0
1757 :  1.0
1758 :  1.0
1759 :  1.0
1760 :  1.0
1761 :  1.0
1762 :  1.0
1763 :  1.0
1764 :  1.0
1765 :  1.0
1766 :  1.0
1767 :  1.0
1768 :  1.0
1769 :  1.0
1770 :  1.0
1771 :  1.0
1772 :  1.0
1773 :  1.0
1774 :  1.0
1775 :  1.0
1776 :  1.0
1777 :  1.0
1778 :  1.0
1779 :  1.0
1780 :  1.0
1781 :  1.0
1782 :  1.0
1783 :  1.0
1784 :  1.0
1785 :  1.0
1786 :  1.0
1787 :  1.0
1788 :  1.0
1789 :  1.0
1790 :  1.0
1791 :  1.0
1792 :  1.0
1793 :  1.0
1794 :  1.0
1795 :  1.0
1796 :  1.0
1797 :  1.0
1798 :  1.0
1799 :  1.0
1800 :  1.0
1801 :  1.0
1802 :  1.0
1803 :  1.0
1804 :  1.0
1805 :  1.0
1806 :  1.0
1807 :  1.0
1808 :  1.0
1809 :  1.0
1810 :  1.0
1811 :  1.0
1812 :  1.0
1813 :  1.0
1814 :  1.0
1815 :  1.0
1816 :  1.0
1817 :  1.0
1818 :  1.0
1819 :  1.0
1820 :  1.0
1821 :  1.0
1822 :  1.0
1823 :  1.0
1824 :  1.0
1825 :  1.0
1826 :  1.0
1827 :  1.0
1828 :  1.0
1829 :  1.0
1830 :  1.0
1831 :  1.0
1832 :  1.0
1833 :  1.0
1834 :  1.0
1835 :  1.0
1836 :  1.0
1837 :  1.0
1838 :  1.0
1839 :  1.0
1840 :  1.0
1841 :  1.0
1842 :  1.0
1843 :  1.0
1844 :  1.0
1845 :  1.0
1846 :  1.0
1847 :  1.0
1848 :  1.0
1849 :  1.0
1850 :  1.0
1851 :  1.0
1852 :  1.0
1853 :  1.0
1854 :  1.0
1855 :  1.0
1856 :  1.0
1857 :  1.0
1858 :  1.0
1859 :  1.0
1860 :  1.0
1861 :  1.0
1862 :  1.0
1863 :  1.0
1864 :  1.0
1865 :  1.0
1866 :  1.0
1867 :  1.0
1868 :  1.0
1869 :  1.0
1870 :  1.0
1871 :  1.0
1872 :  1.0
1873 :  1.0
1874 :  1.0
1875 :  1.0
1876 :  1.0
1877 :  1.0
1878 :  1.0
1879 :  1.0
1880 :  1.0
1881 :  1.0
1882 :  1.0
1883 :  1.0
1884 :  1.0
1885 :  1.0
1886 :  1.0
1887 :  1.0
1888 :  1.0
1889 :  1.0
1890 :  1.0
1891 :  1.0
1892 :  1.0
1893 :  1.0
1894 :  1.0
1895 :  1.0
1896 :  1.0
1897 :  1.0
1898 :  1.0
1899 :  1.0
1900 :  1.0
1901 :  1.0
1902 :  1.0
1903 :  1.0
1904 :  1.0
1905 :  1.0
1906 :  1.0
1907 :  1.0
1908 :  1.0
1909 :  1.0
1910 :  1.0
1911 :  1.0
1912 :  1.0
1913 :  1.0
1914 :  1.0
1915 :  1.0
1916 :  1.0
1917 :  1.0
1918 :  1.0
1919 :  1.0
1920 :  1.0
1921 :  1.0
1922 :  1.0
1923 :  1.0
1924 :  1.0
1925 :  1.0
1926 :  1.0
1927 :  1.0
1928 :  1.0
1929 :  1.0
1930 :  1.0
1931 :  1.0
1932 :  1.0
1933 :  1.0
1934 :  1.0
1935 :  1.0
1936 :  1.0
1937 :  1.0
1938 :  1.0
1939 :  1.0
1940 :  1.0
1941 :  1.0
1942 :  1.0
1943 :  1.0
1944 :  1.0
1945 :  1.0
1946 :  1.0
1947 :  1.0
1948 :  1.0
1949 :  1.0
1950 :  1.0
1951 :  1.0
1952 :  1.0
1953 :  1.0
1954 :  1.0
1955 :  1.0
1956 :  1.0
1957 :  1.0
1958 :  1.0
1959 :  1.0
1960 :  1.0
1961 :  1.0
1962 :  1.0
1963 :  1.0
1964 :  1.0
1965 :  1.0
1966 :  1.0
1967 :  1.0
1968 :  1.0
1969 :  1.0
1970 :  1.0
1971 :  1.0
1972 :  1.0
1973 :  1.0
1974 :  1.0
1975 :  1.0
1976 :  1.0
1977 :  1.0
1978 :  1.0
1979 :  1.0
1980 :  1.0
1981 :  1.0
1982 :  1.0
1983 :  1.0
1984 :  1.0
1985 :  1.0
1986 :  1.0
1987 :  1.0
1988 :  1.0
1989 :  1.0
1990 :  1.0
1991 :  1.0
1992 :  1.0
1993 :  1.0
1994 :  1.0
1995 :  1.0
1996 :  1.0
1997 :  1.0
1998 :  1.0
1999 :  1.0
2000 :  1.0
2001 :  1.0
2002 :  1.0
2003 :  1.0
2004 :  1.0
2005 :  1.0
2006 :  1.0
2007 :  1.0
2008 :  1.0
2009 :  1.0
2010 :  1.0
2011 :  1.0
2012 :  1.0
2013 :  1.0
2014 :  1.0
2015 :  1.0
2016 :  1.0
2017 :  1.0
2018 :  1.0
2019 :  1.0
2020 :  1.0
2021 :  1.0
2022 :  1.0
2023 :  1.0
2024 :  1.0
2025 :  1.0
2026 :  1.0
2027 :  1.0
2028 :  1.0
2029 :  1.0
2030 :  1.0
2031 :  1.0
2032 :  1.0
2033 :  1.0
2034 :  1.0
2035 :  1.0
2036 :  1.0
2037 :  1.0
2038 :  1.0
2039 :  1.0
2040 :  1.0
2041 :  1.0
2042 :  1.0
2043 :  1.0
2044 :  1.0
2045 :  1.0
2046 :  1.0
2047 :  1.0
2048 :  1.0
2049 :  1.0
2050 :  1.0
2051 :  1.0
2052 :  1.0
2053 :  1.0
2054 :  1.0
2055 :  1.0
2056 :  1.0
2057 :  1.0
2058 :  1.0
2059 :  1.0
2060 :  1.0
2061 :  1.0
2062 :  1.0
2063 :  1.0
2064 :  1.0
2065 :  1.0
2066 :  1.0
2067 :  1.0
2068 :  1.0
2069 :  1.0
2070 :  1.0
2071 :  1.0
2072 :  1.0
2073 :  1.0
2074 :  1.0
2075 :  1.0
2076 :  1.0
2077 :  1.0
2078 :  1.0
2079 :  1.0
2080 :  1.0
2081 :  1.0
2082 :  1.0
2083 :  1.0
2084 :  1.0
2085 :  1.0
2086 :  1.0
2087 :  1.0
2088 :  1.0
2089 :  1.0
2090 :  1.0
2091 :  1.0
2092 :  1.0
2093 :  1.0
2094 :  1.0
2095 :  1.0
2096 :  1.0
2097 :  1.0
2098 :  1.0
2099 :  1.0
2100 :  1.0
2101 :  1.0
2102 :  1.0
2103 :  1.0
2104 :  1.0
2105 :  1.0
2106 :  1.0
2107 :  1.0
2108 :  1.0
2109 :  1.0
2110 :  1.0
2111 :  1.0
2112 :  1.0
2113 :  1.0
2114 :  1.0
2115 :  1.0
2116 :  1.0
2117 :  1.0
2118 :  1.0
2119 :  1.0
2120 :  1.0
2121 :  1.0
2122 :  1.0
2123 :  1.0
2124 :  1.0
2125 :  1.0
2126 :  1.0
2127 :  1.0
2128 :  1.0
2129 :  1.0
2130 :  1.0
2131 :  1.0
2132 :  1.0
2133 :  1.0
2134 :  1.0
2135 :  1.0
2136 :  1.0
2137 :  1.0
2138 :  1.0
2139 :  1.0
2140 :  1.0
2141 :  1.0
2142 :  1.0
2143 :  1.0
2144 :  1.0
2145 :  1.0
2146 :  1.0
2147 :  1.0
2148 :  1.0
2149 :  1.0
2150 :  1.0
2151 :  1.0
2152 :  1.0
2153 :  1.0
2154 :  1.0
2155 :  1.0
2156 :  1.0
2157 :  1.0
2158 :  1.0
2159 :  1.0
2160 :  1.0
2161 :  1.0
2162 :  1.0
2163 :  1.0
2164 :  1.0
2165 :  1.0
2166 :  1.0
2167 :  1.0
2168 :  1.0
2169 :  1.0
2170 :  1.0
2171 :  1.0
2172 :  1.0
2173 :  1.0
2174 :  1.0
2175 :  1.0
2176 :  1.0
2177 :  1.0
2178 :  1.0
2179 :  1.0
2180 :  1.0
2181 :  1.0
2182 :  1.0
2183 :  1.0
2184 :  1.0
2185 :  1.0
2186 :  1.0
2187 :  1.0
2188 :  1.0
2189 :  1.0
2190 :  1.0
2191 :  1.0
2192 :  1.0
2193 :  1.0
2194 :  1.0
2195 :  1.0
2196 :  1.0
2197 :  1.0
2198 :  1.0
2199 :  1.0
2200 :  1.0
2201 :  1.0
2202 :  1.0
2203 :  1.0
2204 :  1.0
2205 :  1.0
2206 :  1.0
2207 :  1.0
2208 :  1.0
2209 :  1.0
2210 :  1.0
2211 :  1.0
2212 :  1.0
2213 :  1.0
2214 :  1.0
2215 :  1.0
2216 :  1.0
2217 :  1.0
2218 :  1.0
2219 :  1.0
2220 :  1.0
2221 :  1.0
2222 :  1.0
2223 :  1.0
2224 :  1.0
2225 :  1.0
2226 :  1.0
2227 :  1.0
2228 :  1.0
2229 :  1.0
2230 :  1.0
2231 :  1.0
2232 :  1.0
2233 :  1.0
2234 :  1.0
2235 :  1.0
2236 :  1.0
2237 :  1.0
2238 :  1.0
2239 :  1.0
2240 :  1.0
2241 :  1.0
2242 :  1.0
2243 :  1.0
2244 :  1.0
2245 :  1.0
2246 :  1.0
2247 :  1.0
2248 :  1.0
2249 :  1.0
2250 :  1.0
2251 :  1.0
2252 :  1.0
2253 :  1.0
2254 :  1.0
2255 :  1.0
2256 :  1.0
2257 :  1.0
2258 :  1.0
2259 :  1.0
2260 :  1.0
2261 :  1.0
2262 :  1.0
2263 :  1.0
2264 :  1.0
2265 :  1.0
2266 :  1.0
2267 :  1.0
2268 :  1.0
2269 :  1.0
2270 :  1.0
2271 :  1.0
2272 :  1.0
2273 :  1.0
2274 :  1.0
2275 :  1.0
2276 :  1.0
2277 :  1.0
2278 :  1.0
2279 :  1.0
2280 :  1.0
2281 :  1.0
2282 :  1.0
2283 :  1.0
2284 :  1.0
2285 :  1.0
2286 :  1.0
2287 :  1.0
2288 :  1.0
2289 :  1.0
2290 :  1.0
2291 :  1.0
2292 :  1.0
2293 :  1.0
2294 :  1.0
2295 :  1.0
2296 :  1.0
2297 :  1.0
2298 :  1.0
2299 :  1.0
2300 :  1.0
2301 :  1.0
2302 :  1.0
2303 :  1.0
2304 :  1.0
2305 :  1.0
2306 :  1.0
2307 :  1.0
2308 :  1.0
2309 :  1.0
2310 :  1.0
2311 :  1.0
2312 :  1.0
2313 :  1.0
2314 :  1.0
2315 :  1.0
2316 :  1.0
2317 :  1.0
2318 :  1.0
2319 :  1.0
2320 :  1.0
2321 :  1.0
2322 :  1.0
2323 :  1.0
2324 :  1.0
2325 :  1.0
2326 :  1.0
2327 :  1.0
2328 :  1.0
2329 :  1.0
2330 :  1.0
2331 :  1.0
2332 :  1.0
2333 :  1.0
2334 :  1.0
2335 :  1.0
2336 :  1.0
2337 :  1.0
2338 :  1.0
2339 :  1.0
2340 :  1.0
2341 :  1.0
2342 :  1.0
2343 :  1.0
2344 :  1.0
2345 :  1.0
2346 :  1.0
2347 :  1.0
2348 :  1.0
2349 :  1.0
2350 :  1.0
2351 :  1.0
2352 :  1.0
2353 :  1.0
2354 :  1.0
2355 :  1.0
2356 :  1.0
2357 :  1.0
2358 :  1.0
2359 :  1.0
2360 :  1.0
2361 :  1.0
2362 :  1.0
2363 :  1.0
2364 :  1.0
2365 :  1.0
2366 :  1.0
2367 :  1.0
2368 :  1.0
2369 :  1.0
2370 :  1.0
2371 :  1.0
2372 :  1.0
2373 :  1.0
2374 :  1.0
2375 :  1.0
2376 :  1.0
2377 :  1.0
2378 :  1.0
2379 :  1.0
2380 :  1.0
2381 :  1.0
2382 :  1.0
2383 :  1.0
2384 :  1.0
2385 :  1.0
2386 :  1.0
2387 :  1.0
2388 :  1.0
2389 :  1.0
2390 :  1.0
2391 :  1.0
2392 :  1.0
2393 :  1.0
2394 :  1.0
2395 :  1.0
2396 :  1.0
2397 :  1.0
2398 :  1.0
2399 :  1.0
2400 :  1.0
2401 :  1.0
2402 :  1.0
2403 :  1.0
2404 :  1.0
2405 :  1.0
2406 :  1.0
2407 :  1.0
2408 :  1.0
2409 :  1.0
2410 :  1.0
2411 :  1.0
2412 :  1.0
2413 :  1.0
2414 :  1.0
2415 :  1.0
2416 :  1.0
2417 :  1.0
2418 :  1.0
2419 :  1.0
2420 :  1.0
2421 :  1.0
2422 :  1.0
2423 :  1.0
2424 :  1.0
2425 :  1.0
2426 :  1.0
2427 :  1.0
2428 :  1.0
2429 :  1.0
2430 :  1.0
2431 :  1.0
2432 :  1.0
2433 :  1.0
2434 :  1.0
2435 :  1.0
2436 :  1.0
2437 :  1.0
2438 :  1.0
2439 :  1.0
2440 :  1.0
2441 :  1.0
2442 :  1.0
2443 :  1.0
2444 :  1.0
2445 :  1.0
2446 :  1.0
2447 :  1.0
2448 :  1.0
2449 :  1.0
2450 :  1.0
2451 :  1.0
2452 :  1.0
2453 :  1.0
2454 :  1.0
2455 :  1.0
2456 :  1.0
2457 :  1.0
2458 :  1.0
2459 :  1.0
2460 :  1.0
2461 :  1.0
2462 :  1.0
2463 :  1.0
2464 :  1.0
2465 :  1.0
2466 :  1.0
2467 :  1.0
2468 :  1.0
2469 :  1.0
2470 :  1.0
2471 :  1.0
2472 :  1.0
2473 :  1.0
2474 :  1.0
2475 :  1.0
2476 :  1.0
2477 :  1.0
2478 :  1.0
2479 :  1.0
2480 :  1.0
2481 :  1.0
2482 :  1.0
2483 :  1.0
2484 :  1.0
2485 :  1.0
2486 :  1.0
2487 :  1.0
2488 :  1.0
2489 :  1.0
2490 :  1.0
2491 :  1.0
2492 :  1.0
2493 :  1.0
2494 :  1.0
2495 :  1.0
2496 :  1.0
2497 :  1.0
2498 :  1.0
2499 :  1.0
2500 :  1.0
2501 :  1.0
2502 :  1.0
2503 :  1.0
2504 :  1.0
2505 :  1.0
2506 :  1.0
2507 :  1.0
2508 :  1.0
2509 :  1.0
2510 :  1.0
2511 :  1.0
2512 :  1.0
2513 :  1.0
2514 :  1.0
2515 :  1.0
2516 :  1.0
2517 :  1.0
2518 :  1.0
2519 :  1.0
2520 :  1.0
2521 :  1.0
2522 :  1.0
2523 :  1.0
2524 :  1.0
2525 :  1.0
2526 :  1.0
2527 :  1.0
2528 :  1.0
2529 :  1.0
2530 :  1.0
2531 :  1.0
2532 :  1.0
2533 :  1.0
2534 :  1.0
2535 :  1.0
2536 :  1.0
2537 :  1.0
2538 :  1.0
2539 :  1.0
2540 :  1.0
2541 :  1.0
2542 :  1.0
2543 :  1.0
2544 :  1.0
2545 :  1.0
2546 :  1.0
2547 :  1.0
2548 :  1.0
2549 :  1.0
2550 :  1.0
2551 :  1.0
2552 :  1.0
2553 :  1.0
2554 :  1.0
2555 :  1.0
2556 :  1.0
2557 :  1.0
2558 :  1.0
2559 :  1.0
2560 :  1.0
2561 :  1.0
2562 :  1.0
2563 :  1.0
2564 :  1.0
2565 :  1.0
2566 :  1.0
2567 :  1.0
2568 :  1.0
2569 :  1.0
2570 :  1.0
2571 :  1.0
2572 :  1.0
2573 :  1.0
2574 :  1.0
2575 :  1.0
2576 :  1.0
2577 :  1.0
2578 :  1.0
2579 :  1.0
2580 :  1.0
2581 :  1.0
2582 :  1.0
2583 :  1.0
2584 :  1.0
2585 :  1.0
2586 :  1.0
2587 :  1.0
2588 :  1.0
2589 :  1.0
2590 :  1.0
2591 :  1.0
2592 :  1.0
2593 :  1.0
2594 :  1.0
2595 :  1.0
2596 :  1.0
2597 :  1.0
2598 :  1.0
2599 :  1.0
2600 :  1.0
2601 :  1.0
2602 :  1.0
2603 :  1.0
2604 :  1.0
2605 :  1.0
2606 :  1.0
2607 :  1.0
2608 :  1.0
2609 :  1.0
2610 :  1.0
2611 :  1.0
2612 :  1.0
2613 :  1.0
2614 :  1.0
2615 :  1.0
2616 :  1.0
2617 :  1.0
2618 :  1.0
2619 :  1.0
2620 :  1.0
2621 :  1.0
2622 :  1.0
2623 :  1.0
2624 :  1.0
2625 :  1.0
2626 :  1.0
2627 :  1.0
2628 :  1.0
2629 :  1.0
2630 :  1.0
2631 :  1.0
2632 :  1.0
2633 :  1.0
2634 :  1.0
2635 :  1.0
2636 :  1.0
2637 :  1.0
2638 :  1.0
2639 :  1.0
2640 :  1.0
2641 :  1.0
2642 :  1.0
2643 :  1.0
2644 :  1.0
2645 :  1.0
2646 :  1.0
2647 :  1.0
2648 :  1.0
2649 :  1.0
2650 :  1.0
2651 :  1.0
2652 :  1.0
2653 :  1.0
2654 :  1.0
2655 :  1.0
2656 :  1.0
2657 :  1.0
2658 :  1.0
2659 :  1.0
2660 :  1.0
2661 :  1.0
2662 :  1.0
2663 :  1.0
2664 :  1.0
2665 :  1.0
2666 :  1.0
2667 :  1.0
2668 :  1.0
2669 :  1.0
2670 :  1.0
2671 :  1.0
2672 :  1.0
2673 :  1.0
2674 :  1.0
2675 :  1.0
2676 :  1.0
2677 :  1.0
2678 :  1.0
2679 :  1.0
2680 :  1.0
2681 :  1.0
2682 :  1.0
2683 :  1.0
2684 :  1.0
2685 :  1.0
2686 :  1.0
2687 :  1.0
2688 :  1.0
2689 :  1.0
2690 :  1.0
2691 :  1.0
2692 :  1.0
2693 :  1.0
2694 :  1.0
2695 :  1.0
2696 :  1.0
2697 :  1.0
2698 :  1.0
2699 :  1.0
2700 :  1.0
2701 :  1.0
2702 :  1.0
2703 :  1.0
2704 :  1.0
2705 :  1.0
2706 :  1.0
2707 :  1.0
2708 :  1.0
2709 :  1.0
2710 :  1.0
2711 :  1.0
2712 :  1.0
2713 :  1.0
2714 :  1.0
2715 :  1.0
2716 :  1.0
2717 :  1.0
2718 :  1.0
2719 :  1.0
2720 :  1.0
2721 :  1.0
2722 :  1.0
2723 :  1.0
2724 :  1.0
2725 :  1.0
2726 :  1.0
2727 :  1.0
2728 :  1.0
2729 :  1.0
2730 :  1.0
2731 :  1.0
2732 :  1.0
2733 :  1.0
2734 :  1.0
2735 :  1.0
2736 :  1.0
2737 :  1.0
2738 :  1.0
2739 :  1.0
2740 :  1.0
2741 :  1.0
2742 :  1.0
2743 :  1.0
2744 :  1.0
2745 :  1.0
2746 :  1.0
2747 :  1.0
2748 :  1.0
2749 :  1.0
2750 :  1.0
2751 :  1.0
2752 :  1.0
2753 :  1.0
2754 :  1.0
2755 :  1.0
2756 :  1.0
2757 :  1.0
2758 :  1.0
2759 :  1.0
2760 :  1.0
2761 :  1.0
2762 :  1.0
2763 :  1.0
2764 :  1.0
2765 :  1.0
2766 :  1.0
2767 :  1.0
2768 :  1.0
2769 :  1.0
2770 :  1.0
2771 :  1.0
2772 :  1.0
2773 :  1.0
2774 :  1.0
2775 :  1.0
2776 :  1.0
2777 :  1.0
2778 :  1.0
2779 :  1.0
2780 :  1.0
2781 :  1.0
2782 :  1.0
2783 :  1.0
2784 :  1.0
2785 :  1.0
2786 :  1.0
2787 :  1.0
2788 :  1.0
2789 :  1.0
2790 :  1.0
2791 :  1.0
2792 :  1.0
2793 :  1.0
2794 :  1.0
2795 :  1.0
2796 :  1.0
2797 :  1.0
2798 :  1.0
2799 :  1.0
2800 :  1.0
2801 :  1.0
2802 :  1.0
2803 :  1.0
2804 :  1.0
2805 :  1.0
2806 :  1.0
2807 :  1.0
2808 :  1.0
2809 :  1.0
2810 :  1.0
2811 :  1.0
2812 :  1.0
2813 :  1.0
2814 :  1.0
2815 :  1.0
2816 :  1.0
2817 :  1.0
2818 :  1.0
2819 :  1.0
2820 :  1.0
2821 :  1.0
2822 :  1.0
2823 :  1.0
2824 :  1.0
2825 :  1.0
2826 :  1.0
2827 :  1.0
2828 :  1.0
2829 :  1.0
2830 :  1.0
2831 :  1.0
2832 :  1.0
2833 :  1.0
2834 :  1.0
2835 :  1.0
2836 :  1.0
2837 :  1.0
2838 :  1.0
2839 :  1.0
2840 :  1.0
2841 :  1.0
2842 :  1.0
2843 :  1.0
2844 :  1.0
2845 :  1.0
2846 :  1.0
2847 :  1.0
2848 :  1.0
2849 :  1.0
2850 :  1.0
2851 :  1.0
2852 :  1.0
2853 :  1.0
2854 :  1.0
2855 :  1.0
2856 :  1.0
2857 :  1.0
2858 :  1.0
2859 :  1.0
2860 :  1.0
2861 :  1.0
2862 :  1.0
2863 :  1.0
2864 :  1.0
2865 :  1.0
2866 :  1.0
2867 :  1.0
2868 :  1.0
2869 :  1.0
2870 :  1.0
2871 :  1.0
2872 :  1.0
2873 :  1.0
2874 :  1.0
2875 :  1.0
2876 :  1.0
2877 :  1.0
2878 :  1.0
2879 :  1.0
2880 :  1.0
2881 :  1.0
2882 :  1.0
2883 :  1.0
2884 :  1.0
2885 :  1.0
2886 :  1.0
2887 :  1.0
2888 :  1.0
2889 :  1.0
2890 :  1.0
2891 :  1.0
2892 :  1.0
2893 :  1.0
2894 :  1.0
2895 :  1.0
2896 :  1.0
2897 :  1.0
2898 :  1.0
2899 :  1.0
2900 :  1.0
2901 :  1.0
2902 :  1.0
2903 :  1.0
2904 :  1.0
2905 :  1.0
2906 :  1.0
2907 :  1.0
2908 :  1.0
2909 :  1.0
2910 :  1.0
2911 :  1.0
2912 :  1.0
2913 :  1.0
2914 :  1.0
2915 :  1.0
2916 :  1.0
2917 :  1.0
2918 :  1.0
2919 :  1.0
2920 :  1.0
2921 :  1.0
2922 :  1.0
2923 :  1.0
2924 :  1.0
2925 :  1.0
2926 :  1.0
2927 :  1.0
2928 :  1.0
2929 :  1.0
2930 :  1.0
2931 :  1.0
2932 :  1.0
2933 :  1.0
2934 :  1.0
2935 :  1.0
2936 :  1.0
2937 :  1.0
2938 :  1.0
2939 :  1.0
2940 :  1.0
2941 :  1.0
2942 :  1.0
2943 :  1.0
2944 :  1.0
2945 :  1.0
2946 :  1.0
2947 :  1.0
2948 :  1.0
2949 :  1.0
2950 :  1.0
2951 :  1.0
2952 :  1.0
2953 :  1.0
2954 :  1.0
2955 :  1.0
2956 :  1.0
2957 :  1.0
2958 :  1.0
2959 :  1.0
2960 :  1.0
2961 :  1.0
2962 :  1.0
2963 :  1.0
2964 :  1.0
2965 :  1.0
2966 :  1.0
2967 :  1.0
2968 :  1.0
2969 :  1.0
2970 :  1.0
2971 :  1.0
2972 :  1.0
2973 :  1.0
2974 :  1.0
2975 :  1.0
2976 :  1.0
2977 :  1.0
2978 :  1.0
2979 :  1.0
2980 :  1.0
2981 :  1.0
2982 :  1.0
2983 :  1.0
2984 :  1.0
2985 :  1.0
2986 :  1.0
2987 :  1.0
2988 :  1.0
2989 :  1.0
2990 :  1.0
2991 :  1.0
2992 :  1.0
2993 :  1.0
2994 :  1.0
2995 :  1.0
2996 :  1.0
2997 :  1.0
2998 :  1.0
2999 :  1.0
3000 :  1.0
3001 :  1.0
3002 :  1.0
3003 :  1.0
3004 :  1.0
3005 :  1.0
3006 :  1.0
3007 :  1.0
3008 :  1.0
3009 :  1.0
3010 :  1.0
3011 :  1.0
3012 :  1.0
3013 :  1.0
3014 :  1.0
3015 :  1.0
3016 :  1.0
3017 :  1.0
3018 :  1.0
3019 :  1.0
3020 :  1.0
3021 :  1.0
3022 :  1.0
3023 :  1.0
3024 :  1.0
3025 :  1.0
3026 :  1.0
3027 :  1.0
3028 :  1.0
3029 :  1.0
3030 :  1.0
3031 :  1.0
3032 :  1.0
3033 :  1.0
3034 :  1.0
3035 :  1.0
3036 :  1.0
3037 :  1.0
3038 :  1.0
3039 :  1.0
3040 :  1.0
3041 :  1.0
3042 :  1.0
3043 :  1.0
3044 :  1.0
3045 :  1.0
3046 :  1.0
3047 :  1.0
3048 :  1.0
3049 :  1.0
3050 :  1.0
3051 :  1.0
3052 :  1.0
3053 :  1.0
3054 :  1.0
3055 :  1.0
3056 :  1.0
3057 :  1.0
3058 :  1.0
3059 :  1.0
3060 :  1.0
3061 :  1.0
3062 :  1.0
3063 :  1.0
3064 :  1.0
3065 :  1.0
3066 :  1.0
3067 :  1.0
3068 :  1.0
3069 :  1.0
3070 :  1.0
3071 :  1.0
3072 :  1.0
3073 :  1.0
3074 :  1.0
3075 :  1.0
3076 :  1.0
3077 :  1.0
3078 :  1.0
3079 :  1.0
3080 :  1.0
3081 :  1.0
3082 :  1.0
3083 :  1.0
3084 :  1.0
3085 :  1.0
3086 :  1.0
3087 :  1.0
3088 :  1.0
3089 :  1.0
3090 :  1.0
3091 :  1.0
3092 :  1.0
3093 :  1.0
3094 :  1.0
3095 :  1.0
3096 :  1.0
3097 :  1.0
3098 :  1.0
3099 :  1.0
3100 :  1.0
3101 :  1.0
3102 :  1.0
3103 :  1.0
3104 :  1.0
3105 :  1.0
3106 :  1.0
3107 :  1.0
3108 :  1.0
3109 :  1.0
3110 :  1.0
3111 :  1.0
3112 :  1.0
3113 :  1.0
3114 :  1.0
3115 :  1.0
3116 :  1.0
3117 :  1.0
3118 :  1.0
3119 :  1.0
3120 :  1.0
3121 :  1.0
3122 :  1.0
3123 :  1.0
3124 :  1.0
3125 :  1.0
3126 :  1.0
3127 :  1.0
3128 :  1.0
3129 :  1.0
3130 :  1.0
3131 :  1.0
3132 :  1.0
3133 :  1.0
3134 :  1.0
3135 :  1.0
3136 :  1.0
3137 :  1.0
3138 :  1.0
3139 :  1.0
3140 :  1.0
3141 :  1.0
3142 :  1.0
3143 :  1.0
3144 :  1.0
3145 :  1.0
3146 :  1.0
3147 :  1.0
3148 :  1.0
3149 :  1.0
3150 :  1.0
3151 :  1.0
3152 :  1.0
3153 :  1.0
3154 :  1.0
3155 :  1.0
3156 :  1.0
3157 :  1.0
3158 :  1.0
3159 :  1.0
3160 :  1.0
3161 :  1.0
3162 :  1.0
3163 :  1.0
3164 :  1.0
3165 :  1.0
3166 :  1.0
3167 :  1.0
3168 :  1.0
3169 :  1.0
3170 :  1.0
3171 :  1.0
3172 :  1.0
3173 :  1.0
3174 :  1.0
3175 :  1.0
3176 :  1.0
3177 :  1.0
3178 :  1.0
3179 :  1.0
3180 :  1.0
3181 :  1.0
3182 :  1.0
3183 :  1.0
3184 :  1.0
3185 :  1.0
3186 :  1.0
3187 :  1.0
3188 :  1.0
3189 :  1.0
3190 :  1.0
3191 :  1.0
3192 :  1.0
3193 :  1.0
3194 :  1.0
3195 :  1.0
3196 :  1.0
3197 :  1.0
3198 :  1.0
3199 :  1.0
3200 :  1.0
3201 :  1.0
3202 :  1.0
3203 :  1.0
3204 :  1.0
3205 :  1.0
3206 :  1.0
3207 :  1.0
3208 :  1.0
3209 :  1.0
3210 :  1.0
3211 :  1.0
3212 :  1.0
3213 :  1.0
3214 :  1.0
3215 :  1.0
3216 :  1.0
3217 :  1.0
3218 :  1.0
3219 :  1.0
3220 :  1.0
3221 :  1.0
3222 :  1.0
3223 :  1.0
3224 :  1.0
3225 :  1.0
3226 :  1.0
3227 :  1.0
3228 :  1.0
3229 :  1.0
3230 :  1.0
3231 :  1.0
3232 :  1.0
3233 :  1.0
3234 :  1.0
3235 :  1.0
3236 :  1.0
3237 :  1.0
3238 :  1.0
3239 :  1.0
3240 :  1.0
3241 :  1.0
3242 :  1.0
3243 :  1.0
3244 :  1.0
3245 :  1.0
3246 :  1.0
3247 :  1.0
3248 :  1.0
3249 :  1.0
3250 :  1.0
3251 :  1.0
3252 :  1.0
3253 :  1.0
3254 :  1.0
3255 :  1.0
3256 :  1.0
3257 :  1.0
3258 :  1.0
3259 :  1.0
3260 :  1.0
3261 :  1.0
3262 :  1.0
3263 :  1.0
3264 :  1.0
3265 :  1.0
3266 :  1.0
3267 :  1.0
3268 :  1.0
3269 :  1.0
3270 :  1.0
3271 :  1.0
3272 :  1.0
3273 :  1.0
3274 :  1.0
3275 :  1.0
3276 :  1.0
3277 :  1.0
3278 :  1.0
3279 :  1.0
3280 :  1.0
3281 :  1.0
3282 :  1.0
3283 :  1.0
3284 :  1.0
3285 :  1.0
3286 :  1.0
3287 :  1.0
3288 :  1.0
3289 :  1.0
3290 :  1.0
3291 :  1.0
3292 :  1.0
3293 :  1.0
3294 :  1.0
3295 :  1.0
3296 :  1.0
3297 :  1.0
3298 :  1.0
3299 :  1.0
3300 :  1.0
3301 :  1.0
3302 :  1.0
3303 :  1.0
3304 :  1.0
3305 :  1.0
3306 :  1.0
3307 :  1.0
3308 :  1.0
3309 :  1.0
3310 :  1.0
3311 :  1.0
3312 :  1.0
3313 :  1.0
3314 :  1.0
3315 :  1.0
3316 :  1.0
3317 :  1.0
3318 :  1.0
3319 :  1.0
3320 :  1.0
3321 :  1.0
3322 :  1.0
3323 :  1.0
3324 :  1.0
3325 :  1.0
3326 :  1.0
3327 :  1.0
3328 :  1.0
3329 :  1.0
3330 :  1.0
3331 :  1.0
3332 :  1.0
3333 :  1.0
3334 :  1.0
3335 :  1.0
3336 :  1.0
3337 :  1.0
3338 :  1.0
3339 :  1.0
3340 :  1.0
3341 :  1.0
3342 :  1.0
3343 :  1.0
3344 :  1.0
3345 :  1.0
3346 :  1.0
3347 :  1.0
3348 :  1.0
3349 :  1.0
3350 :  1.0
3351 :  1.0
3352 :  1.0
3353 :  1.0
3354 :  1.0
3355 :  1.0
3356 :  1.0
3357 :  1.0
3358 :  1.0
3359 :  1.0
3360 :  1.0
3361 :  1.0
3362 :  1.0
3363 :  1.0
3364 :  1.0
3365 :  1.0
3366 :  1.0
3367 :  1.0
3368 :  1.0
3369 :  1.0
3370 :  1.0
3371 :  1.0
3372 :  1.0
3373 :  1.0
3374 :  1.0
3375 :  1.0
3376 :  1.0
3377 :  1.0
3378 :  1.0
3379 :  1.0
3380 :  1.0
3381 :  1.0
3382 :  1.0
3383 :  1.0
3384 :  1.0
3385 :  1.0
3386 :  1.0
3387 :  1.0
3388 :  1.0
3389 :  1.0
3390 :  1.0
3391 :  1.0
3392 :  1.0
3393 :  1.0
3394 :  1.0
3395 :  1.0
3396 :  1.0
3397 :  1.0
3398 :  1.0
3399 :  1.0
3400 :  1.0
3401 :  1.0
3402 :  1.0
3403 :  1.0
3404 :  1.0
3405 :  1.0
3406 :  1.0
3407 :  1.0
3408 :  1.0
3409 :  1.0
3410 :  1.0
3411 :  1.0
3412 :  1.0
3413 :  1.0
3414 :  1.0
3415 :  1.0
3416 :  1.0
3417 :  1.0
3418 :  1.0
3419 :  1.0
3420 :  1.0
3421 :  1.0
3422 :  1.0
3423 :  1.0
3424 :  1.0
3425 :  1.0
3426 :  1.0
3427 :  1.0
3428 :  1.0
3429 :  1.0
3430 :  1.0
3431 :  1.0
3432 :  1.0
3433 :  1.0
3434 :  1.0
3435 :  1.0
3436 :  1.0
3437 :  1.0
3438 :  1.0
3439 :  1.0
3440 :  1.0
3441 :  1.0
3442 :  1.0
3443 :  1.0
3444 :  1.0
3445 :  1.0
3446 :  1.0
3447 :  1.0
3448 :  1.0
3449 :  1.0
3450 :  1.0
3451 :  1.0
3452 :  1.0
3453 :  1.0
3454 :  1.0
3455 :  1.0
3456 :  1.0
3457 :  1.0
3458 :  1.0
3459 :  1.0
3460 :  1.0
3461 :  1.0
3462 :  1.0
3463 :  1.0
3464 :  1.0
3465 :  1.0
3466 :  1.0
3467 :  1.0
3468 :  1.0
3469 :  1.0
3470 :  1.0
3471 :  1.0
3472 :  1.0
3473 :  1.0
3474 :  1.0
3475 :  1.0
3476 :  1.0
3477 :  1.0
3478 :  1.0
3479 :  1.0
3480 :  1.0
3481 :  1.0
3482 :  1.0
3483 :  1.0
3484 :  1.0
3485 :  1.0
3486 :  1.0
3487 :  1.0
3488 :  1.0
3489 :  1.0
3490 :  1.0
3491 :  1.0
3492 :  1.0
3493 :  1.0
3494 :  1.0
3495 :  1.0
3496 :  1.0
3497 :  1.0
3498 :  1.0
3499 :  1.0
3500 :  1.0
3501 :  1.0
3502 :  1.0
3503 :  1.0
3504 :  1.0
3505 :  1.0
3506 :  1.0
3507 :  1.0
3508 :  1.0
3509 :  1.0
3510 :  1.0
3511 :  1.0
3512 :  1.0
3513 :  1.0
3514 :  1.0
3515 :  1.0
3516 :  1.0
3517 :  1.0
3518 :  1.0
3519 :  1.0
3520 :  1.0
3521 :  1.0
3522 :  1.0
3523 :  1.0
3524 :  1.0
3525 :  1.0
3526 :  1.0
3527 :  1.0
3528 :  1.0
3529 :  1.0
3530 :  1.0
3531 :  1.0
3532 :  1.0
3533 :  1.0
3534 :  1.0
3535 :  1.0
3536 :  1.0
3537 :  1.0
3538 :  1.0
3539 :  1.0
3540 :  1.0
3541 :  1.0
3542 :  1.0
3543 :  1.0
3544 :  1.0
3545 :  1.0
3546 :  1.0
3547 :  1.0
3548 :  1.0
3549 :  1.0
3550 :  1.0
3551 :  1.0
3552 :  1.0
3553 :  1.0
3554 :  1.0
3555 :  1.0
3556 :  1.0
3557 :  1.0
3558 :  1.0
3559 :  1.0
3560 :  1.0
3561 :  1.0
3562 :  1.0
3563 :  1.0
3564 :  1.0
3565 :  1.0
3566 :  1.0
3567 :  1.0
3568 :  1.0
3569 :  1.0
3570 :  1.0
3571 :  1.0
3572 :  1.0
3573 :  1.0
3574 :  1.0
3575 :  1.0
3576 :  1.0
3577 :  1.0
3578 :  1.0
3579 :  1.0
3580 :  1.0
3581 :  1.0
3582 :  1.0
3583 :  1.0
3584 :  1.0
3585 :  1.0
3586 :  1.0
3587 :  1.0
3588 :  1.0
3589 :  1.0
3590 :  1.0
3591 :  1.0
3592 :  1.0
3593 :  1.0
3594 :  1.0
3595 :  1.0
3596 :  1.0
3597 :  1.0
3598 :  1.0
3599 :  1.0
3600 :  1.0
3601 :  1.0
3602 :  1.0
3603 :  1.0
3604 :  1.0
3605 :  1.0
3606 :  1.0
3607 :  1.0
3608 :  1.0
3609 :  1.0
3610 :  1.0
3611 :  1.0
3612 :  1.0
3613 :  1.0
3614 :  1.0
3615 :  1.0
3616 :  1.0
3617 :  1.0
3618 :  1.0
3619 :  1.0
3620 :  1.0
3621 :  1.0
3622 :  1.0
3623 :  1.0
3624 :  1.0
3625 :  1.0
3626 :  1.0
3627 :  1.0
3628 :  1.0
3629 :  1.0
3630 :  1.0
3631 :  1.0
3632 :  1.0
3633 :  1.0
3634 :  1.0
3635 :  1.0
3636 :  1.0
3637 :  1.0
3638 :  1.0
3639 :  1.0
3640 :  1.0
3641 :  1.0
3642 :  1.0
3643 :  1.0
3644 :  1.0
3645 :  1.0
3646 :  1.0
3647 :  1.0
3648 :  1.0
3649 :  1.0
3650 :  1.0
3651 :  1.0
3652 :  1.0
3653 :  1.0
3654 :  1.0
3655 :  1.0
3656 :  1.0
3657 :  1.0
3658 :  1.0
3659 :  1.0
3660 :  1.0
3661 :  1.0
3662 :  1.0
3663 :  1.0
3664 :  1.0
3665 :  1.0
3666 :  1.0
3667 :  1.0
3668 :  1.0
3669 :  1.0
3670 :  1.0
3671 :  1.0
3672 :  1.0
3673 :  1.0
3674 :  1.0
3675 :  1.0
3676 :  1.0
3677 :  1.0
3678 :  1.0
3679 :  1.0
3680 :  1.0
3681 :  1.0
3682 :  1.0
3683 :  1.0
3684 :  1.0
3685 :  1.0
3686 :  1.0
3687 :  1.0
3688 :  1.0
3689 :  1.0
3690 :  1.0
3691 :  1.0
3692 :  1.0
3693 :  1.0
3694 :  1.0
3695 :  1.0
3696 :  1.0
3697 :  1.0
3698 :  1.0
3699 :  1.0
3700 :  1.0
3701 :  1.0
3702 :  1.0
3703 :  1.0
3704 :  1.0
3705 :  1.0
3706 :  1.0
3707 :  1.0
3708 :  1.0
3709 :  1.0
3710 :  1.0
3711 :  1.0
3712 :  1.0
3713 :  1.0
3714 :  1.0
3715 :  1.0
3716 :  1.0
3717 :  1.0
3718 :  1.0
3719 :  1.0
3720 :  1.0
3721 :  1.0
3722 :  1.0
3723 :  1.0
3724 :  1.0
3725 :  1.0
3726 :  1.0
3727 :  1.0
3728 :  1.0
3729 :  1.0
3730 :  1.0
3731 :  1.0
3732 :  1.0
3733 :  1.0
3734 :  1.0
3735 :  1.0
3736 :  1.0
3737 :  1.0
3738 :  1.0
3739 :  1.0
3740 :  1.0
3741 :  1.0
3742 :  1.0
3743 :  1.0
3744 :  1.0
3745 :  1.0
3746 :  1.0
3747 :  1.0
3748 :  1.0
3749 :  1.0
3750 :  1.0
3751 :  1.0
3752 :  1.0
3753 :  1.0
3754 :  1.0
3755 :  1.0
3756 :  1.0
3757 :  1.0
3758 :  1.0
3759 :  1.0
3760 :  1.0
3761 :  1.0
3762 :  1.0
3763 :  1.0
3764 :  1.0
3765 :  1.0
3766 :  1.0
3767 :  1.0
3768 :  1.0
3769 :  1.0
3770 :  1.0
3771 :  1.0
3772 :  1.0
3773 :  1.0
3774 :  1.0
3775 :  1.0
3776 :  1.0
3777 :  1.0
3778 :  1.0
3779 :  1.0
3780 :  1.0
3781 :  1.0
3782 :  1.0
3783 :  1.0
3784 :  1.0
3785 :  1.0
3786 :  1.0
3787 :  1.0
3788 :  1.0
3789 :  1.0
3790 :  1.0
3791 :  1.0
3792 :  1.0
3793 :  1.0
3794 :  1.0
3795 :  1.0
3796 :  1.0
3797 :  1.0
3798 :  1.0
3799 :  1.0
3800 :  1.0
3801 :  1.0
3802 :  1.0
3803 :  1.0
3804 :  1.0
3805 :  1.0
3806 :  1.0
3807 :  1.0
3808 :  1.0
3809 :  1.0
3810 :  1.0
3811 :  1.0
3812 :  1.0
3813 :  1.0
3814 :  1.0
3815 :  1.0
3816 :  1.0
3817 :  1.0
3818 :  1.0
3819 :  1.0
3820 :  1.0
3821 :  1.0
3822 :  1.0
3823 :  1.0
3824 :  1.0
3825 :  1.0
3826 :  1.0
3827 :  1.0
3828 :  1.0
3829 :  1.0
3830 :  1.0
3831 :  1.0
3832 :  1.0
3833 :  1.0
3834 :  1.0
3835 :  1.0
3836 :  1.0
3837 :  1.0
3838 :  1.0
3839 :  1.0
3840 :  1.0
3841 :  1.0
3842 :  1.0
3843 :  1.0
3844 :  1.0
3845 :  1.0
3846 :  1.0
3847 :  1.0
3848 :  1.0
3849 :  1.0
3850 :  1.0
3851 :  1.0
3852 :  1.0
3853 :  1.0
3854 :  1.0
3855 :  1.0
3856 :  1.0
3857 :  1.0
3858 :  1.0
3859 :  1.0
3860 :  1.0
3861 :  1.0
3862 :  1.0
3863 :  1.0
3864 :  1.0
3865 :  1.0
3866 :  1.0
3867 :  1.0
3868 :  1.0
3869 :  1.0
3870 :  1.0
3871 :  1.0
3872 :  1.0
3873 :  1.0
3874 :  1.0
3875 :  1.0
3876 :  1.0
3877 :  1.0
3878 :  1.0
3879 :  1.0
3880 :  1.0
3881 :  1.0
3882 :  1.0
3883 :  1.0
3884 :  1.0
3885 :  1.0
3886 :  1.0
3887 :  1.0
3888 :  1.0
3889 :  1.0
3890 :  1.0
3891 :  1.0
3892 :  1.0
3893 :  1.0
3894 :  1.0
3895 :  1.0
3896 :  1.0
3897 :  1.0
3898 :  1.0
3899 :  1.0
3900 :  1.0
3901 :  1.0
3902 :  1.0
3903 :  1.0
3904 :  1.0
3905 :  1.0
3906 :  1.0
3907 :  1.0
3908 :  1.0
3909 :  1.0
3910 :  1.0
3911 :  1.0
3912 :  1.0
3913 :  1.0
3914 :  1.0
3915 :  1.0
3916 :  1.0
3917 :  1.0
3918 :  1.0
3919 :  1.0
3920 :  1.0
3921 :  1.0
3922 :  1.0
3923 :  1.0
3924 :  1.0
3925 :  1.0
3926 :  1.0
3927 :  1.0
3928 :  1.0
3929 :  1.0
3930 :  1.0
3931 :  1.0
3932 :  1.0
3933 :  1.0
3934 :  1.0
3935 :  1.0
3936 :  1.0
3937 :  1.0
3938 :  1.0
3939 :  1.0
3940 :  1.0
3941 :  1.0
3942 :  1.0
3943 :  1.0
3944 :  1.0
3945 :  1.0
3946 :  1.0
3947 :  1.0
3948 :  1.0
3949 :  1.0
3950 :  1.0
3951 :  1.0
3952 :  1.0
3953 :  1.0
3954 :  1.0
3955 :  1.0
3956 :  1.0
3957 :  1.0
3958 :  1.0
3959 :  1.0
3960 :  1.0
3961 :  1.0
3962 :  1.0
3963 :  1.0
3964 :  1.0
3965 :  1.0
3966 :  1.0
3967 :  1.0
3968 :  1.0
3969 :  1.0
3970 :  1.0
3971 :  1.0
3972 :  1.0
3973 :  1.0
3974 :  1.0
3975 :  1.0
3976 :  1.0
3977 :  1.0
3978 :  1.0
3979 :  1.0
3980 :  1.0
3981 :  1.0
3982 :  1.0
3983 :  1.0
3984 :  1.0
3985 :  1.0
3986 :  1.0
3987 :  1.0
3988 :  1.0
3989 :  1.0
3990 :  1.0
3991 :  1.0
3992 :  1.0
3993 :  1.0
3994 :  1.0
3995 :  1.0
3996 :  1.0
3997 :  1.0
3998 :  1.0
3999 :  1.0
4000 :  1.0
4001 :  1.0
4002 :  1.0
4003 :  1.0
4004 :  1.0
4005 :  1.0
4006 :  1.0
4007 :  1.0
4008 :  1.0
4009 :  1.0
4010 :  1.0
4011 :  1.0
4012 :  1.0
4013 :  1.0
4014 :  1.0
4015 :  1.0
4016 :  1.0
4017 :  1.0
4018 :  1.0
4019 :  1.0
4020 :  1.0
4021 :  1.0
4022 :  1.0
4023 :  1.0
4024 :  1.0
4025 :  1.0
4026 :  1.0
4027 :  1.0
4028 :  1.0
4029 :  1.0
4030 :  1.0
4031 :  1.0
4032 :  1.0
4033 :  1.0
4034 :  1.0
4035 :  1.0
4036 :  1.0
4037 :  1.0
4038 :  1.0
4039 :  1.0
4040 :  1.0
4041 :  1.0
4042 :  1.0
4043 :  1.0
4044 :  1.0
4045 :  1.0
4046 :  1.0
4047 :  1.0
4048 :  1.0
4049 :  1.0
4050 :  1.0
4051 :  1.0
4052 :  1.0
4053 :  1.0
4054 :  1.0
4055 :  1.0
4056 :  1.0
4057 :  1.0
4058 :  1.0
4059 :  1.0
4060 :  1.0
4061 :  1.0
4062 :  1.0
4063 :  1.0
4064 :  1.0
4065 :  1.0
4066 :  1.0
4067 :  1.0
4068 :  1.0
4069 :  1.0
4070 :  1.0
4071 :  1.0
4072 :  1.0
4073 :  1.0
4074 :  1.0
4075 :  1.0
4076 :  1.0
4077 :  1.0
4078 :  1.0
4079 :  1.0
4080 :  1.0
4081 :  1.0
4082 :  1.0
4083 :  1.0
4084 :  1.0
4085 :  1.0
4086 :  1.0
4087 :  1.0
4088 :  1.0
4089 :  1.0
4090 :  1.0
4091 :  1.0
4092 :  1.0
4093 :  1.0
4094 :  1.0
4095 :  1.0
4096 :  1.0
4097 :  1.0
4098 :  1.0
4099 :  1.0
4100 :  1.0
4101 :  1.0
4102 :  1.0
4103 :  1.0
4104 :  1.0
4105 :  1.0
4106 :  1.0
4107 :  1.0
4108 :  1.0
4109 :  1.0
4110 :  1.0
4111 :  1.0
4112 :  1.0
4113 :  1.0
4114 :  1.0
4115 :  1.0
4116 :  1.0
4117 :  1.0
4118 :  1.0
4119 :  1.0
4120 :  1.0
4121 :  1.0
4122 :  1.0
4123 :  1.0
4124 :  1.0
4125 :  1.0
4126 :  1.0
4127 :  1.0
4128 :  1.0
4129 :  1.0
4130 :  1.0
4131 :  1.0
4132 :  1.0
4133 :  1.0
4134 :  1.0
4135 :  1.0
4136 :  1.0
4137 :  1.0
4138 :  1.0
4139 :  1.0
4140 :  1.0
4141 :  1.0
4142 :  1.0
4143 :  1.0
4144 :  1.0
4145 :  1.0
4146 :  1.0
4147 :  1.0
4148 :  1.0
4149 :  1.0
4150 :  1.0
4151 :  1.0
4152 :  1.0
4153 :  1.0
4154 :  1.0
4155 :  1.0
4156 :  1.0
4157 :  1.0
4158 :  1.0
4159 :  1.0
4160 :  1.0
4161 :  1.0
4162 :  1.0
4163 :  1.0
4164 :  1.0
4165 :  1.0
4166 :  1.0
4167 :  1.0
4168 :  1.0
4169 :  1.0
4170 :  1.0
4171 :  1.0
4172 :  1.0
4173 :  1.0
4174 :  1.0
4175 :  1.0
4176 :  1.0
4177 :  1.0
4178 :  1.0
4179 :  1.0
4180 :  1.0
4181 :  1.0
4182 :  1.0
4183 :  1.0
4184 :  1.0
4185 :  1.0
4186 :  1.0
4187 :  1.0
4188 :  1.0
4189 :  1.0
4190 :  1.0
4191 :  1.0
4192 :  1.0
4193 :  1.0
4194 :  1.0
4195 :  1.0
4196 :  1.0
4197 :  1.0
4198 :  1.0
4199 :  1.0
4200 :  1.0
4201 :  1.0
4202 :  1.0
4203 :  1.0
4204 :  1.0
4205 :  1.0
4206 :  1.0
4207 :  1.0
4208 :  1.0
4209 :  1.0
4210 :  1.0
4211 :  1.0
4212 :  1.0
4213 :  1.0
4214 :  1.0
4215 :  1.0
4216 :  1.0
4217 :  1.0
4218 :  1.0
4219 :  1.0
4220 :  1.0
4221 :  1.0
4222 :  1.0
4223 :  1.0
4224 :  1.0
4225 :  1.0
4226 :  1.0
4227 :  1.0
4228 :  1.0
4229 :  1.0
4230 :  1.0
4231 :  1.0
4232 :  1.0
4233 :  1.0
4234 :  1.0
4235 :  1.0
4236 :  1.0
4237 :  1.0
4238 :  1.0
4239 :  1.0
4240 :  1.0
4241 :  1.0
4242 :  1.0
4243 :  1.0
4244 :  1.0
4245 :  1.0
4246 :  1.0
4247 :  1.0
4248 :  1.0
4249 :  1.0
4250 :  1.0
4251 :  1.0
4252 :  1.0
4253 :  1.0
4254 :  1.0
4255 :  1.0
4256 :  1.0
4257 :  1.0
4258 :  1.0
4259 :  1.0
4260 :  1.0
4261 :  1.0
4262 :  1.0
4263 :  1.0
4264 :  1.0
4265 :  1.0
4266 :  1.0
4267 :  1.0
4268 :  1.0
4269 :  1.0
4270 :  1.0
4271 :  1.0
4272 :  1.0
4273 :  1.0
4274 :  1.0
4275 :  1.0
4276 :  1.0
4277 :  1.0
4278 :  1.0
4279 :  1.0
4280 :  1.0
4281 :  1.0
4282 :  1.0
4283 :  1.0
4284 :  1.0
4285 :  1.0
4286 :  1.0
4287 :  1.0
4288 :  1.0
4289 :  1.0
4290 :  1.0
4291 :  1.0
4292 :  1.0
4293 :  1.0
4294 :  1.0
4295 :  1.0
4296 :  1.0
4297 :  1.0
4298 :  1.0
4299 :  1.0
4300 :  1.0
4301 :  1.0
4302 :  1.0
4303 :  1.0
4304 :  1.0
4305 :  1.0
4306 :  1.0
4307 :  1.0
4308 :  1.0
4309 :  1.0
4310 :  1.0
4311 :  1.0
4312 :  1.0
4313 :  1.0
4314 :  1.0
4315 :  1.0
4316 :  1.0
4317 :  1.0
4318 :  1.0
4319 :  1.0
4320 :  1.0
4321 :  1.0
4322 :  1.0
4323 :  1.0
4324 :  1.0
4325 :  1.0
4326 :  1.0
4327 :  1.0
4328 :  1.0
4329 :  1.0
4330 :  1.0
4331 :  1.0
4332 :  1.0
4333 :  1.0
4334 :  1.0
4335 :  1.0
4336 :  1.0
4337 :  1.0
4338 :  1.0
4339 :  1.0
4340 :  1.0
4341 :  1.0
4342 :  1.0
4343 :  1.0
4344 :  1.0
4345 :  1.0
4346 :  1.0
4347 :  1.0
4348 :  1.0
4349 :  1.0
4350 :  1.0
4351 :  1.0
4352 :  1.0
4353 :  1.0
4354 :  1.0
4355 :  1.0
4356 :  1.0
4357 :  1.0
4358 :  1.0
4359 :  1.0
4360 :  1.0
4361 :  1.0
4362 :  1.0
4363 :  1.0
4364 :  1.0
4365 :  1.0
4366 :  1.0
4367 :  1.0
4368 :  1.0
4369 :  1.0
4370 :  1.0
4371 :  1.0
4372 :  1.0
4373 :  1.0
4374 :  1.0
4375 :  1.0
4376 :  1.0
4377 :  1.0
4378 :  1.0
4379 :  1.0
4380 :  1.0
4381 :  1.0
4382 :  1.0
4383 :  1.0
4384 :  1.0
4385 :  1.0
4386 :  1.0
4387 :  1.0
4388 :  1.0
4389 :  1.0
4390 :  1.0
4391 :  1.0
4392 :  1.0
4393 :  1.0
4394 :  1.0
4395 :  1.0
4396 :  1.0
4397 :  1.0
4398 :  1.0
4399 :  1.0
4400 :  1.0
4401 :  1.0
4402 :  1.0
4403 :  1.0
4404 :  1.0
4405 :  1.0
4406 :  1.0
4407 :  1.0
4408 :  1.0
4409 :  1.0
4410 :  1.0
4411 :  1.0
4412 :  1.0
4413 :  1.0
4414 :  1.0
4415 :  1.0
4416 :  1.0
4417 :  1.0
4418 :  1.0
4419 :  1.0
4420 :  1.0
4421 :  1.0
4422 :  1.0
4423 :  1.0
4424 :  1.0
4425 :  1.0
4426 :  1.0
4427 :  1.0
4428 :  1.0
4429 :  1.0
4430 :  1.0
4431 :  1.0
4432 :  1.0
4433 :  1.0
4434 :  1.0
4435 :  1.0
4436 :  1.0
4437 :  1.0
4438 :  1.0
4439 :  1.0
4440 :  1.0
4441 :  1.0
4442 :  1.0
4443 :  1.0
4444 :  1.0
4445 :  1.0
4446 :  1.0
4447 :  1.0
4448 :  1.0
4449 :  1.0
4450 :  1.0
4451 :  1.0
4452 :  1.0
4453 :  1.0
4454 :  1.0
4455 :  1.0
4456 :  1.0
4457 :  1.0
4458 :  1.0
4459 :  1.0
4460 :  1.0
4461 :  1.0
4462 :  1.0
4463 :  1.0
4464 :  1.0
4465 :  1.0
4466 :  1.0
4467 :  1.0
4468 :  1.0
4469 :  1.0
4470 :  1.0
4471 :  1.0
4472 :  1.0
4473 :  1.0
4474 :  1.0
4475 :  1.0
4476 :  1.0
4477 :  1.0
4478 :  1.0
4479 :  1.0
4480 :  1.0
4481 :  1.0
4482 :  1.0
4483 :  1.0
4484 :  1.0
4485 :  1.0
4486 :  1.0
4487 :  1.0
4488 :  1.0
4489 :  1.0
4490 :  1.0
4491 :  1.0
4492 :  1.0
4493 :  1.0
4494 :  1.0
4495 :  1.0
4496 :  1.0
4497 :  1.0
4498 :  1.0
4499 :  1.0
4500 :  1.0
4501 :  1.0
4502 :  1.0
4503 :  1.0
4504 :  1.0
4505 :  1.0
4506 :  1.0
4507 :  1.0
4508 :  1.0
4509 :  1.0
4510 :  1.0
4511 :  1.0
4512 :  1.0
4513 :  1.0
4514 :  1.0
4515 :  1.0
4516 :  1.0
4517 :  1.0
4518 :  1.0
4519 :  1.0
4520 :  1.0
4521 :  1.0
4522 :  1.0
4523 :  1.0
4524 :  1.0
4525 :  1.0
4526 :  1.0
4527 :  1.0
4528 :  1.0
4529 :  1.0
4530 :  1.0
4531 :  1.0
4532 :  1.0
4533 :  1.0
4534 :  1.0
4535 :  1.0
4536 :  1.0
4537 :  1.0
4538 :  1.0
4539 :  1.0
4540 :  1.0
4541 :  1.0
4542 :  1.0
4543 :  1.0
4544 :  1.0
4545 :  1.0
4546 :  1.0
4547 :  1.0
4548 :  1.0
4549 :  1.0
4550 :  1.0
4551 :  1.0
4552 :  1.0
4553 :  1.0
4554 :  1.0
4555 :  1.0
4556 :  1.0
4557 :  1.0
4558 :  1.0
4559 :  1.0
4560 :  1.0
4561 :  1.0
4562 :  1.0
4563 :  1.0
4564 :  1.0
4565 :  1.0
4566 :  1.0
4567 :  1.0
4568 :  1.0
4569 :  1.0
4570 :  1.0
4571 :  1.0
4572 :  1.0
4573 :  1.0
4574 :  1.0
4575 :  1.0
4576 :  1.0
4577 :  1.0
4578 :  1.0
4579 :  1.0
4580 :  1.0
4581 :  1.0
4582 :  1.0
4583 :  1.0
4584 :  1.0
4585 :  1.0
4586 :  1.0
4587 :  1.0
4588 :  1.0
4589 :  1.0
4590 :  1.0
4591 :  1.0
4592 :  1.0
4593 :  1.0
4594 :  1.0
4595 :  1.0
4596 :  1.0
4597 :  1.0
4598 :  1.0
4599 :  1.0
4600 :  1.0
4601 :  1.0
4602 :  1.0
4603 :  1.0
4604 :  1.0
4605 :  1.0
4606 :  1.0
4607 :  1.0
4608 :  1.0
4609 :  1.0
4610 :  1.0
4611 :  1.0
4612 :  1.0
4613 :  1.0
4614 :  1.0
4615 :  1.0
4616 :  1.0
4617 :  1.0
4618 :  1.0
4619 :  1.0
4620 :  1.0
4621 :  1.0
4622 :  1.0
4623 :  1.0
4624 :  1.0
4625 :  1.0
4626 :  1.0
4627 :  1.0
4628 :  1.0
4629 :  1.0
4630 :  1.0
4631 :  1.0
4632 :  1.0
4633 :  1.0
4634 :  1.0
4635 :  1.0
4636 :  1.0
4637 :  1.0
4638 :  1.0
4639 :  1.0
4640 :  1.0
4641 :  1.0
4642 :  1.0
4643 :  1.0
4644 :  1.0
4645 :  1.0
4646 :  1.0
4647 :  1.0
4648 :  1.0
4649 :  1.0
4650 :  1.0
4651 :  1.0
4652 :  1.0
4653 :  1.0
4654 :  1.0
4655 :  1.0
4656 :  1.0
4657 :  1.0
4658 :  1.0
4659 :  1.0
4660 :  1.0
4661 :  1.0
4662 :  1.0
4663 :  1.0
4664 :  1.0
4665 :  1.0
4666 :  1.0
4667 :  1.0
4668 :  1.0
4669 :  1.0
4670 :  1.0
4671 :  1.0
4672 :  1.0
4673 :  1.0
4674 :  1.0
4675 :  1.0
4676 :  1.0
4677 :  1.0
4678 :  1.0
4679 :  1.0
4680 :  1.0
4681 :  1.0
4682 :  1.0
4683 :  1.0
4684 :  1.0
4685 :  1.0
4686 :  1.0
4687 :  1.0
4688 :  1.0
4689 :  1.0
4690 :  1.0
4691 :  1.0
4692 :  1.0
4693 :  1.0
4694 :  1.0
4695 :  1.0
4696 :  1.0
4697 :  1.0
4698 :  1.0
4699 :  1.0
4700 :  1.0
4701 :  1.0
4702 :  1.0
4703 :  1.0
4704 :  1.0
4705 :  1.0
4706 :  1.0
4707 :  1.0
4708 :  1.0
4709 :  1.0
4710 :  1.0
4711 :  1.0
4712 :  1.0
4713 :  1.0
4714 :  1.0
4715 :  1.0
4716 :  1.0
4717 :  1.0
4718 :  1.0
4719 :  1.0
4720 :  1.0
4721 :  1.0
4722 :  1.0
4723 :  1.0
4724 :  1.0
4725 :  1.0
4726 :  1.0
4727 :  1.0
4728 :  1.0
4729 :  1.0
4730 :  1.0
4731 :  1.0
4732 :  1.0
4733 :  1.0
4734 :  1.0
4735 :  1.0
4736 :  1.0
4737 :  1.0
4738 :  1.0
4739 :  1.0
4740 :  1.0
4741 :  1.0
4742 :  1.0
4743 :  1.0
4744 :  1.0
4745 :  1.0
4746 :  1.0
4747 :  1.0
4748 :  1.0
4749 :  1.0
4750 :  1.0
4751 :  1.0
4752 :  1.0
4753 :  1.0
4754 :  1.0
4755 :  1.0
4756 :  1.0
4757 :  1.0
4758 :  1.0
4759 :  1.0
4760 :  1.0
4761 :  1.0
4762 :  1.0
4763 :  1.0
4764 :  1.0
4765 :  1.0
4766 :  1.0
4767 :  1.0
4768 :  1.0
4769 :  1.0
4770 :  1.0
4771 :  1.0
4772 :  1.0
4773 :  1.0
4774 :  1.0
4775 :  1.0
4776 :  1.0
4777 :  1.0
4778 :  1.0
4779 :  1.0
4780 :  1.0
4781 :  1.0
4782 :  1.0
4783 :  1.0
4784 :  1.0
4785 :  1.0
4786 :  1.0
4787 :  1.0
4788 :  1.0
4789 :  1.0
4790 :  1.0
4791 :  1.0
4792 :  1.0
4793 :  1.0
4794 :  1.0
4795 :  1.0
4796 :  1.0
4797 :  1.0
4798 :  1.0
4799 :  1.0
4800 :  1.0
4801 :  1.0
4802 :  1.0
4803 :  1.0
4804 :  1.0
4805 :  1.0
4806 :  1.0
4807 :  1.0
4808 :  1.0
4809 :  1.0
4810 :  1.0
4811 :  1.0
4812 :  1.0
4813 :  1.0
4814 :  1.0
4815 :  1.0
4816 :  1.0
4817 :  1.0
4818 :  1.0
4819 :  1.0
4820 :  1.0
4821 :  1.0
4822 :  1.0
4823 :  1.0
4824 :  1.0
4825 :  1.0
4826 :  1.0
4827 :  1.0
4828 :  1.0
4829 :  1.0
4830 :  1.0
4831 :  1.0
4832 :  1.0
4833 :  1.0
4834 :  1.0
4835 :  1.0
4836 :  1.0
4837 :  1.0
4838 :  1.0
4839 :  1.0
4840 :  1.0
4841 :  1.0
4842 :  1.0
4843 :  1.0
4844 :  1.0
4845 :  1.0
4846 :  1.0
4847 :  1.0
4848 :  1.0
4849 :  1.0
4850 :  1.0
4851 :  1.0
4852 :  1.0
4853 :  1.0
4854 :  1.0
4855 :  1.0
4856 :  1.0
4857 :  1.0
4858 :  1.0
4859 :  1.0
4860 :  1.0
4861 :  1.0
4862 :  1.0
4863 :  1.0
4864 :  1.0
4865 :  1.0
4866 :  1.0
4867 :  1.0
4868 :  1.0
4869 :  1.0
4870 :  1.0
4871 :  1.0
4872 :  1.0
4873 :  1.0
4874 :  1.0
4875 :  1.0
4876 :  1.0
4877 :  1.0
4878 :  1.0
4879 :  1.0
4880 :  1.0
4881 :  1.0
4882 :  1.0
4883 :  1.0
4884 :  1.0
4885 :  1.0
4886 :  1.0
4887 :  1.0
4888 :  1.0
4889 :  1.0
4890 :  1.0
4891 :  1.0
4892 :  1.0
4893 :  1.0
4894 :  1.0
4895 :  1.0
4896 :  1.0
4897 :  1.0
4898 :  1.0
4899 :  1.0
4900 :  1.0
4901 :  1.0
4902 :  1.0
4903 :  1.0
4904 :  1.0
4905 :  1.0
4906 :  1.0
4907 :  1.0
4908 :  1.0
4909 :  1.0
4910 :  1.0
4911 :  1.0
4912 :  1.0
4913 :  1.0
4914 :  1.0
4915 :  1.0
4916 :  1.0
4917 :  1.0
4918 :  1.0
4919 :  1.0
4920 :  1.0
4921 :  1.0
4922 :  1.0
4923 :  1.0
4924 :  1.0
4925 :  1.0
4926 :  1.0
4927 :  1.0
4928 :  1.0
4929 :  1.0
4930 :  1.0
4931 :  1.0
4932 :  1.0
4933 :  1.0
4934 :  1.0
4935 :  1.0
4936 :  1.0
4937 :  1.0
4938 :  1.0
4939 :  1.0
4940 :  1.0
4941 :  1.0
4942 :  1.0
4943 :  1.0
4944 :  1.0
4945 :  1.0
4946 :  1.0
4947 :  1.0
4948 :  1.0
4949 :  1.0
4950 :  1.0
4951 :  1.0
4952 :  1.0
4953 :  1.0
4954 :  1.0
4955 :  1.0
4956 :  1.0
4957 :  1.0
4958 :  1.0
4959 :  1.0
4960 :  1.0
4961 :  1.0
4962 :  1.0
4963 :  1.0
4964 :  1.0
4965 :  1.0
4966 :  1.0
4967 :  1.0
4968 :  1.0
4969 :  1.0
4970 :  1.0
4971 :  1.0
4972 :  1.0
4973 :  1.0
4974 :  1.0
4975 :  1.0
4976 :  1.0
4977 :  1.0
4978 :  1.0
4979 :  1.0
4980 :  1.0
4981 :  1.0
4982 :  1.0
4983 :  1.0
4984 :  1.0
4985 :  1.0
4986 :  1.0
4987 :  1.0
4988 :  1.0
4989 :  1.0
4990 :  1.0
4991 :  1.0
4992 :  1.0
4993 :  1.0
4994 :  1.0
4995 :  1.0
4996 :  1.0
4997 :  1.0
4998 :  1.0
4999 :  1.0
5000 :  1.0
5001 :  1.0
5002 :  1.0
5003 :  1.0
5004 :  1.0
5005 :  1.0
5006 :  1.0
5007 :  1.0
5008 :  1.0
5009 :  1.0
5010 :  1.0
5011 :  1.0
5012 :  1.0
5013 :  1.0
5014 :  1.0
5015 :  1.0
5016 :  1.0
5017 :  1.0
5018 :  1.0
5019 :  1.0
5020 :  1.0
5021 :  1.0
5022 :  1.0
5023 :  1.0
5024 :  1.0
5025 :  1.0
5026 :  1.0
5027 :  1.0
5028 :  1.0
5029 :  1.0
5030 :  1.0
5031 :  1.0
5032 :  1.0
5033 :  1.0
5034 :  1.0
5035 :  1.0
5036 :  1.0
5037 :  1.0
5038 :  1.0
5039 :  1.0
5040 :  1.0
5041 :  1.0
5042 :  1.0
5043 :  1.0
5044 :  1.0
5045 :  1.0
5046 :  1.0
5047 :  1.0
5048 :  1.0
5049 :  1.0
5050 :  1.0
5051 :  1.0
5052 :  1.0
5053 :  1.0
5054 :  1.0
5055 :  1.0
5056 :  1.0
5057 :  1.0
5058 :  1.0
5059 :  1.0
5060 :  1.0
5061 :  1.0
5062 :  1.0
5063 :  1.0
5064 :  1.0
5065 :  1.0
5066 :  1.0
5067 :  1.0
5068 :  1.0
5069 :  1.0
5070 :  1.0
5071 :  1.0
5072 :  1.0
5073 :  1.0
5074 :  1.0
5075 :  1.0
5076 :  1.0
5077 :  1.0
5078 :  1.0
5079 :  1.0
5080 :  1.0
5081 :  1.0
5082 :  1.0
5083 :  1.0
5084 :  1.0
5085 :  1.0
5086 :  1.0
5087 :  1.0
5088 :  1.0
5089 :  1.0
5090 :  1.0
5091 :  1.0
5092 :  1.0
5093 :  1.0
5094 :  1.0
5095 :  1.0
5096 :  1.0
5097 :  1.0
5098 :  1.0
5099 :  1.0
5100 :  1.0
5101 :  1.0
5102 :  1.0
5103 :  1.0
5104 :  1.0
5105 :  1.0
5106 :  1.0
5107 :  1.0
5108 :  1.0
5109 :  1.0
5110 :  1.0
5111 :  1.0
5112 :  1.0
5113 :  1.0
5114 :  1.0
5115 :  1.0
5116 :  1.0
5117 :  1.0
5118 :  1.0
5119 :  1.0
5120 :  1.0
5121 :  1.0
5122 :  1.0
5123 :  1.0
5124 :  1.0
5125 :  1.0
5126 :  1.0
5127 :  1.0
5128 :  1.0
5129 :  1.0
5130 :  1.0
5131 :  1.0
5132 :  1.0
5133 :  1.0
5134 :  1.0
5135 :  1.0
5136 :  1.0
5137 :  1.0
5138 :  1.0
5139 :  1.0
5140 :  1.0
5141 :  1.0
5142 :  1.0
5143 :  1.0
5144 :  1.0
5145 :  1.0
5146 :  1.0
5147 :  1.0
5148 :  1.0
5149 :  1.0
5150 :  1.0
5151 :  1.0
5152 :  1.0
5153 :  1.0
5154 :  1.0
5155 :  1.0
5156 :  1.0
5157 :  1.0
5158 :  1.0
5159 :  1.0
5160 :  1.0
5161 :  1.0
5162 :  1.0
5163 :  1.0
5164 :  1.0
5165 :  1.0
5166 :  1.0
5167 :  1.0
5168 :  1.0
5169 :  1.0
5170 :  1.0
5171 :  1.0
5172 :  1.0
5173 :  1.0
5174 :  1.0
5175 :  1.0
5176 :  1.0
5177 :  1.0
5178 :  1.0
5179 :  1.0
5180 :  1.0
5181 :  1.0
5182 :  1.0
5183 :  1.0
5184 :  1.0
5185 :  1.0
5186 :  1.0
5187 :  1.0
5188 :  1.0
5189 :  1.0
5190 :  1.0
5191 :  1.0
5192 :  1.0
5193 :  1.0
5194 :  1.0
5195 :  1.0
5196 :  1.0
5197 :  1.0
5198 :  1.0
5199 :  1.0
5200 :  1.0
5201 :  1.0
5202 :  1.0
5203 :  1.0
5204 :  1.0
5205 :  1.0
5206 :  1.0
5207 :  1.0
5208 :  1.0
5209 :  1.0
5210 :  1.0
5211 :  1.0
5212 :  1.0
5213 :  1.0
5214 :  1.0
5215 :  1.0
5216 :  1.0
5217 :  1.0
5218 :  1.0
5219 :  1.0
5220 :  1.0
5221 :  1.0
5222 :  1.0
5223 :  1.0
5224 :  1.0
5225 :  1.0
5226 :  1.0
5227 :  1.0
5228 :  1.0
5229 :  1.0
5230 :  1.0
5231 :  1.0
5232 :  1.0
5233 :  1.0
5234 :  1.0
5235 :  1.0
5236 :  1.0
5237 :  1.0
5238 :  1.0
5239 :  1.0
5240 :  1.0
5241 :  1.0
5242 :  1.0
5243 :  1.0
5244 :  1.0
5245 :  1.0
5246 :  1.0
5247 :  1.0
5248 :  1.0
5249 :  1.0
5250 :  1.0
5251 :  1.0
5252 :  1.0
5253 :  1.0
5254 :  1.0
5255 :  1.0
5256 :  1.0
5257 :  1.0
5258 :  1.0
5259 :  1.0
5260 :  1.0
5261 :  1.0
5262 :  1.0
5263 :  1.0
5264 :  1.0
5265 :  1.0
5266 :  1.0
5267 :  1.0
5268 :  1.0
5269 :  1.0
5270 :  1.0
5271 :  1.0
5272 :  1.0
5273 :  1.0
5274 :  1.0
5275 :  1.0
5276 :  1.0
5277 :  1.0
5278 :  1.0
5279 :  1.0
5280 :  1.0
5281 :  1.0
5282 :  1.0
5283 :  1.0
5284 :  1.0
5285 :  1.0
5286 :  1.0
5287 :  1.0
5288 :  1.0
5289 :  1.0
5290 :  1.0
5291 :  1.0
5292 :  1.0
5293 :  1.0
5294 :  1.0
5295 :  1.0
5296 :  1.0
5297 :  1.0
5298 :  1.0
5299 :  1.0
5300 :  1.0
5301 :  1.0
5302 :  1.0
5303 :  1.0
5304 :  1.0
5305 :  1.0
5306 :  1.0
5307 :  1.0
5308 :  1.0
5309 :  1.0
5310 :  1.0
5311 :  1.0
5312 :  1.0
5313 :  1.0
5314 :  1.0
5315 :  1.0
5316 :  1.0
5317 :  1.0
5318 :  1.0
5319 :  1.0
5320 :  1.0
5321 :  1.0
5322 :  1.0
5323 :  1.0
5324 :  1.0
5325 :  1.0
5326 :  1.0
5327 :  1.0
5328 :  1.0
5329 :  1.0
5330 :  1.0
5331 :  1.0
5332 :  1.0
5333 :  1.0
5334 :  1.0
5335 :  1.0
5336 :  1.0
5337 :  1.0
5338 :  1.0
5339 :  1.0
5340 :  1.0
5341 :  1.0
5342 :  1.0
5343 :  1.0
5344 :  1.0
5345 :  1.0
5346 :  1.0
5347 :  1.0
5348 :  1.0
5349 :  1.0
5350 :  1.0
5351 :  1.0
5352 :  1.0
5353 :  1.0
5354 :  1.0
5355 :  1.0
5356 :  1.0
5357 :  1.0
5358 :  1.0
5359 :  1.0
5360 :  1.0
5361 :  1.0
5362 :  1.0
5363 :  1.0
5364 :  1.0
5365 :  1.0
5366 :  1.0
5367 :  1.0
5368 :  1.0
5369 :  1.0
5370 :  1.0
5371 :  1.0
5372 :  1.0
5373 :  1.0
5374 :  1.0
5375 :  1.0
5376 :  1.0
5377 :  1.0
5378 :  1.0
5379 :  1.0
5380 :  1.0
5381 :  1.0
5382 :  1.0
5383 :  1.0
5384 :  1.0
5385 :  1.0
5386 :  1.0
5387 :  1.0
5388 :  1.0
5389 :  1.0
5390 :  1.0
5391 :  1.0
5392 :  1.0
5393 :  1.0
5394 :  1.0
5395 :  1.0
5396 :  1.0
5397 :  1.0
5398 :  1.0
5399 :  1.0
5400 :  1.0
5401 :  1.0
5402 :  1.0
5403 :  1.0
5404 :  1.0
5405 :  1.0
5406 :  1.0
5407 :  1.0
5408 :  1.0
5409 :  1.0
5410 :  1.0
5411 :  1.0
5412 :  1.0
5413 :  1.0
5414 :  1.0
5415 :  1.0
5416 :  1.0
5417 :  1.0
5418 :  1.0
5419 :  1.0
5420 :  1.0
5421 :  1.0
5422 :  1.0
5423 :  1.0
5424 :  1.0
5425 :  1.0
5426 :  1.0
5427 :  1.0
5428 :  1.0
5429 :  1.0
5430 :  1.0
5431 :  1.0
5432 :  1.0
5433 :  1.0
5434 :  1.0
5435 :  1.0
5436 :  1.0
5437 :  1.0
5438 :  1.0
5439 :  1.0
5440 :  1.0
5441 :  1.0
5442 :  1.0
5443 :  1.0
5444 :  1.0
5445 :  1.0
5446 :  1.0
5447 :  1.0
5448 :  1.0
5449 :  1.0
5450 :  1.0
5451 :  1.0
5452 :  1.0
5453 :  1.0
5454 :  1.0
5455 :  1.0
5456 :  1.0
5457 :  1.0
5458 :  1.0
5459 :  1.0
5460 :  1.0
5461 :  1.0
5462 :  1.0
5463 :  1.0
5464 :  1.0
5465 :  1.0
5466 :  1.0
5467 :  1.0
5468 :  1.0
5469 :  1.0
5470 :  1.0
5471 :  1.0
5472 :  1.0
5473 :  1.0
5474 :  1.0
5475 :  1.0
5476 :  1.0
5477 :  1.0
5478 :  1.0
5479 :  1.0
5480 :  1.0
5481 :  1.0
5482 :  1.0
5483 :  1.0
5484 :  1.0
5485 :  1.0
5486 :  1.0
5487 :  1.0
5488 :  1.0
5489 :  1.0
5490 :  1.0
5491 :  1.0
5492 :  1.0
5493 :  1.0
5494 :  1.0
5495 :  1.0
5496 :  1.0
5497 :  1.0
5498 :  1.0
5499 :  1.0
5500 :  1.0
5501 :  1.0
5502 :  1.0
5503 :  1.0
5504 :  1.0
5505 :  1.0
5506 :  1.0
5507 :  1.0
5508 :  1.0
5509 :  1.0
5510 :  1.0
5511 :  1.0
5512 :  1.0
5513 :  1.0
5514 :  1.0
5515 :  1.0
5516 :  1.0
5517 :  1.0
5518 :  1.0
5519 :  1.0
5520 :  1.0
5521 :  1.0
5522 :  1.0
5523 :  1.0
5524 :  1.0
5525 :  1.0
5526 :  1.0
5527 :  1.0
5528 :  1.0
5529 :  1.0
5530 :  1.0
5531 :  1.0
5532 :  1.0
5533 :  1.0
5534 :  1.0
5535 :  1.0
5536 :  1.0
5537 :  1.0
5538 :  1.0
5539 :  1.0
5540 :  1.0
5541 :  1.0
5542 :  1.0
5543 :  1.0
5544 :  1.0
5545 :  1.0
5546 :  1.0
5547 :  1.0
5548 :  1.0
5549 :  1.0
5550 :  1.0
5551 :  1.0
5552 :  1.0
5553 :  1.0
5554 :  1.0
5555 :  1.0
5556 :  1.0
5557 :  1.0
5558 :  1.0
5559 :  1.0
5560 :  1.0
5561 :  1.0
5562 :  1.0
5563 :  1.0
5564 :  1.0
5565 :  1.0
5566 :  1.0
5567 :  1.0
5568 :  1.0
5569 :  1.0
5570 :  1.0
5571 :  1.0
5572 :  1.0
5573 :  1.0
5574 :  1.0
5575 :  1.0
5576 :  1.0
5577 :  1.0
5578 :  1.0
5579 :  1.0
5580 :  1.0
5581 :  1.0
5582 :  1.0
5583 :  1.0
5584 :  1.0
5585 :  1.0
5586 :  1.0
5587 :  1.0
5588 :  1.0
5589 :  1.0
5590 :  1.0
5591 :  1.0
5592 :  1.0
5593 :  1.0
5594 :  1.0
5595 :  1.0
5596 :  1.0
5597 :  1.0
5598 :  1.0
5599 :  1.0
5600 :  1.0
5601 :  1.0
5602 :  1.0
5603 :  1.0
5604 :  1.0
5605 :  1.0
5606 :  1.0
5607 :  1.0
5608 :  1.0
5609 :  1.0
5610 :  1.0
5611 :  1.0
5612 :  1.0
5613 :  1.0
5614 :  1.0
5615 :  1.0
5616 :  1.0
5617 :  1.0
5618 :  1.0
5619 :  1.0
5620 :  1.0
5621 :  1.0
5622 :  1.0
5623 :  1.0
5624 :  1.0
5625 :  1.0
5626 :  1.0
5627 :  1.0
5628 :  1.0
5629 :  1.0
5630 :  1.0
5631 :  1.0
5632 :  1.0
5633 :  1.0
5634 :  1.0
5635 :  1.0
5636 :  1.0
5637 :  1.0
5638 :  1.0
5639 :  1.0
5640 :  1.0
5641 :  1.0
5642 :  1.0
5643 :  1.0
5644 :  1.0
5645 :  1.0
5646 :  1.0
5647 :  1.0
5648 :  1.0
5649 :  1.0
5650 :  1.0
5651 :  1.0
5652 :  1.0
5653 :  1.0
5654 :  1.0
5655 :  1.0
5656 :  1.0
5657 :  1.0
5658 :  1.0
5659 :  1.0
5660 :  1.0
5661 :  1.0
5662 :  1.0
5663 :  1.0
5664 :  1.0
5665 :  1.0
5666 :  1.0
5667 :  1.0
5668 :  1.0
5669 :  1.0
5670 :  1.0
5671 :  1.0
5672 :  1.0
5673 :  1.0
5674 :  1.0
5675 :  1.0
5676 :  1.0
5677 :  1.0
5678 :  1.0
5679 :  1.0
5680 :  1.0
5681 :  1.0
5682 :  1.0
5683 :  1.0
5684 :  1.0
5685 :  1.0
5686 :  1.0
5687 :  1.0
5688 :  1.0
5689 :  1.0
5690 :  1.0
5691 :  1.0
5692 :  1.0
5693 :  1.0
5694 :  1.0
5695 :  1.0
5696 :  1.0
5697 :  1.0
5698 :  1.0
5699 :  1.0
5700 :  1.0
5701 :  1.0
5702 :  1.0
5703 :  1.0
5704 :  1.0
5705 :  1.0
5706 :  1.0
5707 :  1.0
5708 :  1.0
5709 :  1.0
5710 :  1.0
5711 :  1.0
5712 :  1.0
5713 :  1.0
5714 :  1.0
5715 :  1.0
5716 :  1.0
5717 :  1.0
5718 :  1.0
5719 :  1.0
5720 :  1.0
5721 :  1.0
5722 :  1.0
5723 :  1.0
5724 :  1.0
5725 :  1.0
5726 :  1.0
5727 :  1.0
5728 :  1.0
5729 :  1.0
5730 :  1.0
5731 :  1.0
5732 :  1.0
5733 :  1.0
5734 :  1.0
5735 :  1.0
5736 :  1.0
5737 :  1.0
5738 :  1.0
5739 :  1.0
5740 :  1.0
5741 :  1.0
5742 :  1.0
5743 :  1.0
5744 :  1.0
5745 :  1.0
5746 :  1.0
5747 :  1.0
5748 :  1.0
5749 :  1.0
5750 :  1.0
5751 :  1.0
5752 :  1.0
5753 :  1.0
5754 :  1.0
5755 :  1.0
5756 :  1.0
5757 :  1.0
5758 :  1.0
5759 :  1.0
5760 :  1.0
5761 :  1.0
5762 :  1.0
5763 :  1.0
5764 :  1.0
5765 :  1.0
5766 :  1.0
5767 :  1.0
5768 :  1.0
5769 :  1.0
5770 :  1.0
5771 :  1.0
5772 :  1.0
5773 :  1.0
5774 :  1.0
5775 :  1.0
5776 :  1.0
5777 :  1.0
5778 :  1.0
5779 :  1.0
5780 :  1.0
5781 :  1.0
5782 :  1.0
5783 :  1.0
5784 :  1.0
5785 :  1.0
5786 :  1.0
5787 :  1.0
5788 :  1.0
5789 :  1.0
5790 :  1.0
5791 :  1.0
5792 :  1.0
5793 :  1.0
5794 :  1.0
5795 :  1.0
5796 :  1.0
5797 :  1.0
5798 :  1.0
5799 :  1.0
5800 :  1.0
5801 :  1.0
5802 :  1.0
5803 :  1.0
5804 :  1.0
5805 :  1.0
5806 :  1.0
5807 :  1.0
5808 :  1.0
5809 :  1.0
5810 :  1.0
5811 :  1.0
5812 :  1.0
5813 :  1.0
5814 :  1.0
5815 :  1.0
5816 :  1.0
5817 :  1.0
5818 :  1.0
5819 :  1.0
5820 :  1.0
5821 :  1.0
5822 :  1.0
5823 :  1.0
5824 :  1.0
5825 :  1.0
5826 :  1.0
5827 :  1.0
5828 :  1.0
5829 :  1.0
5830 :  1.0
5831 :  1.0
5832 :  1.0
5833 :  1.0
5834 :  1.0
5835 :  1.0
5836 :  1.0
5837 :  1.0
5838 :  1.0
5839 :  1.0
5840 :  1.0
5841 :  1.0
5842 :  1.0
5843 :  1.0
5844 :  1.0
5845 :  1.0
5846 :  1.0
5847 :  1.0
5848 :  1.0
5849 :  1.0
5850 :  1.0
5851 :  1.0
5852 :  1.0
5853 :  1.0
5854 :  1.0
5855 :  1.0
5856 :  1.0
5857 :  1.0
5858 :  1.0
5859 :  1.0
5860 :  1.0
5861 :  1.0
5862 :  1.0
5863 :  1.0
5864 :  1.0
5865 :  1.0
5866 :  1.0
5867 :  1.0
5868 :  1.0
5869 :  1.0
5870 :  1.0
5871 :  1.0
5872 :  1.0
5873 :  1.0
5874 :  1.0
5875 :  1.0
5876 :  1.0
5877 :  1.0
5878 :  1.0
5879 :  1.0
5880 :  1.0
5881 :  1.0
5882 :  1.0
5883 :  1.0
5884 :  1.0
5885 :  1.0
5886 :  1.0
5887 :  1.0
5888 :  1.0
5889 :  1.0
5890 :  1.0
5891 :  1.0
5892 :  1.0
5893 :  1.0
5894 :  1.0
5895 :  1.0
5896 :  1.0
5897 :  1.0
5898 :  1.0
5899 :  1.0
5900 :  1.0
5901 :  1.0
5902 :  1.0
5903 :  1.0
5904 :  1.0
5905 :  1.0
5906 :  1.0
5907 :  1.0
5908 :  1.0
5909 :  1.0
5910 :  1.0
5911 :  1.0
5912 :  1.0
5913 :  1.0
5914 :  1.0
5915 :  1.0
5916 :  1.0
5917 :  1.0
5918 :  1.0
5919 :  1.0
5920 :  1.0
5921 :  1.0
5922 :  1.0
5923 :  1.0
5924 :  1.0
5925 :  1.0
5926 :  1.0
5927 :  1.0
5928 :  1.0
5929 :  1.0
5930 :  1.0
5931 :  1.0
5932 :  1.0
5933 :  1.0
5934 :  1.0
5935 :  1.0
5936 :  1.0
5937 :  1.0
5938 :  1.0
5939 :  1.0
5940 :  1.0
5941 :  1.0
5942 :  1.0
5943 :  1.0
5944 :  1.0
5945 :  1.0
5946 :  1.0
5947 :  1.0
5948 :  1.0
5949 :  1.0
5950 :  1.0
5951 :  1.0
5952 :  1.0
5953 :  1.0
5954 :  1.0
5955 :  1.0
5956 :  1.0
5957 :  1.0
5958 :  1.0
5959 :  1.0
5960 :  1.0
5961 :  1.0
5962 :  1.0
5963 :  1.0
5964 :  1.0
5965 :  1.0
5966 :  1.0
5967 :  1.0
5968 :  1.0
5969 :  1.0
5970 :  1.0
5971 :  1.0
5972 :  1.0
5973 :  1.0
5974 :  1.0
5975 :  1.0
5976 :  1.0
5977 :  1.0
5978 :  1.0
5979 :  1.0
5980 :  1.0
5981 :  1.0
5982 :  1.0
5983 :  1.0
5984 :  1.0
5985 :  1.0
5986 :  1.0
5987 :  1.0
5988 :  1.0
5989 :  1.0
5990 :  1.0
5991 :  1.0
5992 :  1.0
5993 :  1.0
5994 :  1.0
5995 :  1.0
5996 :  1.0
5997 :  1.0
5998 :  1.0
5999 :  1.0
6000 :  1.0
6001 :  1.0
6002 :  1.0
6003 :  1.0
6004 :  1.0
6005 :  1.0
6006 :  1.0
6007 :  1.0
6008 :  1.0
6009 :  1.0
6010 :  1.0
6011 :  1.0
6012 :  1.0
6013 :  1.0
6014 :  1.0
6015 :  1.0
6016 :  1.0
6017 :  1.0
6018 :  1.0
6019 :  1.0
6020 :  1.0
6021 :  1.0
6022 :  1.0
6023 :  1.0
6024 :  1.0
6025 :  1.0
6026 :  1.0
6027 :  1.0
6028 :  1.0
6029 :  1.0
6030 :  1.0
6031 :  1.0
6032 :  1.0
6033 :  1.0
6034 :  1.0
6035 :  1.0
6036 :  1.0
6037 :  1.0
6038 :  1.0
6039 :  1.0
6040 :  1.0
6041 :  1.0
6042 :  1.0
6043 :  1.0
6044 :  1.0
6045 :  1.0
6046 :  1.0
6047 :  1.0
6048 :  1.0
6049 :  1.0
6050 :  1.0
6051 :  1.0
6052 :  1.0
6053 :  1.0
6054 :  1.0
6055 :  1.0
6056 :  1.0
6057 :  1.0
6058 :  1.0
6059 :  1.0
6060 :  1.0
6061 :  1.0
6062 :  1.0
6063 :  1.0
6064 :  1.0
6065 :  1.0
6066 :  1.0
6067 :  1.0
6068 :  1.0
6069 :  1.0
6070 :  1.0
6071 :  1.0
6072 :  1.0
6073 :  1.0
6074 :  1.0
6075 :  1.0
6076 :  1.0
6077 :  1.0
6078 :  1.0
6079 :  1.0
6080 :  1.0
6081 :  1.0
6082 :  1.0
6083 :  1.0
6084 :  1.0
6085 :  1.0
6086 :  1.0
6087 :  1.0
6088 :  1.0
6089 :  1.0
6090 :  1.0
6091 :  1.0
6092 :  1.0
6093 :  1.0
6094 :  1.0
6095 :  1.0
6096 :  1.0
6097 :  1.0
6098 :  1.0
6099 :  1.0
6100 :  1.0
6101 :  1.0
6102 :  1.0
6103 :  1.0
6104 :  1.0
6105 :  1.0
6106 :  1.0
6107 :  1.0
6108 :  1.0
6109 :  1.0
6110 :  1.0
6111 :  1.0
6112 :  1.0
6113 :  1.0
6114 :  1.0
6115 :  1.0
6116 :  1.0
6117 :  1.0
6118 :  1.0
6119 :  1.0
6120 :  1.0
6121 :  1.0
6122 :  1.0
6123 :  1.0
6124 :  1.0
6125 :  1.0
6126 :  1.0
6127 :  1.0
6128 :  1.0
6129 :  1.0
6130 :  1.0
6131 :  1.0
6132 :  1.0
6133 :  1.0
6134 :  1.0
6135 :  1.0
6136 :  1.0
6137 :  1.0
6138 :  1.0
6139 :  1.0
6140 :  1.0
6141 :  1.0
6142 :  1.0
6143 :  1.0
6144 :  1.0
6145 :  1.0
6146 :  1.0
6147 :  1.0
6148 :  1.0
6149 :  1.0
6150 :  1.0
6151 :  1.0
6152 :  1.0
6153 :  1.0
6154 :  1.0
6155 :  1.0
6156 :  1.0
6157 :  1.0
6158 :  1.0
6159 :  1.0
6160 :  1.0
6161 :  1.0
6162 :  1.0
6163 :  1.0
6164 :  1.0
6165 :  1.0
6166 :  1.0
6167 :  1.0
6168 :  1.0
6169 :  1.0
6170 :  1.0
6171 :  1.0
6172 :  1.0
6173 :  1.0
6174 :  1.0
6175 :  1.0
6176 :  1.0
6177 :  1.0
6178 :  1.0
6179 :  1.0
6180 :  1.0
6181 :  1.0
6182 :  1.0
6183 :  1.0
6184 :  1.0
6185 :  1.0
6186 :  1.0
6187 :  1.0
6188 :  1.0
6189 :  1.0
6190 :  1.0
6191 :  1.0
6192 :  1.0
6193 :  1.0
6194 :  1.0
6195 :  1.0
6196 :  1.0
6197 :  1.0
6198 :  1.0
6199 :  1.0
6200 :  1.0
6201 :  1.0
6202 :  1.0
6203 :  1.0
6204 :  1.0
6205 :  1.0
6206 :  1.0
6207 :  1.0
6208 :  1.0
6209 :  1.0
6210 :  1.0
6211 :  1.0
6212 :  1.0
6213 :  1.0
6214 :  1.0
6215 :  1.0
6216 :  1.0
6217 :  1.0
6218 :  1.0
6219 :  1.0
6220 :  1.0
6221 :  1.0
6222 :  1.0
6223 :  1.0
6224 :  1.0
6225 :  1.0
6226 :  1.0
6227 :  1.0
6228 :  1.0
6229 :  1.0
6230 :  1.0
6231 :  1.0
6232 :  1.0
6233 :  1.0
6234 :  1.0
6235 :  1.0
6236 :  1.0
6237 :  1.0
6238 :  1.0
6239 :  1.0
6240 :  1.0
6241 :  1.0
6242 :  1.0
6243 :  1.0
6244 :  1.0
6245 :  1.0
6246 :  1.0
6247 :  1.0
6248 :  1.0
6249 :  1.0
6250 :  1.0
6251 :  1.0
6252 :  1.0
6253 :  1.0
6254 :  1.0
6255 :  1.0
6256 :  1.0
6257 :  1.0
6258 :  1.0
6259 :  1.0
6260 :  1.0
6261 :  1.0
6262 :  1.0
6263 :  1.0
6264 :  1.0
6265 :  1.0
6266 :  1.0
6267 :  1.0
6268 :  1.0
6269 :  1.0
6270 :  1.0
6271 :  1.0
6272 :  1.0
6273 :  1.0
6274 :  1.0
6275 :  1.0
6276 :  1.0
6277 :  1.0
6278 :  1.0
6279 :  1.0
6280 :  1.0
6281 :  1.0
6282 :  1.0
6283 :  1.0
6284 :  1.0
6285 :  1.0
6286 :  1.0
6287 :  1.0
6288 :  1.0
6289 :  1.0
6290 :  1.0
6291 :  1.0
6292 :  1.0
6293 :  1.0
6294 :  1.0
6295 :  1.0
6296 :  1.0
6297 :  1.0
6298 :  1.0
6299 :  1.0
6300 :  1.0
6301 :  1.0
6302 :  1.0
6303 :  1.0
6304 :  1.0
6305 :  1.0
6306 :  1.0
6307 :  1.0
6308 :  1.0
6309 :  1.0
6310 :  1.0
6311 :  1.0
6312 :  1.0
6313 :  1.0
6314 :  1.0
6315 :  1.0
6316 :  1.0
6317 :  1.0
6318 :  1.0
6319 :  1.0
6320 :  1.0
6321 :  1.0
6322 :  1.0
6323 :  1.0
6324 :  1.0
6325 :  1.0
6326 :  1.0
6327 :  1.0
6328 :  1.0
6329 :  1.0
6330 :  1.0
6331 :  1.0
6332 :  1.0
6333 :  1.0
6334 :  1.0
6335 :  1.0
6336 :  1.0
6337 :  1.0
6338 :  1.0
6339 :  1.0
6340 :  1.0
6341 :  1.0
6342 :  1.0
6343 :  1.0
6344 :  1.0
6345 :  1.0
6346 :  1.0
6347 :  1.0
6348 :  1.0
6349 :  1.0
6350 :  1.0
6351 :  1.0
6352 :  1.0
6353 :  1.0
6354 :  1.0
6355 :  1.0
6356 :  1.0
6357 :  1.0
6358 :  1.0
6359 :  1.0
6360 :  1.0
6361 :  1.0
6362 :  1.0
6363 :  1.0
6364 :  1.0
6365 :  1.0
6366 :  1.0
6367 :  1.0
6368 :  1.0
6369 :  1.0
6370 :  1.0
6371 :  1.0
6372 :  1.0
6373 :  1.0
6374 :  1.0
6375 :  1.0
6376 :  1.0
6377 :  1.0
6378 :  1.0
6379 :  1.0
6380 :  1.0
6381 :  1.0
6382 :  1.0
6383 :  1.0
6384 :  1.0
6385 :  1.0
6386 :  1.0
6387 :  1.0
6388 :  1.0
6389 :  1.0
6390 :  1.0
6391 :  1.0
6392 :  1.0
6393 :  1.0
6394 :  1.0
6395 :  1.0
6396 :  1.0
6397 :  1.0
6398 :  1.0
6399 :  1.0
6400 :  1.0
6401 :  1.0
6402 :  1.0
6403 :  1.0
6404 :  1.0
6405 :  1.0
6406 :  1.0
6407 :  1.0
6408 :  1.0
6409 :  1.0
6410 :  1.0
6411 :  1.0
6412 :  1.0
6413 :  1.0
6414 :  1.0
6415 :  1.0
6416 :  1.0
6417 :  1.0
6418 :  1.0
6419 :  1.0
6420 :  1.0
6421 :  1.0
6422 :  1.0
6423 :  1.0
6424 :  1.0
6425 :  1.0
6426 :  1.0
6427 :  1.0
6428 :  1.0
6429 :  1.0
6430 :  1.0
6431 :  1.0
6432 :  1.0
6433 :  1.0
6434 :  1.0
6435 :  1.0
6436 :  1.0
6437 :  1.0
6438 :  1.0
6439 :  1.0
6440 :  1.0
6441 :  1.0
6442 :  1.0
6443 :  1.0
6444 :  1.0
6445 :  1.0
6446 :  1.0
6447 :  1.0
6448 :  1.0
6449 :  1.0
6450 :  1.0
6451 :  1.0
6452 :  1.0
6453 :  1.0
6454 :  1.0
6455 :  1.0
6456 :  1.0
6457 :  1.0
6458 :  1.0
6459 :  1.0
6460 :  1.0
6461 :  1.0
6462 :  1.0
6463 :  1.0
6464 :  1.0
6465 :  1.0
6466 :  1.0
6467 :  1.0
6468 :  1.0
6469 :  1.0
6470 :  1.0
6471 :  1.0
6472 :  1.0
6473 :  1.0
6474 :  1.0
6475 :  1.0
6476 :  1.0
6477 :  1.0
6478 :  1.0
6479 :  1.0
6480 :  1.0
6481 :  1.0
6482 :  1.0
6483 :  1.0
6484 :  1.0
6485 :  1.0
6486 :  1.0
6487 :  1.0
6488 :  1.0
6489 :  1.0
6490 :  1.0
6491 :  1.0
6492 :  1.0
6493 :  1.0
6494 :  1.0
6495 :  1.0
6496 :  1.0
6497 :  1.0
6498 :  1.0
6499 :  1.0
6500 :  1.0
6501 :  1.0
6502 :  1.0
6503 :  1.0
6504 :  1.0
6505 :  1.0
6506 :  1.0
6507 :  1.0
6508 :  1.0
6509 :  1.0
6510 :  1.0
6511 :  1.0
6512 :  1.0
6513 :  1.0
6514 :  1.0
6515 :  1.0
6516 :  1.0
6517 :  1.0
6518 :  1.0
6519 :  1.0
6520 :  1.0
6521 :  1.0
6522 :  1.0
6523 :  1.0
6524 :  1.0
6525 :  1.0
6526 :  1.0
6527 :  1.0
6528 :  1.0
6529 :  1.0
6530 :  1.0
6531 :  1.0
6532 :  1.0
6533 :  1.0
6534 :  1.0
6535 :  1.0
6536 :  1.0
6537 :  1.0
6538 :  1.0
6539 :  1.0
6540 :  1.0
6541 :  1.0
6542 :  1.0
6543 :  1.0
6544 :  1.0
6545 :  1.0
6546 :  1.0
6547 :  1.0
6548 :  1.0
6549 :  1.0
6550 :  1.0
6551 :  1.0
6552 :  1.0
6553 :  1.0
6554 :  1.0
6555 :  1.0
6556 :  1.0
6557 :  1.0
6558 :  1.0
6559 :  1.0
6560 :  1.0
6561 :  1.0
6562 :  1.0
6563 :  1.0
6564 :  1.0
6565 :  1.0
6566 :  1.0
6567 :  1.0
6568 :  1.0
6569 :  1.0
6570 :  1.0
6571 :  1.0
6572 :  1.0
6573 :  1.0
6574 :  1.0
6575 :  1.0
6576 :  1.0
6577 :  1.0
6578 :  1.0
6579 :  1.0
6580 :  1.0
6581 :  1.0
6582 :  1.0
6583 :  1.0
6584 :  1.0
6585 :  1.0
6586 :  1.0
6587 :  1.0
6588 :  1.0
6589 :  1.0
6590 :  1.0
6591 :  1.0
6592 :  1.0
6593 :  1.0
6594 :  1.0
6595 :  1.0
6596 :  1.0
6597 :  1.0
6598 :  1.0
6599 :  1.0
6600 :  1.0
6601 :  1.0
6602 :  1.0
6603 :  1.0
6604 :  1.0
6605 :  1.0
6606 :  1.0
6607 :  1.0
6608 :  1.0
6609 :  1.0
6610 :  1.0
6611 :  1.0
6612 :  1.0
6613 :  1.0
6614 :  1.0
6615 :  1.0
6616 :  1.0
6617 :  1.0
6618 :  1.0
6619 :  1.0
6620 :  1.0
6621 :  1.0
6622 :  1.0
6623 :  1.0
6624 :  1.0
6625 :  1.0
6626 :  1.0
6627 :  1.0
6628 :  1.0
6629 :  1.0
6630 :  1.0
6631 :  1.0
6632 :  1.0
6633 :  1.0
6634 :  1.0
6635 :  1.0
6636 :  1.0
6637 :  1.0
6638 :  1.0
6639 :  1.0
6640 :  1.0
6641 :  1.0
6642 :  1.0
6643 :  1.0
6644 :  1.0
6645 :  1.0
6646 :  1.0
6647 :  1.0
6648 :  1.0
6649 :  1.0
6650 :  1.0
6651 :  1.0
6652 :  1.0
6653 :  1.0
6654 :  1.0
6655 :  1.0
6656 :  1.0
6657 :  1.0
6658 :  1.0
6659 :  1.0
6660 :  1.0
6661 :  1.0
6662 :  1.0
6663 :  1.0
6664 :  1.0
6665 :  1.0
6666 :  1.0
6667 :  1.0
6668 :  1.0
6669 :  1.0
6670 :  1.0
6671 :  1.0
6672 :  1.0
6673 :  1.0
6674 :  1.0
6675 :  1.0
6676 :  1.0
6677 :  1.0
6678 :  1.0
6679 :  1.0
6680 :  1.0
6681 :  1.0
6682 :  1.0
6683 :  1.0
6684 :  1.0
6685 :  1.0
6686 :  1.0
6687 :  1.0
6688 :  1.0
6689 :  1.0
6690 :  1.0
6691 :  1.0
6692 :  1.0
6693 :  1.0
6694 :  1.0
6695 :  1.0
6696 :  1.0
6697 :  1.0
6698 :  1.0
6699 :  1.0
6700 :  1.0
6701 :  1.0
6702 :  1.0
6703 :  1.0
6704 :  1.0
6705 :  1.0
6706 :  1.0
6707 :  1.0
6708 :  1.0
6709 :  1.0
6710 :  1.0
6711 :  1.0
6712 :  1.0
6713 :  1.0
6714 :  1.0
6715 :  1.0
6716 :  1.0
6717 :  1.0
6718 :  1.0
6719 :  1.0
6720 :  1.0
6721 :  1.0
6722 :  1.0
6723 :  1.0
6724 :  1.0
6725 :  1.0
6726 :  1.0
6727 :  1.0
6728 :  1.0
6729 :  1.0
6730 :  1.0
6731 :  1.0
6732 :  1.0
6733 :  1.0
6734 :  1.0
6735 :  1.0
6736 :  1.0
6737 :  1.0
6738 :  1.0
6739 :  1.0
6740 :  1.0
6741 :  1.0
6742 :  1.0
6743 :  1.0
6744 :  1.0
6745 :  1.0
6746 :  1.0
6747 :  1.0
6748 :  1.0
6749 :  1.0
6750 :  1.0
6751 :  1.0
6752 :  1.0
6753 :  1.0
6754 :  1.0
6755 :  1.0
6756 :  1.0
6757 :  1.0
6758 :  1.0
6759 :  1.0
6760 :  1.0
6761 :  1.0
6762 :  1.0
6763 :  1.0
6764 :  1.0
6765 :  1.0
6766 :  1.0
6767 :  1.0
6768 :  1.0
6769 :  1.0
6770 :  1.0
6771 :  1.0
6772 :  1.0
6773 :  1.0
6774 :  1.0
6775 :  1.0
6776 :  1.0
6777 :  1.0
6778 :  1.0
6779 :  1.0
6780 :  1.0
6781 :  1.0
6782 :  1.0
6783 :  1.0
6784 :  1.0
6785 :  1.0
6786 :  1.0
6787 :  1.0
6788 :  1.0
6789 :  1.0
6790 :  1.0
6791 :  1.0
6792 :  1.0
6793 :  1.0
6794 :  1.0
6795 :  1.0
6796 :  1.0
6797 :  1.0
6798 :  1.0
6799 :  1.0
6800 :  1.0
6801 :  1.0
6802 :  1.0
6803 :  1.0
6804 :  1.0
6805 :  1.0
6806 :  1.0
6807 :  1.0
6808 :  1.0
6809 :  1.0
6810 :  1.0
6811 :  1.0
6812 :  1.0
6813 :  1.0
6814 :  1.0
6815 :  1.0
6816 :  1.0
6817 :  1.0
6818 :  1.0
6819 :  1.0
6820 :  1.0
6821 :  1.0
6822 :  1.0
6823 :  1.0
6824 :  1.0
6825 :  1.0
6826 :  1.0
6827 :  1.0
6828 :  1.0
6829 :  1.0
6830 :  1.0
6831 :  1.0
6832 :  1.0
6833 :  1.0
6834 :  1.0
6835 :  1.0
6836 :  1.0
6837 :  1.0
6838 :  1.0
6839 :  1.0
6840 :  1.0
6841 :  1.0
6842 :  1.0
6843 :  1.0
6844 :  1.0
6845 :  1.0
6846 :  1.0
6847 :  1.0
6848 :  1.0
6849 :  1.0
6850 :  1.0
6851 :  1.0
6852 :  1.0
6853 :  1.0
6854 :  1.0
6855 :  1.0
6856 :  1.0
6857 :  1.0
6858 :  1.0
6859 :  1.0
6860 :  1.0
6861 :  1.0
6862 :  1.0
6863 :  1.0
6864 :  1.0
6865 :  1.0
6866 :  1.0
6867 :  1.0
6868 :  1.0
6869 :  1.0
6870 :  1.0
6871 :  1.0
6872 :  1.0
6873 :  1.0
6874 :  1.0
6875 :  1.0
6876 :  1.0
6877 :  1.0
6878 :  1.0
6879 :  1.0
6880 :  1.0
6881 :  1.0
6882 :  1.0
6883 :  1.0
6884 :  1.0
6885 :  1.0
6886 :  1.0
6887 :  1.0
6888 :  1.0
6889 :  1.0
6890 :  1.0
6891 :  1.0
6892 :  1.0
6893 :  1.0
6894 :  1.0
6895 :  1.0
6896 :  1.0
6897 :  1.0
6898 :  1.0
6899 :  1.0
6900 :  1.0
6901 :  1.0
6902 :  1.0
6903 :  1.0
6904 :  1.0
6905 :  1.0
6906 :  1.0
6907 :  1.0
6908 :  1.0
6909 :  1.0
6910 :  1.0
6911 :  1.0
6912 :  1.0
6913 :  1.0
6914 :  1.0
6915 :  1.0
6916 :  1.0
6917 :  1.0
6918 :  1.0
6919 :  1.0
6920 :  1.0
6921 :  1.0
6922 :  1.0
6923 :  1.0
6924 :  1.0
6925 :  1.0
6926 :  1.0
6927 :  1.0
6928 :  1.0
6929 :  1.0
6930 :  1.0
6931 :  1.0
6932 :  1.0
6933 :  1.0
6934 :  1.0
6935 :  1.0
6936 :  1.0
6937 :  1.0
6938 :  1.0
6939 :  1.0
6940 :  1.0
6941 :  1.0
6942 :  1.0
6943 :  1.0
6944 :  1.0
6945 :  1.0
6946 :  1.0
6947 :  1.0
6948 :  1.0
6949 :  1.0
6950 :  1.0
6951 :  1.0
6952 :  1.0
6953 :  1.0
6954 :  1.0
6955 :  1.0
6956 :  1.0
6957 :  1.0
6958 :  1.0
6959 :  1.0
6960 :  1.0
6961 :  1.0
6962 :  1.0
6963 :  1.0
6964 :  1.0
6965 :  1.0
6966 :  1.0
6967 :  1.0
6968 :  1.0
6969 :  1.0
6970 :  1.0
6971 :  1.0
6972 :  1.0
6973 :  1.0
6974 :  1.0
6975 :  1.0
6976 :  1.0
6977 :  1.0
6978 :  1.0
6979 :  1.0
6980 :  1.0
6981 :  1.0
6982 :  1.0
6983 :  1.0
6984 :  1.0
6985 :  1.0
6986 :  1.0
6987 :  1.0
6988 :  1.0
6989 :  1.0
6990 :  1.0
6991 :  1.0
6992 :  1.0
6993 :  1.0
6994 :  1.0
6995 :  1.0
6996 :  1.0
6997 :  1.0
6998 :  1.0
6999 :  1.0
7000 :  1.0
7001 :  1.0
7002 :  1.0
7003 :  1.0
7004 :  1.0
7005 :  1.0
7006 :  1.0
7007 :  1.0
7008 :  1.0
7009 :  1.0
7010 :  1.0
7011 :  1.0
7012 :  1.0
7013 :  1.0
7014 :  1.0
7015 :  1.0
7016 :  1.0
7017 :  1.0
7018 :  1.0
7019 :  1.0
7020 :  1.0
7021 :  1.0
7022 :  1.0
7023 :  1.0
7024 :  1.0
7025 :  1.0
7026 :  1.0
7027 :  1.0
7028 :  1.0
7029 :  1.0
7030 :  1.0
7031 :  1.0
7032 :  1.0
7033 :  1.0
7034 :  1.0
7035 :  1.0
7036 :  1.0
7037 :  1.0
7038 :  1.0
7039 :  1.0
7040 :  1.0
7041 :  1.0
7042 :  1.0
7043 :  1.0
7044 :  1.0
7045 :  1.0
7046 :  1.0
7047 :  1.0
7048 :  1.0
7049 :  1.0
7050 :  1.0
7051 :  1.0
7052 :  1.0
7053 :  1.0
7054 :  1.0
7055 :  1.0
7056 :  1.0
7057 :  1.0
7058 :  1.0
7059 :  1.0
7060 :  1.0
7061 :  1.0
7062 :  1.0
7063 :  1.0
7064 :  1.0
7065 :  1.0
7066 :  1.0
7067 :  1.0
7068 :  1.0
7069 :  1.0
7070 :  1.0
7071 :  1.0
7072 :  1.0
7073 :  1.0
7074 :  1.0
7075 :  1.0
7076 :  1.0
7077 :  1.0
7078 :  1.0
7079 :  1.0
7080 :  1.0
7081 :  1.0
7082 :  1.0
7083 :  1.0
7084 :  1.0
7085 :  1.0
7086 :  1.0
7087 :  1.0
7088 :  1.0
7089 :  1.0
7090 :  1.0
7091 :  1.0
7092 :  1.0
7093 :  1.0
7094 :  1.0
7095 :  1.0
7096 :  1.0
7097 :  1.0
7098 :  1.0
7099 :  1.0
7100 :  1.0
7101 :  1.0
7102 :  1.0
7103 :  1.0
7104 :  1.0
7105 :  1.0
7106 :  1.0
7107 :  1.0
7108 :  1.0
7109 :  1.0
7110 :  1.0
7111 :  1.0
7112 :  1.0
7113 :  1.0
7114 :  1.0
7115 :  1.0
7116 :  1.0
7117 :  1.0
7118 :  1.0
7119 :  1.0
7120 :  1.0
7121 :  1.0
7122 :  1.0
7123 :  1.0
7124 :  1.0
7125 :  1.0
7126 :  1.0
7127 :  1.0
7128 :  1.0
7129 :  1.0
7130 :  1.0
7131 :  1.0
7132 :  1.0
7133 :  1.0
7134 :  1.0
7135 :  1.0
7136 :  1.0
7137 :  1.0
7138 :  1.0
7139 :  1.0
7140 :  1.0
7141 :  1.0
7142 :  1.0
7143 :  1.0
7144 :  1.0
7145 :  1.0
7146 :  1.0
7147 :  1.0
7148 :  1.0
7149 :  1.0
7150 :  1.0
7151 :  1.0
7152 :  1.0
7153 :  1.0
7154 :  1.0
7155 :  1.0
7156 :  1.0
7157 :  1.0
7158 :  1.0
7159 :  1.0
7160 :  1.0
7161 :  1.0
7162 :  1.0
7163 :  1.0
7164 :  1.0
7165 :  1.0
7166 :  1.0
7167 :  1.0
7168 :  1.0
7169 :  1.0
7170 :  1.0
7171 :  1.0
7172 :  1.0
7173 :  1.0
7174 :  1.0
7175 :  1.0
7176 :  1.0
7177 :  1.0
7178 :  1.0
7179 :  1.0
7180 :  1.0
7181 :  1.0
7182 :  1.0
7183 :  1.0
7184 :  1.0
7185 :  1.0
7186 :  1.0
7187 :  1.0
7188 :  1.0
7189 :  1.0
7190 :  1.0
7191 :  1.0
7192 :  1.0
7193 :  1.0
7194 :  1.0
7195 :  1.0
7196 :  1.0
7197 :  1.0
7198 :  1.0
7199 :  1.0
7200 :  1.0
7201 :  1.0
7202 :  1.0
7203 :  1.0
7204 :  1.0
7205 :  1.0
7206 :  1.0
7207 :  1.0
7208 :  1.0
7209 :  1.0
7210 :  1.0
7211 :  1.0
7212 :  1.0
7213 :  1.0
7214 :  1.0
7215 :  1.0
7216 :  1.0
7217 :  1.0
7218 :  1.0
7219 :  1.0
7220 :  1.0
7221 :  1.0
7222 :  1.0
7223 :  1.0
7224 :  1.0
7225 :  1.0
7226 :  1.0
7227 :  1.0
7228 :  1.0
7229 :  1.0
7230 :  1.0
7231 :  1.0
7232 :  1.0
7233 :  1.0
7234 :  1.0
7235 :  1.0
7236 :  1.0
7237 :  1.0
7238 :  1.0
7239 :  1.0
7240 :  1.0
7241 :  1.0
7242 :  1.0
7243 :  1.0
7244 :  1.0
7245 :  1.0
7246 :  1.0
7247 :  1.0
7248 :  1.0
7249 :  1.0
7250 :  1.0
7251 :  1.0
7252 :  1.0
7253 :  1.0
7254 :  1.0
7255 :  1.0
7256 :  1.0
7257 :  1.0
7258 :  1.0
7259 :  1.0
7260 :  1.0
7261 :  1.0
7262 :  1.0
7263 :  1.0
7264 :  1.0
7265 :  1.0
7266 :  1.0
7267 :  1.0
7268 :  1.0
7269 :  1.0
7270 :  1.0
7271 :  1.0
7272 :  1.0
7273 :  1.0
7274 :  1.0
7275 :  1.0
7276 :  1.0
7277 :  1.0
7278 :  1.0
7279 :  1.0
7280 :  1.0
7281 :  1.0
7282 :  1.0
7283 :  1.0
7284 :  1.0
7285 :  1.0
7286 :  1.0
7287 :  1.0
7288 :  1.0
7289 :  1.0
7290 :  1.0
7291 :  1.0
7292 :  1.0
7293 :  1.0
7294 :  1.0
7295 :  1.0
7296 :  1.0
7297 :  1.0
7298 :  1.0
7299 :  1.0
7300 :  1.0
7301 :  1.0
7302 :  1.0
7303 :  1.0
7304 :  1.0
7305 :  1.0
7306 :  1.0
7307 :  1.0
7308 :  1.0
7309 :  1.0
7310 :  1.0
7311 :  1.0
7312 :  1.0
7313 :  1.0
7314 :  1.0
7315 :  1.0
7316 :  1.0
7317 :  1.0
7318 :  1.0
7319 :  1.0
7320 :  1.0
7321 :  1.0
7322 :  1.0
7323 :  1.0
7324 :  1.0
7325 :  1.0
7326 :  1.0
7327 :  1.0
7328 :  1.0
7329 :  1.0
7330 :  1.0
7331 :  1.0
7332 :  1.0
7333 :  1.0
7334 :  1.0
7335 :  1.0
7336 :  1.0
7337 :  1.0
7338 :  1.0
7339 :  1.0
7340 :  1.0
7341 :  1.0
7342 :  1.0
7343 :  1.0
7344 :  1.0
7345 :  1.0
7346 :  1.0
7347 :  1.0
7348 :  1.0
7349 :  1.0
7350 :  1.0
7351 :  1.0
7352 :  1.0
7353 :  1.0
7354 :  1.0
7355 :  1.0
7356 :  1.0
7357 :  1.0
7358 :  1.0
7359 :  1.0
7360 :  1.0
7361 :  1.0
7362 :  1.0
7363 :  1.0
7364 :  1.0
7365 :  1.0
7366 :  1.0
7367 :  1.0
7368 :  1.0
7369 :  1.0
7370 :  1.0
7371 :  1.0
7372 :  1.0
7373 :  1.0
7374 :  1.0
7375 :  1.0
7376 :  1.0
7377 :  1.0
7378 :  1.0
7379 :  1.0
7380 :  1.0
7381 :  1.0
7382 :  1.0
7383 :  1.0
7384 :  1.0
7385 :  1.0
7386 :  1.0
7387 :  1.0
7388 :  1.0
7389 :  1.0
7390 :  1.0
7391 :  1.0
7392 :  1.0
7393 :  1.0
7394 :  1.0
7395 :  1.0
7396 :  1.0
7397 :  1.0
7398 :  1.0
7399 :  1.0
7400 :  1.0
7401 :  1.0
7402 :  1.0
7403 :  1.0
7404 :  1.0
7405 :  1.0
7406 :  1.0
7407 :  1.0
7408 :  1.0
7409 :  1.0
7410 :  1.0
7411 :  1.0
7412 :  1.0
7413 :  1.0
tab = results_summ
result = ''
for element in tab[:-1]:
    result+=str(element[0])+':'+str(element[1])+'\t'
result += ':'+ str(tab[-1][1]) + '\n'
print(result, end='')
a:0.32235596453720317	the:0.29815671218498524	this:0.037712611177471045	other:0.03380747940487517	of:0.029858854655014522	and:0.027513870807796215	his:0.02489330633482702	The:0.022330998789039776	tho:0.01943313977820608	:0.18393706233058182
gonito_format(results[2], const_wildcard = False)
'a:0.3910634709171287\tthe:0.3617063481722642\tthis:0.04575074218211916\tother:0.041013263886742826\tof:0.03622302244589748\tand:0.033378224696135494\this:0.030199108590644053\tThe:0.027090666394293545\ttho:0.023575152714774474\t:0.01\n'
vocab.forward(['despicable'])
[0]
print(predict_words[1571])
['and', 'despicable']
print(predict_words[1902])
['and', 'Democratic,"']
print(predict_words[2281])
['and', 'ltiules,']
for elem in results:
    print(gonito_format(elem, const_wildcard=False), end='')
the:0.20759828216564447	of:0.18641195492052776	to:0.16375589974544083	and:0.14197683369027864	in:0.07235947734331608	a:0.058097948235152734	was:0.05579373084177645	be:0.05459636692777879	is:0.049409506130084366	:0.01
hundred:0.6757441672297902	dred:0.05507351954564639	eight:0.04366350604170377	degrees:0.04027646004808541	due:0.03587563285715766	north:0.03523299091044305	long:0.03521327274265904	men:0.035105103052205704	dollars:0.03381534757230843	:0.01
a:0.39106347091712873	the:0.36170634817226427	this:0.045750742182119164	other:0.04101326388674283	of:0.036223022445897486	and:0.033378224696135494	his:0.030199108590644057	The:0.02709066639429355	tho:0.023575152714774478	:0.01
it:0.1767555335571485	they:0.14081408629938671	and:0.1369251675661277	which:0.11277892922943726	he:0.10500778470392595	you:0.08516978500368706	It:0.08279808722888964	I:0.07644183587914447	who:0.07330879053225288	:0.01
able:0.16135098933162126	and:0.13044751689027728	order:0.12047644195204929	enough:0.112195707618602	is:0.10659258286384829	him:0.09695424037295981	right:0.09323820669708728	was:0.08462360424267781	attempt:0.08412071003087702	:0.01
is:0.2784631131670363	be:0.21962280148859833	are:0.1428621781409449	was:0.11935922336568353	and:0.0767832739801551	been:0.04035076914034935	Is:0.038101361203158074	not:0.03740134506575619	were:0.037055934448318326	:0.01
and:0.3243481058981709	was:0.1183254908156455	held:0.10061653345026714	Beginning:0.08194282066246006	is:0.07787052591190631	look:0.07433840727139067	arrived:0.07348439933321942	that:0.0714853472708103	interest:0.06758836938612982	:0.01
and:0.2587876600214366	of:0.23664575608429056	is:0.09115271670092912	are:0.08347312003595063	it:0.08171945044538945	after:0.07910070024791489	in:0.06860735831467818	that:0.04611888559063895	was:0.04439435255877157	:0.01
of:0.37283592046886466	in:0.167387726243451	and:0.10531868082220949	to:0.0830809911982244	with:0.07559452668701762	for:0.06860498426928782	that:0.044648284417965006	In:0.038973812694768954	on:0.03355507319821109	:0.01
and:0.28196881055091316	that:0.23014187022497193	as:0.22505597689475598	but:0.0692751481752698	even:0.05534329917369431	or:0.03504039921417472	But:0.034701331088926195	And:0.029575321440918265	and,:0.028897843236375675	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
the:0.6703324500442436	a:0.11290303879098455	be-:0.058279759387684996	The:0.04380947101890577	tho:0.03462946324204336	be¬:0.02023698384973438	be­:0.018378134128076304	no:0.015831493411717704	and:0.015599206126609382	:0.01
of:0.2713041771166653	and:0.15897929210516645	to:0.12162346150241223	the:0.11747449277509672	for:0.07788114196389265	a:0.06946714391215615	be:0.06248668139168507	in:0.06238027507401627	was:0.04840333415890919	:0.01
<s>:0.24728533594793461	and:0.20253763753382342	made:0.09886150757415757	was:0.09538551140811591	recorded:0.0792324387642515	that:0.07572633810967984	be:0.06754695020072057	is:0.06282737303055096	o'clock:0.06059690743076548	:0.01
to:0.46053881942473246	and:0.10535183777274286	we:0.08865165438156905	I:0.0720832493900123	will:0.06869363719909813	not:0.065685400729279	would:0.05375849885166945	they:0.03833966692398743	you:0.0368972353269093	:0.01
and:0.2437578864111139	of:0.16889976715177069	to:0.13815148594694576	the:0.12733864558157276	<s>:0.07151276384945798	a:0.06478624793209892	his:0.06073731178273362	in:0.05920155002744232	at:0.05561434131686417	:0.01
of:0.41423916949970646	to:0.15132104071022856	and:0.10874929347751575	for:0.07131192514304915	with:0.07117782824129337	by:0.0641198672951466	that:0.03758189736686034	from:0.03750168565790937	on:0.033997292608290354	:0.01
and:0.2695857928320165	them:0.1161266788459886	put:0.11344325375628718	out:0.10136179929581371	carry:0.08227680625552686	was:0.07994197358382521	work:0.07720203559131127	it:0.07531599500828415	that:0.07474566483094666	:0.01
of:0.32411500613459826	and:0.1774251949735989	in:0.10544507048740555	to:0.10116454824675854	that:0.07659656642832684	on:0.06455299454022724	for:0.06273561211239223	things:0.04287039325002042	those:0.03509461382667204	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
and:0.24738383723470328	of:0.19203822110083657	as:0.10987989596377465	that:0.09956181767917709	all:0.09205302262274494	but:0.08064260519657017	for:0.07500863673578351	so:0.05332938232021526	fact:0.04010258114619455	:0.01
to:0.3654474410099953	will:0.2003951863899563	not:0.09837915490302264	may:0.06278904609064165	the:0.05736604149022528	and:0.055390180390915054	shall:0.05437404002895165	a:0.04877939372652325	would:0.04707951596976879	:0.01
with-:0.1410577536713937	and:0.13434116781737443	find:0.13400974181205141	pointed:0.11694065988780133	go:0.10421914379622046	carry:0.10315983714917693	get:0.08609281170529565	brought:0.08534438894165562	went:0.08483449521903064	:0.01
and:0.18784336682063274	as:0.15114329179679575	went:0.11423878004667351	him:0.10666558228731272	them:0.09110223752457794	up:0.08733803455919152	is:0.08689480544253657	go:0.08340199801381315	able:0.08137190350846597	:0.01
and:0.23228630211071669	to:0.15124778176563822	will:0.10855322503039302	not:0.10165334863627776	I:0.09539587338510724	the:0.09261715385794264	would:0.07172322822161827	he:0.06932636746394916	is:0.06719671952835692	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
the:0.44505422075231954	of:0.16450133778327167	a:0.11569109869746627	and:0.06433713111281823	by:0.056767414066612086	for:0.053966161876385615	to:0.04261884665193783	The:0.025852380388849162	with:0.02121140867033945	:0.01
and:0.2092155917331494	it:0.20025078617854117	to:0.1281696310205618	that:0.10104121777462509	is:0.09481096072954943	It:0.07189786648918099	of:0.06256452819378283	was:0.062438934966657623	which:0.05961048291395182	:0.01
the:0.33234759145175424	of:0.3042973395397021	his:0.0591205799950009	to:0.05787339399165412	in:0.05315061670519715	their:0.05271140435322497	good:0.050581384808583985	public:0.041695662234071916	perfect:0.03822202692081057	:0.01
was:0.16000634436631433	looked:0.1299221664252834	and:0.12861012418271928	held:0.12413082898767072	arrived:0.11539053322824105	presided:0.09299934296655213	laughed:0.08829151807731832	called:0.07818764169862266	be:0.07246150006727811	:0.01
to:0.20561394749759684	the:0.20351240443563284	of:0.16642006910341303	and:0.13092953679922398	in:0.07409286695411729	be:0.061842576674102104	was:0.05447701001665558	that:0.04738715030533824	for:0.04572443821392009	:0.01
we:0.19518728513705552	I:0.14104367184427397	they:0.11186642990136637	and:0.1094360338218251	he:0.10263725464971135	who:0.09758694134273097	which:0.0963460764850481	it:0.09240949941809262	that:0.0434868073998958	:0.01
the:0.4688302487407948	a:0.1914089577173526	at:0.07410696944848189	of:0.05992745776733671	The:0.05930991243755273	an:0.03885462192770621	for:0.03817399896808451	and:0.033152147814163195	tho:0.026235685178527413	:0.01
the:0.30066537045736186	of:0.18083337303704705	and:0.1484907152357916	to:0.13697527746982271	for:0.05023447445190031	in:0.049590724586391306	be:0.04591187306033972	is:0.04039018647411833	was:0.03690800522722708	:0.01
and:0.15898645693009783	men:0.13092657476152608	in:0.12116039789715446	;:0.11579251612560522	there:0.09958744460946346	to:0.09498754381929936	:0.09015686854101439	right:0.08926479398275061	man:0.08913740333308875	:0.01
of:0.2759248916315242	and:0.1697610281212568	or:0.14188210103775667	the:0.0997721659504272	about:0.07533567221551866	to:0.07029508950663646	for:0.06430139578657752	by:0.05146579046384797	in:0.04126186528645437	:0.01
and:0.18256157749026342	to:0.16433979570443552	of:0.1545788497958645	the:0.12778273854263242	was:0.08436879473166356	be:0.08029234124099573	for:0.07572785229194462	is:0.061294132144098484	in:0.05905391805810188	:0.01
feet;:0.28075674698554964	;:0.10987123625000587	running:0.10412492020173007	feet,:0.10313000520156666	2;:0.09803596238770869	3;:0.08433886765739776	4;:0.07636036253895638	5;:0.06697745013470016	feet::0.06640444864238465	:0.01
No.:0.2948814010129996	and:0.18171527787482264	the:0.13267233967362785	section:0.10393674592608018	Section:0.07795009570498494	Book:0.0649380978674619	lot:0.047013880490497276	.:0.04540097440663386	of:0.04149118704289177	:0.01
of:0.27784009332651416	in:0.16678880995056908	and:0.14055969554398734	by:0.11453096564935437	for:0.07941601014808068	are:0.06593218379247985	In:0.06357414218267705	is:0.04632734276080695	with:0.03503075664553062	:0.01
the:0.3218467846617874	of:0.1828529761416146	and:0.12322074209476627	a:0.09674086771067118	to:0.08641160396374101	in:0.07838572027910778	be:0.037796708679456885	for:0.032157504111148996	was:0.03058709235770576	:0.01
this:0.39293561768362595	the:0.36424601323021805	said:0.09414190068706371	that:0.03753440582408945	York:0.026231767757883453	a:0.022375881912032273	The:0.017941106112704355	tho:0.01741591508716806	of:0.01717739170521455	:0.01
the:0.3718794431416606	of:0.2182227620144704	and:0.09870390738986175	live:0.07494301272908575	a:0.0733399754862859	The:0.05779809301703656	tho:0.03267097363620427	capital:0.03192756290653288	his:0.030514269678861828	:0.01
to:0.7024000589479982	and:0.06996025561352545	not:0.05701693970580414	will:0.05051395515058398	would:0.030838828714624823	they:0.023007609693844414	may:0.021181127051492252	shall:0.017902742252210103	the:0.01717848286991666	:0.01
the:0.29819298779611636	and:0.18265256702547328	of:0.13010962881005228	was:0.08121404933282635	a:0.07950844863130477	be:0.07306667256403142	Mr.:0.049831129789093105	is:0.04890882613921612	The:0.04651568991188633	:0.01
the:0.3604816967038009	an:0.18810788842905138	any:0.10104650430676647	that:0.07110430009798853	last:0.06476138138830902	such:0.05560260855085649	and:0.052105067464504363	of:0.04857506406351707	a:0.04821548899520581	:0.01
the:0.3141697498569716	of:0.13596872111181624	The:0.13148451940784603	Mr.:0.12071271065510486	and:0.08466951013671548	that:0.08137847559446529	a:0.05140346651734129	Mrs.:0.04087284649549475	his:0.029340000224244482	:0.01
of:0.44620112619611585	in:0.12615857041583556	to:0.10151451743748327	for:0.07791159196235206	by:0.060895391762437356	at:0.05259110860597668	with:0.04542090039680382	from:0.045073909925154025	In:0.03423288329784133	:0.01
and:0.14196626315420008	is:0.1319194184117139	necessary:0.12661393014455416	as:0.11766702610463464	enough:0.10630327272751419	able:0.10295740592408965	order:0.09495553892699916	was:0.08441797772744382	have:0.08319916687885061	:0.01
the:0.30337617970676906	of:0.18860457588018725	and:0.131061740829474	to:0.0977610809207078	a:0.0809566554459928	in:0.055741965423345884	be:0.051143240024298715	was:0.041879765140534715	is:0.03947479662868964	:0.01
It:0.3518094924334861	it:0.2678488056688095	which:0.11962578587036052	there:0.07504565876367793	that:0.043290085722083094	There:0.03876361837857528	he:0.03787074317377399	and:0.02995916000554405	who:0.025786649983689732	:0.01
to:0.3399984915688819	and:0.1786294293894182	in:0.096458715746189	of:0.073008865135848	know:0.06978339603776376	that:0.060659395822263214	or:0.06001789401723737	determine:0.05572191288296829	question:0.05572189939943003	:0.01
part:0.21496902104278676	one:0.2091236923398804	some:0.12867331343811733	out:0.10573031168796258	members:0.0761860450243411	and:0.06636584999188522	tion:0.06479865598258486	portion:0.062262355322562794	side:0.061890755169878825	:0.01
the:0.7485433708759771	a:0.07685791523846565	his:0.034234262117647	tho:0.026524831246086397	The:0.024179040699663493	of:0.02339995787255252	and:0.021955020560788286	this:0.017387963567525765	said:0.01691763782129363	:0.01
of:0.3858440829150476	to:0.14069506157967443	in:0.11555995124509576	on:0.06667409605004691	by:0.06293274185329574	and:0.06116157143510812	for:0.05906604318191862	that:0.04972515057536743	from:0.048341301164445453	:0.01
the:0.7559393270397996	a:0.058884612386848806	The:0.05203736200017951	of:0.045404612204360054	tho:0.037409900764266195	and:0.013279028057779002	in:0.010406315847004893	tbe:0.00995118675608964	by:0.006687654943672377	:0.01
the:0.22381119370846947	a:0.20871162620806843	of:0.11693573883522197	and:0.10350678467831492	to:0.09964853259846064	from:0.0657361923996471	is:0.06400838781527755	are:0.05526362168574229	electric:0.052377922070797674	:0.01
to:0.22988122603357508	and:0.20058956339280715	the:0.13943594362559408	of:0.11588460464002816	in:0.08564574985575983	not:0.08091011806611494	I:0.05163104866330221	a:0.04434170452883663	or:0.04168004119398185	:0.01
the:0.3141697498569716	of:0.13596872111181624	The:0.13148451940784603	Mr.:0.12071271065510486	and:0.08466951013671548	that:0.08137847559446529	a:0.05140346651734129	Mrs.:0.04087284649549475	his:0.029340000224244482	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
and:0.19458744861213628	as:0.14324513006329825	able:0.11959067928157642	order:0.10892296495112841	began:0.10194159028383548	enough:0.10140718155181283	time:0.08476846183095127	right:0.07036349817710082	going:0.06517304524816034	:0.01
I:0.3309237919371256	they:0.1348246116569969	he:0.13255422255073715	and:0.0940476098420605	we:0.09149059453040208	that:0.05898483932147131	it:0.05508952467429529	We:0.049444566046738636	who:0.04264023944017238	:0.01
the:0.5267678717722714	court:0.16022203691487594	a:0.10324996762491356	The:0.044005233127721935	his:0.04296167922209614	school:0.03971694038434812	tho:0.03011769607907944	dwelling:0.022520855248790703	opera:0.020437719625902812	:0.01
the:0.19682318224879047	a:0.1544965500904431	was:0.1356240702169966	is:0.12840370160083586	are:0.09888365426369453	be:0.07894663002375656	and:0.07466819829273665	were:0.06893001972466438	his:0.05322399353808196	:0.01
his:0.21894703158796283	the:0.1826479089945305	her:0.13827523905799824	John-:0.11311727555833885	sea-:0.08476136834117008	Jack-:0.06970482862575639	of:0.06344104957190783	per-:0.06168853156380358	per:0.05741676669853159	:0.01
and:0.4404125920026467	that:0.15993193301104297	but:0.1458687762109243	But:0.059014690576080095	time:0.053670320440024406	And:0.04318137511098315	or:0.033058010851285305	even:0.0307843536729195	day:0.02407794812409341	:0.01
and:0.2783182624592181	the:0.1874591621891938	a:0.10899042854904321	of:0.09221883337514625	to:0.08219757499755052	in:0.0783946004595927	I:0.06306050002550223	will:0.05608634523425607	for:0.04327429271049726	:0.01
the:0.42756130924552904	this:0.1831555087317798	a:0.11717490185893095	any:0.05282443647401011	his:0.047232068231737485	good:0.043988998395579834	same:0.04189858111281071	no:0.03875154457305129	of:0.03741265137657096	:0.01
a:0.33134223610888114	the:0.32784012626721787	his:0.0946721880887907	and:0.0735909643883204	The:0.049615603039885436	her:0.03600783639635226	my:0.02640228317056867	their:0.025676887372071185	no:0.024851875167912367	:0.01
and:0.2337623015399828	according:0.15315600787659983	as:0.12144090210172614	went:0.10858274273938238	go:0.10051550792293387	subject:0.09106781120811656	them:0.06471990551311761	or:0.061419438694066394	addition:0.0553353824040744	:0.01
up:0.2312555405125505	in:0.12150819273358947	him:0.10685540009910666	them,:0.09720665495542939	;:0.09444833554401103	it,:0.09084185634227124	time:0.09050963156794468	down:0.07967163422653202	out:0.07770275401856494	:0.01
and:0.22185700374069806	was:0.19000015959760183	is:0.17643194800966505	are:0.12434909320688768	be:0.060610953612754724	were:0.05674838133189998	not:0.05495484034125655	been:0.05350048544645204	or:0.05154713471278412	:0.01
and:0.31272371936252696	that:0.11921912925090902	was:0.10826785512344439	made:0.08867020288276364	is:0.08441813412767785	as:0.07363540620555147	it:0.07061351793988456	up:0.06868550907362354	but:0.06376652603361857	:0.01
not:0.40845664964626577	has:0.18257337342438704	have:0.11835393891212839	had:0.07288192171216794	as:0.0695089190950349	and:0.063626612333958	is:0.03390477890936438	which:0.021616295088040385	it:0.01907751087865319	:0.01
the:0.4674396058621598	said:0.25902485690697763	a:0.06223409487262601	of:0.058944103055170595	this:0.04173797499910365	his:0.038822690357591026	tho:0.02712109922489681	in:0.018178630098256245	their:0.01649694462321807	:0.01
and:0.43204730350408316	the:0.11833042400730066	I:0.08480944165630178	was:0.08033879673846188	had:0.06087545942563571	is:0.05984885520616991	he:0.05720247379115774	have:0.05092986935493545	that:0.04561737631595369	:0.01
virtue:0.21738001102627375	out:0.189773379209129	part:0.11522775944009786	one:0.10400846177203445	quarter:0.09462884564091133	favor:0.06983811406326706	result:0.06817617839096966	guilty:0.06617001917752548	means:0.06479723127979137	:0.01
the:0.2576577879389992	our:0.1736711711153035	their:0.15028747803141584	of:0.12031286682646966	and:0.09688953170758687	his:0.0740968471184815	in:0.05984584850116238	its:0.029377199478300708	my:0.027861269282280453	:0.01
one:0.33640596478691953	on:0.11551329446855126	receipt,:0.10920701475463776	two:0.10871045932190965	person:0.07026088453789071	law:0.06553145068802452	and:0.06514487299292188	day:0.06048883264641694	man:0.05873722580272774	:0.01
the:0.25695934968586615	of:0.21922637213809554	on:0.12804312982711985	to:0.09515479809125989	and:0.08198692911706906	in:0.06416288100409132	by:0.05195017469501579	a:0.046952007516405825	for:0.04556435792507651	:0.01
amount:0.23984195764684887	number:0.21646239317804952	power:0.1013846828273557	out:0.08731433012463992	piece:0.07649008324180284	board:0.07399743987979318	state:0.07109895744410896	place:0.06489914461640574	plenty:0.058511011040995334	:0.01
the:0.8832112829175119	tho:0.03528485410393856	The:0.030837825089236177	tbe:0.01324791527630293	and:0.00875425052574037	this:0.005232034949857543	its:0.005148395184797347	their:0.004304222427519746	of:0.003979219525095452	:0.01
the:0.5500332056317281	of:0.14906075178772363	his:0.05479560224294427	their:0.048649119566522195	in:0.04449793374421965	a:0.03797419481170894	our:0.03684946450825992	and:0.03677911211248516	all:0.03136061559440804	:0.01
the:0.2346302632543477	of:0.21039298293066763	sai:0.1608394242794709	in:0.0959126030863676	a:0.0956602813134547	and:0.06399076322165465	New:0.061791071316304916	an:0.03720101598189565	to:0.029581594615836176	:0.01
<s>:0.5372084998588389	it.:0.11096820960258529	them.:0.07749910601157048	country.:0.049461906156089405	time.:0.047317552159012906	him.:0.04391572517529221	years.:0.04229450784556842	of:0.041169676941872436	.:0.040164816249170066	:0.01
to:0.3005362648313662	has:0.16333184308401946	had:0.10889147327258762	will:0.10024893128777927	have:0.09360746421113353	and:0.09318912070490916	would:0.059415013208979836	shall:0.037067738076931436	may:0.03371215132229348	:0.01
the:0.34170127421390223	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093987	to:0.07847171568184984	in:0.05339647102682973	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
of:0.2728240839597611	to:0.2178542328327642	in:0.1514324934899788	for:0.10740021799711444	with:0.07981603309214091	on:0.05924555029778187	from:0.04134561157226675	by:0.031163542350695992	In:0.02891823440749592	:0.01
the:0.2974502811850691	of:0.22091422415753312	to:0.09236837889488791	boy.:0.0741306415053232	and:0.06960437249933987	girl.:0.06679148007921792	a:0.06486805677156715	in:0.05550313372308324	for:0.0483694311839784	:0.01
of:0.29953428984735786	to:0.1492620872156453	in:0.14827436447156123	with:0.09953175919983764	and:0.08988708094447684	for:0.05850028447848207	all:0.0566389660099866	on:0.05344708124606166	by:0.034924086586590755	:0.01
not:0.2991594707203639	to:0.19703208949379986	I:0.15177050522245314	don't:0.09402872071458822	we:0.0769703016002484	you:0.06353546409444628	We:0.041105682442359466	they:0.03442332305149556	didn't:0.031974442660245045	:0.01
the:0.2558739099083218	of:0.1925997241399771	to:0.14716765857315706	and:0.0924849911742214	in:0.08921734614999505	at:0.0794436193290373	a:0.05847111658626285	.:0.03938594581755895	for:0.035355688321468605	:0.01
and:0.45261818426960093	is:0.09144143881370144	or:0.07972992024466753	but:0.07741983993119399	be:0.06320450305523395	was:0.06084512140156619	not:0.060592821885585464	that:0.05223482541364221	done:0.05191334498480831	:0.01
they:0.23364138526239628	who:0.1390020820029914	we:0.12732876218965314	which:0.12275187738233091	there:0.10656228561072972	that:0.07477931782100233	They:0.06349607118679013	and:0.06127631025927463	We:0.061161908284831416	:0.01
the:0.31875333103658077	of:0.19153223533904778	and:0.1333377565756217	a:0.08569118153695421	to:0.07805362827458313	his:0.04896787193732948	be:0.04728575140178598	my:0.044784222538298106	I:0.04159402135979894	:0.01
the:0.677440730221878	a:0.11117750593928254	and:0.05416417454939914	The:0.03442611226189508	tho:0.030796122120323163	in:0.02942151932118437	al-:0.021208265644767216	of:0.01673098368129178	our:0.014634586259978882	:0.01
of:0.38356379297119464	in:0.15427585480191303	to:0.10868260386189559	by:0.08803383227313698	for:0.06149470407727097	that:0.0584109825272259	and:0.052176912248772044	with:0.04206109753453796	on:0.04130021970405283	:0.01
the:0.4294472938485031	of:0.22516648736013478	a:0.08006603615781956	for:0.07053865246310147	in:0.06132082576674757	our:0.0449318667888771	and:0.028930170536971132	with:0.0269642714014474	The:0.022634395676397866	:0.01
to:0.6888905776695221	not:0.08751477215345496	will:0.05311960940955053	would:0.04553274898162056	and:0.033063941156164914	can:0.029135397596233122	could:0.018224051577649704	should:0.017869556951050716	may:0.016649344504753395	:0.01
and:0.1944372923421487	together:0.18064694998584138	connected:0.14784638791688007	connection:0.1448086892096974	accordance:0.11050849290477427	comply:0.06045119551015317	acquainted:0.053914338376547646	compared:0.051495838323954046	contact:0.04589081543000345	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
the:0.24534901571123705	of:0.19198092365184335	to:0.13970081277914329	and:0.12062271959344861	a:0.09610298426469714	in:0.058771928991349275	by:0.048611068468419096	or:0.04629862296034339	that:0.042561923579519	:0.01
and:0.1959445663813278	make:0.16419526785730904	for:0.11519010139822934	that:0.11415034681265736	of:0.0973541051164457	with:0.09611331774603123	to:0.07298446985038608	give:0.07056313485935614	but:0.06350468997825735	:0.01
was:0.19293386621323436	be:0.1422805696387745	he:0.1324685063603263	and:0.10572311106480928	been:0.0971597369075684	had:0.08382131913806616	is:0.08360675578594906	above:0.0802753949228965	has:0.07173073996837545	:0.01
of:0.30172748964026846	to:0.14873173808656745	on:0.09840881845255474	by:0.09135552473296785	in:0.08622559687155035	with:0.08614842895372508	and:0.06871205270556481	that:0.06393199076702775	from:0.04475835978977363	:0.01
the:0.21858781341275965	and:0.14787589235517212	of:0.11615811686309205	from:0.111777248760148	a:0.10253926757191248	to:0.08360693553216382	be:0.08051194311816404	was:0.06882079131216966	is:0.06012199107441834	:0.01
the:0.7477460179045423	this:0.07641669962309226	tho:0.0322138113337618	The:0.028191341212523938	to:0.02750931066730294	our:0.023691349450035273	and:0.022215905460876997	that:0.016041232186085934	any:0.015974332161778487	:0.01
<s>:0.5911664716768235	.:0.0925416286131135	it.:0.07581705834204042	them.:0.05818195815929815	day.:0.03772668638663001	him.:0.03479060365958301	time.:0.03473040556580826	of:0.034040180206403495	country.:0.031005007390299676	:0.01
to:0.5457552147720406	the:0.137018355071425	a:0.09471528121449664	and:0.052184581200286115	will:0.04552026148646052	of:0.0388734075576103	in:0.030533656171530057	could:0.023178071880018067	can:0.022221170646132632	:0.01
covered:0.21598528021716792	filled:0.1790718555352828	together:0.15304088577388475	and:0.12863481727510884	up:0.11117770378436569	charged:0.060414155692995616	loaded:0.05040008714817735	thence:0.04567769900806648	down:0.04559751556495045	:0.01
as:0.19526507400245455	up:0.17563098292342957	and:0.14263150867388677	back:0.09448678680837064	down:0.08310198427347132	went:0.08195026217821091	came:0.0730567451122316	according:0.07233387308449138	regard:0.07154278294345302	:0.01
amount:0.18452536647632076	number:0.16551059003984736	out:0.1262877653565467	point:0.12258078603183375	time:0.12218781526251081	plenty:0.08566649966848794	deal:0.06370835869001575	means:0.05989527938597031	thousands:0.05963753908846656	:0.01
the:0.48483331403921254	a:0.1308315335348737	and:0.11467042235524812	of:0.07940700528219524	in:0.0463916749675865	to:0.042635952043562804	The:0.040249605568999	tho:0.031090497163602498	by:0.019889995044719843	:0.01
the:0.3234734151298571	of:0.1899360155781862	young:0.12289632645647654	two:0.09291340983373413	and:0.09129391178876167	The:0.05732142321760001	good:0.03957154315831111	three:0.03885458154598966	our:0.0337393732910835	:0.01
to:0.4395711965339822	will:0.11363086701101141	had:0.09279649511323118	have:0.07562527073458644	has:0.06616663404092599	be-:0.0659558018028197	would:0.054319035898865255	not:0.04467194678933092	and:0.03726275207524699	:0.01
and:0.17242398561069025	as:0.1467191988606228	is:0.12617046029401924	right:0.1151059360986362	him:0.09964231114817719	able:0.09079721249751992	time:0.0897945457952802	them:0.07493873154135108	enough:0.07440761815370299	:0.01
the:0.48329396669967584	Supreme:0.2019945942522686	said:0.06278831496877942	Circuit:0.04339120014715019	this:0.04297180670308836	Police:0.0421336542602257	District:0.04132922792237566	tho:0.037768617470680894	The:0.03432861757575553	:0.01
sum:0.18676829411122214	number:0.1566486321513545	line:0.11140081741272478	city:0.10844765106291132	out:0.10739005474369737	day:0.09286734076326106	county:0.08286139477536687	amount:0.07384405151900511	Board:0.06977176346045691	:0.01
they:0.30651296176395293	who:0.18992891553728264	which:0.10030669516804223	and:0.09469368380015819	we:0.0862989701956048	there:0.0661586790974406	They:0.06333552797907654	that:0.04377010142177894	you:0.03899446503666314	:0.01
of:0.3443785742134305	for:0.15195922870475037	by:0.09547219189093711	in:0.091934622264481	that:0.07769761544702075	to:0.07060063373450319	and:0.0705176094763319	with:0.04646495262450817	all:0.04097457164403701	:0.01
the:0.23075178912378308	of:0.19593304988733093	and:0.16720951205846835	to:0.13537301905776397	in:0.07221136695482341	a:0.06308867618413608	for:0.053249383256185126	or:0.03936539274483694	four:0.032817810732672	:0.01
the:0.23844167447386083	of:0.17635581647632848	in:0.15936147555052851	and:0.10421425684180446	to:0.08683748198855373	for:0.07120567344919558	a:0.06697422588647108	In:0.04367323033545752	that:0.04293616499779999	:0.01
and:0.3024842444279261	was:0.14789652250066207	is:0.09596900870974386	be:0.09291209349185649	are:0.07962562552501436	that:0.07617621460107377	it:0.06766289852403745	been:0.06429887727346362	made:0.0629745149462221	:0.01
is:0.1799083183618913	not:0.12462457417153078	able:0.1245356473997609	time:0.1101111025600349	right:0.09723351122395305	have:0.09233882271283618	him:0.09048635414015883	enough:0.08619270480261111	and:0.08456896462722288	:0.01
and:0.33353890069751263	was:0.16807881785052814	is:0.14649276021843094	are:0.09218316951471578	but:0.08079014990752889	were:0.07656145209264209	He:0.040819367731266216	be:0.026345268997705763	has:0.025190112989669562	:0.01
of:0.21245906708290568	and:0.1260637207123297	is:0.11958274744521444	with:0.11158088448020984	to:0.10343742435270589	by:0.08387305340935729	as:0.08137802550947228	in:0.07734115788230062	for:0.07428391912550437	:0.01
of:0.38787600903755687	in:0.11198132191954725	and:0.08818088715465101	with:0.08555147636783819	for:0.07888160855403116	to:0.07540246605452956	that:0.06370207680638026	by:0.050742305123140034	almost:0.04768184898232563	:0.01
of:0.32342270374369236	that:0.12340065779351093	and:0.12169136685200176	to:0.10800882208868756	in:0.10071994371735231	for:0.07588784971632406	by:0.05820416411239488	with:0.043903107576545926	as:0.034761384399490246	:0.01
to:0.23008159810559534	of:0.2107810922941533	the:0.16906327894441375	in:0.1377121014893939	a:0.057436790198402324	and:0.05569884250007741	his:0.047396369729473815	for:0.04571059473545908	I:0.03611933200303109	:0.01
It:0.25678987927758057	that:0.13532712784564827	it:0.13086878615288047	which:0.12389964967121378	there:0.11205719896758307	This:0.07749322860633544	and:0.06476751103055411	he:0.04974909457564795	this:0.039047523872556465	:0.01
fifteen:0.17322118258412994	hundred:0.16013427611887088	twenty:0.12529131464059257	ten:0.1100396870518087	100:0.10289723596999537	six:0.09237153995896782	eight:0.08273014188077174	50:0.08172792635465473	30:0.06158669544020827	:0.01
more:0.3170948174967419	person:0.14906939994554808	one:0.11309810607549357	man:0.11002731711719635	law:0.09444411203859648	whether:0.05458024464520362	action:0.05185835328519572	right:0.05058232583933853	time:0.04924532355668589	:0.01
the:0.6813231373424598	and:0.08925441882374724	The:0.0566138572977628	tho:0.04225814397625023	in:0.03296730630561121	a:0.02553188566538156	great:0.02438695100388946	of:0.021724542380621072	his:0.01593975720427652	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
it:0.1777598327711152	they:0.17649536759106535	he:0.12213194630361732	which:0.09913036587956447	you:0.0853413735621977	as:0.08307750258961555	we:0.08301208568153508	who:0.0826258652611925	that:0.08042566036009673	:0.01
and:0.3024842444279261	was:0.14789652250066207	is:0.09596900870974386	be:0.09291209349185649	are:0.07962562552501436	that:0.07617621460107377	it:0.06766289852403745	been:0.06429887727346362	made:0.0629745149462221	:0.01
there:0.25041383595202027	they:0.1476968201329322	you:0.09948292079218433	who:0.0939833204192006	which:0.09153017599121883	that:0.09101526561568743	There:0.07622316072841921	and:0.07366344090114177	we:0.06599105946719543	:0.01
the:0.2849764944884648	and:0.15148235751564365	to:0.13099486172294517	a:0.1143027319065103	of:0.10696486710509168	be:0.0649188191707342	his:0.04813099987403198	was:0.04597395654412757	The:0.042254911672450726	:0.01
to:0.6151815977335551	the:0.17415808043928083	and:0.05185871141046786	that:0.034025073851068954	this:0.033115437985341695	which:0.026141015559597927	of:0.02495118627324953	a:0.019464701536051884	To:0.011104195211386092	:0.01
and:0.24413116292889295	closing:0.18173686344826198	was:0.10859381659603785	valued:0.08665763038641584	held:0.07932710425709102	sold:0.07518688429361538	2:0.07335995221601971	is:0.07241280837793868	arrived:0.06859377749572665	:0.01
and:0.25037799561132223	to:0.19051743664518078	of:0.12818071300755096	the:0.11341275889843262	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.05790590474591629	for:0.056443486992488516	:0.01
well:0.22607032669917554	and:0.17805485592404377	far:0.1364423165460318	such:0.10116679509679226	much:0.07546127694216163	just:0.07039912097633969	but:0.06782103094663079	so:0.06745517766574176	it:0.0671290992030827	:0.01
the:0.26631771811439525	and:0.20187492102926918	of:0.1589843633303804	to:0.11059027842715603	in:0.0571012098710703	that:0.05146239565117725	said:0.050581573006078746	for:0.04673165755322649	his:0.04635588301724631	:0.01
of:0.5284577802237567	in:0.2010708706282143	to:0.06376928503130509	that:0.04965785173660936	In:0.04544893863609211	for:0.03705143247717979	by:0.023673673579988754	and:0.022673515253748965	from:0.018196652433104976	:0.01
was:0.2623948960518688	be:0.1988292169977526	been:0.13236244362955374	is:0.10933375681106025	were:0.08419330295077498	and:0.05595165099560336	are:0.05167429066189309	have:0.047803987975700936	had:0.047456453925792244	:0.01
the:0.2577751329337501	and:0.18028310187603477	of:0.13328444228028086	to:0.11272695735318856	in:0.08231384653522324	at:0.05929513718338042	was:0.05542428699170438	is:0.05485256934422893	that:0.05404452550220893	:0.01
the:0.5951823419376904	and:0.10401096262273105	a:0.10389120092868659	The:0.06689240991611886	tho:0.03234537766055697	of:0.031586811207136974	to:0.02191866002327787	at:0.01812313093237828	this:0.016049104771422955	:0.01
Mr.:0.17605462646552678	A.:0.17168440716222427	.:0.16888773974881327	John:0.10202842143897108	of:0.10005131659748694	Mrs.:0.07727642077987186	and:0.07478403725963248	<s>:0.0651656472038054	C.:0.05406738334366789	:0.01
the:0.6057111633911044	The:0.0969052252563133	and:0.07718448450768768	a:0.04698202354435703	said:0.03721755101112762	tho:0.03517309768592617	if:0.035056884976824895	of:0.030991594765494117	that:0.02477797486116493	:0.01
of:0.24297123427416595	to:0.14164019932323987	that:0.1400585931992294	and:0.137737272849683	in:0.07172686818836184	on:0.06875135975236678	for:0.06698082307289445	was:0.060244634092375446	with:0.05988901524768354	:0.01
sum:0.18676829411122214	number:0.1566486321513545	line:0.11140081741272478	city:0.10844765106291132	out:0.10739005474369737	day:0.09286734076326106	county:0.08286139477536687	amount:0.07384405151900511	Board:0.06977176346045691	:0.01
any:0.2900448061368978	a:0.26793240942678337	the:0.14687867458170753	no:0.07005885436236042	Any:0.06584725683227857	other:0.042992618436971324	every:0.04091625837703197	some:0.03429674582812086	of:0.031032376017848178	:0.01
to:0.25899009985987886	and:0.20691113851486856	of:0.12222836551254561	the:0.08594736535787018	is:0.07480810658605942	in:0.06648717053326157	was:0.06439095079885329	con-:0.056444731101806235	will:0.05379207173485628	:0.01
the:0.25608235413161745	of:0.21430420336695163	and:0.15391705116746957	to:0.08516477536554258	in:0.0644242001669631	be:0.06051002978590783	for:0.05908546367091281	their:0.05042373978613017	was:0.04608818255850469	:0.01
and:0.3744082619325628	was:0.15078198853002941	as:0.08774894101295673	is:0.0780726849846514	he:0.0702444905144563	be:0.06570752588107649	not:0.05808543493037324	that:0.0553119799776885	to:0.04963869223620503	:0.01
a:0.2873350234716248	this:0.20607518362193175	the:0.17349573106022637	to:0.15387946373593556	last:0.05388927913389049	next:0.03860915578949408	his:0.02710402899293543	that:0.025446993200138043	and:0.024165140993823424	:0.01
;:0.20953252095776806	it,:0.11451281996419217	him:0.11252660622910599	one:0.10399558216214487	in:0.10038399485273586	and:0.09216727949281207	,:0.08702126563998025	it:0.08638247894281384	up:0.08347745175844686	:0.01
and:0.3937468811839419	to:0.22349962865051812	not:0.07325808986714295	that:0.054342221381652435	or:0.0516867063609947	who:0.04990290645230246	of:0.04896582159111312	will:0.04819592503119137	re-:0.046401819481142845	:0.01
as:0.26256669981803626	and:0.1603646464042952	is:0.11277826571244139	order:0.08251737844427319	necessary:0.07898886142847031	time:0.07650810294239471	not:0.07338280480532441	right:0.07292504012849516	enough:0.06996820031626913	:0.01
the:0.2197845750146409	his:0.17086381820749236	our:0.16804905424106484	a:0.11767260773460374	their:0.09073142347026486	of:0.06334029101902035	her:0.05998983025261468	my:0.05268631266175347	other:0.04688208739854484	:0.01
part:0.17054134734511597	one:0.16864554102609366	out:0.14439268635263805	side:0.1177163166107873	line:0.08462409997600931	amount:0.08119041367731031	all:0.0805019471142317	and:0.07564091159298654	tion:0.06674673630482722	:0.01
Los:0.911049058467446	the:0.030451662929454813	and:0.01892765886614593	of:0.017658443944237535	com¬:0.0028961540339836685	to:0.002545171456136129	com-:0.0024966111110646208	all:0.0022287637718031803	these:0.0017464754197281732	:0.01
and:0.25037799561132223	to:0.19051743664518078	of:0.12818071300755096	the:0.11341275889843262	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.05790590474591629	for:0.056443486992488516	:0.01
the:0.2953544238323082	of:0.19055023568005686	and:0.11048656488447617	.:0.1043098401589576	a:0.10238929871975468	to:0.06490874828103699	at:0.04110832370796647	<s>:0.04061879714325808	in:0.04027376759218518	:0.01
A.:0.5863073435472371	.:0.1263694479113672	Mrs.:0.05653065489788839	J.:0.05089092182551911	W.:0.03862945211863481	S.:0.0371702782240259	M.:0.0333958171836846	C.:0.030842027160262298	N.:0.029864057131380586	:0.01
I:0.175875608682843	they:0.11746070276225445	it:0.11511463385847172	and:0.11466590077479263	you:0.11368166269939263	he:0.11015790777220867	which:0.09583454184378608	that:0.09455437768014614	we:0.05265466392610467	:0.01
to:0.3471885027613698	that:0.11195320919233386	may:0.09749325535176123	can:0.09628328494816306	will:0.0917250811353003	not:0.09155705653505535	should:0.06090315831250466	must:0.048188073646323944	could:0.0447083781171879	:0.01
the:0.1997367374831996	south:0.18702779361968208	north:0.15982485632839313	east:0.14416008078002446	west:0.1271368694625307	one:0.061177238176287334	other:0.05078252123372309	either:0.03197613557020537	a:0.02817776734595421	:0.01
provisions:0.1662709801773117	copy:0.15165327534695816	date:0.12617568642366098	part:0.12388683156619235	one:0.1044724200406653	out:0.09585475097905363	people:0.09019386903076455	publication:0.07733017020422428	members:0.05416201623116908	:0.01
the:0.3435103589942063	of:0.1160185672871027	public:0.09258806102987951	Sunday:0.08592520327929261	high:0.0835652922393077	The:0.08011558867545134	this:0.07290091754571768	a:0.06106961056167636	that:0.0543064003873658	:0.01
and:0.325124384215431	as:0.11996151887212794	of:0.10544685758710863	to:0.08558964769876477	or:0.08083048696960791	the:0.07373403786871574	that:0.07262176970384741	it:0.0660729723417961	in:0.06061832474260071	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
the:0.3433664815884729	said:0.1800480589807202	of:0.15998353461292075	and:0.09039654485837714	such:0.07171980273403603	The:0.06418554708026299	that:0.03194515710553399	or:0.02553170316307781	this:0.0228231698765981	:0.01
the:0.3077782568895084	he:0.12053942544812866	a:0.11857384269299667	I:0.1161574544033777	and:0.1132879032390152	was:0.07206965615098306	be:0.050749503431042085	never:0.04861974672006707	is:0.04222421102488117	:0.01
it:0.3349641634608517	It:0.2821273905989333	he:0.07518402809182298	there:0.07313812428280234	which:0.06380231169616617	that:0.051641987265936634	this:0.03715203139915592	This:0.03608899998186505	and:0.03590096322246593	:0.01
of:0.18739725268669097	to:0.18076176303538471	and:0.1751735361372847	the:0.134002793281495	in:0.11965612230579169	for:0.06383932025510801	that:0.051945804900620875	or:0.03882746666552185	In:0.03839594073210224	:0.01
of:0.384136890960127	this:0.16059456844937592	in:0.12012821492715416	the:0.10551734426966501	that:0.08291575630241724	said:0.04711049816294928	to:0.04248934857173931	In:0.024043840713178503	and:0.02306353764339354	:0.01
feet;:0.2031727997017965	2;:0.16163541140757146	3;:0.14708887094975331	4;:0.14139070182301913	5;:0.09682810864293497	6;:0.06988891837140392	7;:0.06556962154286078	;:0.0549499302974101	feet,:0.04947563726324999	:0.01
of:0.21015918041671383	and:0.17900739643652963	in:0.16885540541764665	that:0.10893469525474343	to:0.08186557722793636	on:0.08047304347530342	nearly:0.055210113593532194	by:0.05426711151190649	with:0.051227476665687804	:0.01
that:0.3029032715829571	and:0.17574162318930542	which:0.12282287964148737	as:0.11562164629465073	but:0.06871700045818659	what:0.0633455319048148	when:0.056185192834484386	if:0.052224647008474415	If:0.032438207085639235	:0.01
the:0.40078824699878324	of:0.14149914796481483	two:0.07618023983106048	three:0.07540692113346956	several:0.063827409843031	a:0.06377526428014556	their:0.05742084461326996	other:0.05735973773883682	for:0.05374218759658873	:0.01
one:0.23605402837694311	part:0.17194359534856793	some:0.13057929531661294	out:0.1260986276816703	all:0.0823759925825205	portion:0.0721218186216587	any:0.05940159750764522	much:0.05636686489326106	that:0.055058179671120165	:0.01
the:0.4319858855560844	this:0.10779689732030918	The:0.10276914647242258	National:0.09888068450449033	State:0.08436444613735793	said:0.059171619838295754	that:0.03749149679506635	City:0.03520170080309462	a:0.032338122572878714	:0.01
southeast:0.2361162398327743	the:0.20483223042944693	northwest:0.17237173193182947	northeast:0.14631640660966544	southwest:0.07710962791380262	a:0.05432181578067691	east:0.03822111268949895	west:0.03795831496719286	and:0.022752519845112496	:0.01
two:0.19029245257588634	few:0.12391066236752234	four:0.11754544254576459	many:0.11527380083569437	ten:0.11271088551475902	three:0.09640966424095358	five:0.08245394073162811	twenty:0.0821868733694821	of:0.0692162778183097	:0.01
the:0.32601648739560724	this:0.16574617677633371	a:0.13792660726810865	The:0.09280951319933216	his:0.07772878595272427	that:0.06637415659307079	our:0.04897355530501663	one:0.038933291944514524	said:0.03549142556529195	:0.01
up:0.19052471191755588	;:0.12190227193156042	him,:0.10970069109341939	hundred:0.10793697882575007	him:0.10460288691336975	made:0.10371692417761404	time:0.08755732422023654	them:0.08387005617036823	them,:0.08018815475012557	:0.01
.:0.20215052228256697	of:0.16333934104918077	and:0.15055656010116775	the:0.13051729287666708	by:0.08253177459092516	H.:0.06860187460536739	Mrs.:0.06725994984517843	J.:0.06587351208493329	to:0.059169172564013224	:0.01
two:0.3294994507079568	few:0.1767009728582109	six:0.09315623177012124	three:0.08521318916000237	several:0.0784722195271061	four:0.06907438496034526	twenty-four:0.056727243739074736	five:0.05115576681448044	eight:0.05000054046270197	:0.01
he:0.3209617826374274	I:0.2081477259535233	who:0.11913510567536341	they:0.10123623743183893	she:0.06976704291138335	which:0.04401182014027198	we:0.043539988925607155	He:0.04293636989208723	and:0.04026392643249733	:0.01
set:0.6324859659982722	not:0.08391373832597822	lay:0.0507637489690661	laid:0.049119563155945734	setting:0.04819360300510253	put:0.037863833479461685	and:0.0353813526314881	to:0.02940234053524627	brought:0.022875853899439066	:0.01
the:0.3323430185932751	of:0.16511810112924477	and:0.1435938625440195	a:0.07809521494992097	that:0.07723479213752327	The:0.052790940042757695	in:0.05155029346725437	no:0.04493030413297551	Mr.:0.04434347300302877	:0.01
and:0.21653818074666914	the:0.18724203922351232	of:0.14904754853675406	to:0.11548725602063736	be:0.07888300539379996	was:0.07500647985195938	in:0.06698318540006266	is:0.05563421583847635	are:0.04517808898812875	:0.01
that:0.2994240904225421	and:0.21670346937709573	which:0.14122881951388644	but:0.09192054755653989	as:0.07340828337400185	when:0.06241604775346419	to:0.03709501725824319	where:0.03572550459949674	if:0.03207822014472997	:0.01
in:0.4284736332028625	of:0.1439302968973225	In:0.0939389792647287	to:0.08714011196680096	for:0.059486723350823195	and:0.0530101806839399	with:0.051422570311108654	at:0.040631287846457545	have:0.031966216475955905	:0.01
one:0.2130394399448926	out:0.16983408056098007	part:0.14726877981533334	some:0.10564771493692292	account:0.10473606704876827	any:0.07239176869495877	all:0.06334962810761696	that:0.06091520523433157	tion:0.05281731565619534	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.04553578393787439	of:0.03051332981678091	tbe:0.02261446403444868	in:0.021612439669724332	or:0.020196218295911488	:0.01
one:0.2204397955433473	part:0.170732025773866	out:0.1504453831229998	some:0.08943673051487452	side:0.0779259956881897	end:0.07349403345130157	members:0.07129904224908565	portion:0.07021530842224585	all:0.06601168523408946	:0.01
it,:0.1424984407221064	it:0.12831716902493354	up:0.11630588375426514	them:0.10577634063577451	in:0.10427292415050098	men:0.10415953316577908	them,:0.09759826166811475	out:0.09554702233972377	him:0.0955244245388019	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
to:0.23084164089153653	the:0.19599676182946477	of:0.16555747408636154	and:0.15864168240412752	a:0.06474452365459166	in:0.05071236753640227	at:0.050063002462748356	for:0.03808870392664653	is:0.03535384320812078	:0.01
the:0.7606828980618172	of:0.062033000656655866	tho:0.04202210219552354	said:0.031184200383118428	this:0.029182921572264046	a:0.02430602327287697	for:0.014820728889868334	tbe:0.012905156937946654	his:0.012862968029928906	:0.01
of:0.2460717628139801	and:0.1474469128621717	in:0.14405983434980116	a:0.09843298767067886	is:0.09125347210160976	are:0.08111754176776675	was:0.07206667036034736	for:0.05777363515955493	his:0.051777182914089184	:0.01
W:0.14910773017956414	M:0.1227699057854245	J:0.12075148222724486	C:0.1115655270998523	S:0.10363588713123016	E:0.1024768877844631	A:0.09710894198133284	H:0.0941368354934298	B:0.08844680231745826	:0.01
the:0.6749229393555607	this:0.06915528879922796	The:0.05797528146378469	a:0.04534335875626985	tho:0.03595732315269042	an:0.03359694766782965	said:0.025406168540043586	of:0.024476503349207767	that:0.023166188915385418	:0.01
of:0.20528423458880396	or:0.1538968724936687	about:0.14437846895983172	than:0.12616952397147538	and:0.12089009875490096	the:0.09225722899570948	nearly:0.05265026613824636	thousand:0.04909935638991147	over:0.0453739497074518	:0.01
and:0.26745267416887475	Beginning:0.22525587652116277	was:0.11377028395927055	Commencing:0.10809071640443553	is:0.07344548581441636	that:0.05170239266966315	look:0.05066270801955132	it:0.049895643535544223	him:0.04972421890708138	:0.01
they:0.21226560548598497	there:0.19716397591064685	There:0.1429281247606445	we:0.1276138088451262	who:0.07981068731693537	They:0.07498542625166148	you:0.06206621296562417	which:0.05064533468887048	We:0.042520823774506	:0.01
to:0.3352827024520535	the:0.15402665504851065	and:0.1536422133333786	of:0.153014220311783	in:0.04861645238007527	or:0.04045572151525063	<s>:0.03751584446664196	.:0.034526797406761775	be:0.03291939308554451	:0.01
be:0.2232434039211242	was:0.18790906311378686	is:0.13115047359365814	been:0.1277290127165919	and:0.08691278798437471	are:0.0717135349013294	were:0.06910928418154214	being:0.05476368165104648	the:0.037468757936546124	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
it:0.19490961800089512	and:0.19176679436757244	he:0.13043836183929855	It:0.12292232497640028	that:0.09966531061481446	which:0.0855703322722764	who:0.06011933991395716	nor:0.05426104682492602	What:0.050346871189859456	:0.01
the:0.34170127421390223	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093987	to:0.07847171568184984	in:0.05339647102682973	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
to:0.17662257462718092	who:0.17524188618985254	I:0.14811519192260572	they:0.1232419134806303	we:0.11041956698069366	and:0.08342352879050313	would:0.06523245131173164	We:0.05564222833847323	not:0.05206065835832875	:0.01
get:0.1466179279908691	was:0.13816166858847517	and:0.13411725524820045	him:0.10611862598008345	it:0.10231181039389517	them:0.09727726821367766	are:0.09515897845536368	go:0.0876807812405961	come:0.0825556838888391	:0.01
one:0.30968606237950164	part:0.1233872823864265	out:0.10161611011344554	account:0.08846414010808969	that:0.07857280823449285	cause:0.07591668159447268	any:0.07403292883705044	some:0.07294777123004341	tion:0.06537621511647734	:0.01
they:0.28446044335967363	we:0.14608640806754447	who:0.14522931627121702	which:0.11620069898910894	They:0.07459445961361377	that:0.05858622674993125	there:0.0560757257039262	you:0.05589532877153873	and:0.05287139247344583	:0.01
of:0.31349580898646434	in:0.13299929441144956	to:0.12823688870248	and:0.09736693258021495	with:0.09437651611491048	that:0.07238629145022925	on:0.05480935008043535	for:0.05420997482493493	by:0.04211894284888123	:0.01
the:0.320209982275835	to:0.13522116753475769	will:0.1111334948190301	and:0.10932463514828093	an:0.07277003507943876	not:0.06699437766785483	of:0.05951910548050355	no:0.057935292894043505	a:0.05689190910025561	:0.01
of:0.2394459909603569	the:0.1947621424096186	and:0.19355548233287828	to:0.10195197766061471	be:0.05930911108984447	was:0.05095346787872063	in:0.05061643649838143	he:0.05024965516650353	a:0.04915573600308141	:0.01
the:0.2767391217607441	and:0.23941193564225666	to:0.119276311600419	a:0.09435647743572778	can:0.07311142547045794	will:0.056673280320576745	of:0.04495211089914971	that:0.0431293233225217	which:0.042350013548146215	:0.01
and:0.277041036265273	was:0.15210578627000418	are:0.11219276490915668	is:0.09888979534109558	be:0.08476845902434825	or:0.07869584624404423	were:0.07063898567099393	that:0.059924180524520865	it:0.05574314575056319	:0.01
a:0.2843983119971356	the:0.18388533658932824	A:0.13150015966558337	One:0.0915310907979639	that:0.06884733478718379	one:0.0622414212039712	of:0.06179949209573944	and:0.05864005362538857	last:0.04715679923770579	:0.01
and:0.254661638380592	the:0.23823115236428893	of:0.2307281336902217	with:0.05905024256428714	or:0.05124297631942929	no:0.04650622734214275	for:0.040166359156679876	by:0.036513810829812615	in:0.03289945935254558	:0.01
of:0.41879060163610415	on:0.13836690129069246	in:0.13490713470392002	to:0.10633750347183464	from:0.054599341177610956	by:0.04578874496310946	and:0.03252381045710034	along:0.029401338940533046	across:0.029284623359094878	:0.01
there:0.31792060553551105	There:0.22899861064084556	It:0.12723188543055353	it:0.1250534341318589	which:0.04848957537931678	This:0.04517066265750571	that:0.043859090804904015	this:0.03114448585285224	he:0.022131649566652097	:0.01
of:0.23263405770696685	at:0.15112258939896794	in:0.1307159962315888	to:0.10950454781810544	for:0.10123944611094401	on:0.10013154685253053	and:0.07507416717033927	from:0.04755879529717125	In:0.04201885341338588	:0.01
said:0.21811251752064983	the:0.20056588091095467	of:0.19559264325250703	to:0.14353455047120336	on:0.09253421714515477	by:0.040061342586138575	his:0.037559554142721226	in:0.034672569754686904	any:0.027366724215983615	:0.01
the:0.41278941349222126	a:0.12855070738836294	of:0.1225030487624976	in:0.08629834225307474	and:0.07228980890319564	to:0.05075232290350121	The:0.04856794117789731	an:0.034809617499136296	for:0.03343879762011299	:0.01
the:0.6305443002617416	at:0.1477267699410253	tho:0.038486456582345376	its:0.03559422975183327	The:0.03401655620195254	our:0.029940434937526073	their:0.027213208085179273	to:0.025148630422465873	his:0.021329413815930894	:0.01
has:0.33333702863715825	have:0.322842511093522	had:0.21242768928722017	not:0.04475958616135298	having:0.03641224045227068	lias:0.0108107693705246	ever:0.010240910698968788	bad:0.009790534037515718	never:0.009378730261466729	:0.01
the:0.8001754830200197	tho:0.03632353297677439	of:0.030979382822141275	The:0.026931291276810758	on:0.02419012428512811	an:0.02215247975045158	in:0.01810984295273327	and:0.015575583077064742	tbe:0.015562279838876203	:0.01
is:0.15987667133876304	able:0.12274242419658668	and:0.11681047036202968	was:0.11081336994704045	him:0.10956682876057977	as:0.106658200864509	time:0.09537320116115973	not:0.08819074774616262	ready:0.07996808562316894	:0.01
and:0.1951060423070764	called:0.17141350145046255	based:0.1163678018584929	down:0.11153637060501023	placed:0.09821204492419604	depend:0.07852066283373466	put:0.0766750233378742	insist:0.0720521201852086	depends:0.07011643249794437	:0.01
;:0.24189029576339333	it,:0.1444745588631968	him,:0.130785605415117	them,:0.09615167478019503	it:0.08115502745303596	him:0.07882403108585183	in:0.0779552762576166	time,:0.06946212330919996	States,:0.06930140707239348	:0.01
of:0.2259884777378865	in:0.1279502676123141	as:0.10803511903377902	with:0.10289676309994414	to:0.10092096777749439	is:0.0958816162923596	and:0.08543175696245596	was:0.07364376919960383	for:0.06925126228416238	:0.01
and:0.23154621363863345	the:0.22490479087931564	of:0.16186987016040116	to:0.08182285887689066	that:0.07060516472593714	a:0.06500623663700787	for:0.056343094813140496	which:0.05164305651158437	in:0.04625871375708932	:0.01
be:0.21935538795095208	was:0.1457728582237208	is:0.14245178627606472	are:0.1395906134063093	been:0.10368525156602346	were:0.08772653448457474	so:0.06060406283610804	and:0.05535008479067489	have:0.03546342046557191	:0.01
of:0.26261020752188785	the:0.24551604448371958	in:0.14669470586451855	a:0.12937285643852783	to:0.055360685052110364	and:0.051350854565351524	as:0.034438395782427245	that:0.03398856026652881	from:0.030667690024928265	:0.01
a:0.4072227353037554	the:0.257841426584399	very:0.06552587351252225	and:0.05792976794171899	his:0.05136780611937285	their:0.049021827449329015	of:0.03894381240871595	most:0.03569302901174674	its:0.02645372166843992	:0.01
it:0.17996999397799693	and:0.1467717683447611	he:0.14188933568536527	they:0.12187243234760436	which:0.10517417096667325	It:0.07987872563752176	I:0.07603323103872063	who:0.06995382099532323	that:0.0684565210060334	:0.01
the:0.2902773876067967	of:0.17716815220706594	and:0.1238903822429451	in:0.11626368332365435	a:0.10954135482806562	that:0.04877337808863229	to:0.04317460948485825	for:0.04133830736048698	be:0.03957274485749461	:0.01
sell:0.2008382514682107	and:0.14265409820514968	o'clock:0.1361956067160267	day:0.13247129658145468	sold:0.09887543189495551	held:0.08494874895035782	was:0.0786121919717197	died:0.06678369289519719	sale:0.04862068131692816	:0.01
of:0.2113629915912871	the:0.17753213940010654	in:0.12419605282446163	for:0.10434749788854623	to:0.09021558326109819	and:0.0880223694023487	at:0.08063342385042982	a:0.06711930753512325	by:0.046570634246598325	:0.01
and:0.321244479639206	he:0.14031779706165598	had:0.13910760855173987	was:0.09972299841624534	I:0.08286377862778126	who:0.06414159159040593	have:0.05629488176847204	be:0.04379533941881559	He:0.042511524925678064	:0.01
of:0.3221623304139264	to:0.2588505856557449	from:0.09540830564224474	in:0.089309833763548	at:0.07889341506321627	and:0.05694074904191914	the:0.03159307376887881	In:0.0297483466879219	by:0.027093359962599792	:0.01
one:0.2617741089986468	out:0.15556960502827208	part:0.13008893117226905	some:0.11334280627319533	time:0.07945996676975539	account:0.07275376099225171	all:0.06506597645229725	and:0.0565737601528326	that:0.05537108416047968	:0.01
it:0.19120376337680295	and:0.14181893477537588	they:0.12842954853076885	which:0.10681691350284597	he:0.1014941219214744	It:0.09453437728173908	that:0.08217827055419533	you:0.07728264721486484	I:0.06624142284193282	:0.01
of:0.2515266405529813	the:0.20134356932632208	and:0.13591350786013767	to:0.12051753700374555	in:0.07435188915873713	a:0.06323464141663171	be:0.052133978518992666	at:0.04662723408295333	as:0.04435100207949872	:0.01
it:0.21317888410455543	he:0.18673248127798847	It:0.14093961810063962	which:0.10085580692903923	I:0.09523457785691532	and:0.07990794076262811	who:0.06284443033512091	He:0.05697400216718626	that:0.053332258465926576	:0.01
of:0.6729952527195046	in:0.17830495209648703	to:0.03563495280333984	In:0.03052144015093276	and:0.02770697840615224	the:0.014685686626840923	by:0.011215361337421962	for:0.01038474834813782	on:0.008550627511182856	:0.01
will:0.42760784964598053	would:0.13449120027508205	may:0.0823173052306503	could:0.06688105747215164	should:0.060823294047405954	shall:0.06056962766522028	and:0.059433527762736096	can:0.049944239734920286	not:0.04793189816585278	:0.01
the:0.38927280081367605	of:0.1721048516462148	and:0.17082175439220346	The:0.11627151869807548	that:0.04169052592452665	his:0.028205704258302672	tho:0.025059907039819845	these:0.0233235448187877	to:0.023249392408393497	:0.01
have:0.18545774911546714	has:0.16777596421390242	had:0.15822469169637088	and:0.14000326005752975	was:0.08152936259167119	been:0.07480275218574645	be:0.0735039982432613	is:0.061708036792896895	are:0.04699418510315393	:0.01
to:0.18844213180847094	at:0.17912413690761272	of:0.15986728414702567	and:0.12364118260446287	the:0.11731561949949444	on:0.06966401037099172	.:0.053658823015194736	in:0.05329389679943894	for:0.044992914847308066	:0.01
that:0.2635729510579734	and:0.208311548594686	as:0.13207683413561963	which:0.12508465137986644	but:0.09342121002229284	what:0.051364124591444585	if:0.04989727424936809	when:0.03377957587088903	If:0.032491830097860025	:0.01
the:0.29263217746943415	of:0.17550736750386745	a:0.1631062462033055	and:0.11000549737375896	to:0.08285668737538562	in:0.06478143738353288	that:0.037654736596522964	The:0.03728147018580662	with:0.02617437990838575	:0.01
day:0.19066187710328344	State:0.1591384784461663	state:0.1275273692182786	line:0.12574135166294284	side:0.10220907569578665	city:0.08366591591554942	county:0.08296329756108908	County:0.07369526852383086	corner:0.04439736587307265	:0.01
that:0.2635729510579734	and:0.208311548594686	as:0.13207683413561963	which:0.12508465137986644	but:0.09342121002229284	what:0.051364124591444585	if:0.04989727424936809	when:0.03377957587088903	If:0.032491830097860025	:0.01
the:0.6575697637458343	of:0.1588877670762156	a:0.03681498001822668	The:0.03243435698330911	and:0.030301268540556068	tho:0.027238929327759467	on:0.02153353051023211	to:0.012804913501207453	his:0.012414490296659031	:0.01
to:0.3653528718918377	and:0.25680221006856235	of:0.08012951898789847	the:0.06850713937309005	will:0.04831921929458254	not:0.04797118394530644	he:0.04354734733642785	I:0.04072748648990366	in:0.03864302261239109	:0.01
the:0.27425206925557866	of:0.2047402481422534	a:0.16428546387840998	in:0.10590741782189382	to:0.07375140213215406	and:0.06771460110801009	for:0.036922274825385806	as:0.03370502944413624	In:0.02872149339217808	:0.01
the:0.178773384293596	and:0.15905693441419114	of:0.1507009654572478	to:0.12785537177660436	be:0.1151551695765266	a:0.09109342413565304	in:0.05932541876549419	was:0.0550093693954189	is:0.05302996218526802	:0.01
to:0.22337251680495832	and:0.19213943798538718	was:0.15025284833697583	be:0.1123853794053308	were:0.08723898035104713	been:0.06965370393643185	are:0.05563097139248965	not:0.05090397341858676	will:0.04842218836879259	:0.01
and:0.3253771178025743	was:0.12220052021919645	is:0.10742138220363176	are:0.08885861767224794	it:0.08296330538557971	be:0.07787982284930554	that:0.07187733268583911	were:0.05868306192361637	as:0.05473883925800886	:0.01
said:0.21461392154490835	the:0.21148293762877837	this:0.13068621703186262	and:0.12707565099743215	a:0.11384558049992428	same:0.06373636218209854	of:0.054994347014542144	next:0.03823713321867716	their:0.035327849881776265	:0.01
the:0.33601536274839616	of:0.16958902826991315	Mr.:0.10573912457216138	The:0.10541590539910749	and:0.08531333366099247	that:0.07291914405203648	a:0.05455260066519831	this:0.031900905979156575	in:0.028554594653037956	:0.01
of:0.2293063456385341	by:0.19285529939235005	and:0.15912643559902095	Rev.:0.1432169905132942	to:0.070790210355669	<s>:0.06006271869445791	in:0.04670068045319358	said:0.04636697018878571	that:0.041574349164694456	:0.01
the:0.22665523914659388	a:0.21450981610920095	of:0.1660967237202124	his:0.104041328474075	this:0.07917769376118917	their:0.05884424313274002	no:0.04805925005334726	any:0.047288619724169804	good:0.04532708587847141	:0.01
to:0.27081586931002627	will:0.12594712842888112	that:0.11669512860813845	would:0.10994680962695072	may:0.09588100207792508	should:0.08178903954320046	and:0.0774806142857418	which:0.059553753209975885	can:0.05189065490916025	:0.01
in:0.35235792769491653	of:0.2765686372185565	In:0.08869604717756178	to:0.06378242933217941	for:0.04716431422457159	and:0.04675751339105831	with:0.03982113622983005	that:0.03853585057742096	by:0.03631614415390462	:0.01
of:0.32117316915588207	in:0.1528403102822667	and:0.1458476722409174	for:0.10728830362192188	that:0.09400851530282191	to:0.06485621751073174	but:0.038140382094013416	with:0.03545663296840492	by:0.030388796823040052	:0.01
he:0.2242417762609109	it:0.12878114764035253	It:0.11070307587847003	and:0.10564988555751102	which:0.10232161646221499	who:0.09484333164450746	He:0.09323569244568172	that:0.07116527912425155	there:0.05905819498609983	:0.01
the:0.35574206846072626	and:0.15896810210873033	of:0.15679853650912495	a:0.11251704719713503	to:0.06578086643409743	The:0.04207241453792848	by:0.035829787389200514	with:0.032201531047561495	.:0.030089646315495433	:0.01
to:0.3525664042091396	would:0.12470208334270642	will:0.09852700743323406	I:0.09404067880533919	we:0.07727529580889594	who:0.06875031433205349	shall:0.06248211170563955	and:0.05942381843578939	they:0.052232285927202464	:0.01
he:0.24195324444002686	they:0.16930888769902638	I:0.16560996234368525	who:0.14723786825167698	we:0.06922178732482465	she:0.06726927340866286	and:0.046821150626429074	He:0.042127545118199765	which:0.040450280787468124	:0.01
of:0.29128442836726526	the:0.19999747355476452	and:0.1404873369516288	to:0.12014683557006418	a:0.07247347119681664	his:0.05267187154297585	for:0.04252882897866758	at:0.03654661003999221	all:0.03386314379782488	:0.01
the:0.6433679084630853	The:0.06499665804745895	of:0.055371085566324696	our:0.04542089967060675	his:0.044010094164882683	American:0.03837634773506638	their:0.03495319656014178	and:0.03179397284014683	tho:0.03170983695228652	:0.01
of:0.23147878666267743	in:0.16354154413646171	at:0.13623310511628936	to:0.12475822205396492	and:0.08174569600768213	on:0.07648236697015053	In:0.06384841914428713	At:0.06245348390113707	with:0.04945837600734989	:0.01
be:0.2705778452236402	was:0.2659008720854406	been:0.1433639771310678	is:0.09000877504575128	were:0.07021376170509476	are:0.05226439299609864	and:0.04443792101788292	he:0.02787389762090447	being:0.02535855717411913	:0.01
the:0.4319105958634098	a:0.2884825987965892	of:0.07549590017184844	this:0.04801532225118099	The:0.04407969327175828	with:0.032493405498834366	A:0.027691618965203214	tho:0.02135369452001318	and:0.02047717066116243	:0.01
the:0.3727091127604744	take:0.3418219748606356	taking:0.08317299974613888	to:0.03436967747849447	a:0.034213680939460936	took:0.032849303446962436	taken:0.03214761627662366	and:0.02944603500031403	or:0.029269599490895658	:0.01
made:0.17295908650123604	take:0.14477461809886877	make:0.12673098686067572	took:0.10985375975440084	put:0.1014344768021616	give:0.09391292622724075	taken:0.09206345181302421	picked:0.07452197373783816	keep:0.07374872020455393	:0.01
the:0.43231328202928515	of:0.12336782166790543	a:0.0971811176975688	his:0.08037639407356527	their:0.07667506328810779	its:0.054012898690094756	and:0.04661757829136398	The:0.041817827917040494	our:0.03763801634506828	:0.01
it:0.19549328618000636	and:0.1424055142409468	I:0.12396452388203213	he:0.10837075534165984	which:0.09917829359620356	they:0.09882972305776176	It:0.08057606199899534	that:0.07393722861085703	you:0.06724461309153715	:0.01
to:0.40661780884041315	and:0.1491737150604443	will:0.14587036939106932	would:0.09684688027778628	not:0.050901710668506725	could:0.037941396627322224	I:0.03663147918730246	can:0.03319480386135016	the:0.032821836085805405	:0.01
the:0.2910452763504239	a:0.21184112435534572	and:0.13865746327248116	of:0.12280623968687576	to:0.07824348366248753	The:0.04436794788474624	or:0.03590544277743594	an:0.03569880465726705	in:0.031434217352936965	:0.01
and:0.2682983319507874	recorded:0.10717905104111182	was:0.10263907629409649	made:0.09927630384100071	that:0.09842569549211198	o'clock:0.08895025276229458	up:0.08173084504592748	is:0.07240199994443215	found:0.07109844362823738	:0.01
the:0.8317291756483433	The:0.09706860606175377	tho:0.02677408977834049	his:0.010047275422924376	tbe:0.009829269494173199	a:0.0038244692351635744	its:0.00381290258966392	their:0.003569888240446021	Tho:0.0033443235291914595	:0.01
of:0.34519319734920884	in:0.1740796979419874	to:0.13006151880460723	with:0.08186616628090776	for:0.061058474369524544	that:0.05773650080404843	by:0.054185653089480035	at:0.04739171217430812	In:0.03842707918592774	:0.01
<s>:0.43156695482312296	.:0.17422893810589524	lots:0.06529748357417822	Mr.:0.05987383780976615	President:0.056946853144955685	it.:0.05692241658015828	and:0.05126260175847216	St.:0.048672954039888035	from:0.045227960163563286	:0.01
of:0.37257385012193533	to:0.15456205200825693	in:0.11620413706528722	by:0.07825771689581237	and:0.06115176371234089	with:0.06004701724711804	for:0.056355145315206405	from:0.05336532636867096	that:0.037482991265371884	:0.01
of:0.2798832710788445	that:0.2541133273430641	and:0.1380592042185119	if:0.06265842800735161	as:0.060019599495054206	to:0.05163446237429426	If:0.05056458286320225	all:0.047029256412656	but:0.04603786820702124	:0.01
place:0.8755694269318802	point:0.04382782726088425	day:0.014230189360568973	power:0.013127474107945859	city:0.011520233769646575	out:0.011216675877327465	state:0.009955561081106406	and:0.005849249161869026	the:0.00470336244877134	:0.01
the:0.46789732203587214	a:0.24702586273752472	dining:0.09714701150655729	this:0.054605591282142166	his:0.03342364080969264	and:0.023534698806270644	other:0.022423480109977596	tho:0.022057578301063287	of:0.02188481441089951	:0.01
and:0.1796803924067385	put:0.13780222804809772	work:0.11680109377889591	it:0.11478777540367305	out:0.10523378076168084	placed:0.08961166033409179	that:0.08526578906705679	him:0.0818366385402274	them:0.07898064165953793	:0.01
to:0.595609311372696	will:0.1248387570180116	would:0.05866511497950866	and:0.05185690394907447	not:0.04049479457136248	can:0.03044729542099438	must:0.03019589107515853	shall:0.029266940160839548	should:0.028624991452354382	:0.01
the:0.33247259990505845	of:0.17295725165747103	and:0.16677199041800006	to:0.09554346634445839	a:0.051222721012191	in:0.04744853347408343	was:0.043939965065700276	on:0.040923550121251144	he:0.03871992200178614	:0.01
and:0.22755681361843408	of:0.19835713573838598	the:0.1750661188511791	to:0.07855314553146202	for:0.06714821591926587	a:0.06638766281106359	that:0.06195441710685245	which:0.06002681078592803	or:0.05494967963742877	:0.01
at:0.4925372573387184	the:0.2011019346779313	of:0.0643939202122019	and:0.05971907922967461	to:0.04695552470620917	At:0.046738094771089304	a:0.03125603658296563	so:0.025753925472691955	that:0.02154422700851789	:0.01
and:0.2204322121688935	or:0.14024358944925908	appear:0.13388606094278047	days:0.12470895701799797	that:0.09367849322853243	time:0.08957390444209594	brought:0.0639237099296231	just:0.06211264310789214	long:0.061440429712925196	:0.01
and:0.25037799561132223	to:0.19051743664518078	of:0.12818071300755096	the:0.11341275889843262	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.05790590474591629	for:0.056443486992488516	:0.01
of:0.5464568945796571	to:0.11582806220430915	for:0.06119090249964771	that:0.052283558588243316	in:0.04901525436697712	with:0.04652646962505602	by:0.04259449325945424	all:0.04044091432340798	as:0.03566345055324718	:0.01
the:0.7832320812241134	The:0.03499476537556488	tho:0.034248167636084056	in:0.03398518441840312	a:0.02705596915301529	and:0.02688707768255379	no:0.02065298669590591	to:0.01499723685673133	tbe:0.013946530957628383	:0.01
the:0.33601536274839616	of:0.16958902826991315	Mr.:0.10573912457216138	The:0.10541590539910749	and:0.08531333366099247	that:0.07291914405203648	a:0.05455260066519831	this:0.031900905979156575	in:0.028554594653037956	:0.01
the:0.34170127421390223	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093987	to:0.07847171568184984	in:0.05339647102682973	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
the:0.407300758899599	of:0.2357675396183283	and:0.14258954446526975	The:0.061380989280978654	to:0.04105281580942267	for:0.02661739792888378	an:0.02654156866365116	by:0.024414995465284837	their:0.02433438986858185	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
of:0.1586224136498121	and:0.15751333905624854	to:0.15637447451180364	the:0.14620390380107715	in:0.12953211612277396	a:0.06776996118423509	was:0.06062990956871154	is:0.06058567911506543	for:0.052768202990272496	:0.01
I:0.45203481124998335	to:0.1124166827472909	not:0.09108312908628934	you:0.08867032898289916	we:0.06448579587140613	and:0.056493401763650315	1:0.05506522450554837	We:0.04232286252940478	they:0.02742776326352766	:0.01
be:0.1859656143305994	have:0.1733814739710572	he:0.13412762664133926	had:0.1077384930799052	and:0.10592335935769893	was:0.07747335852198194	has:0.07668357080626834	I:0.07569419524102927	is:0.053012308050120395	:0.01
men:0.1772010087350758	him:0.13778241106576813	time:0.11780338531448543	out:0.11327047520822672	up:0.10971171881460752	city:0.08567922927992856	them:0.08432435341805967	can:0.0823428614662995	in:0.08188455669754868	:0.01
the:0.5190061059306472	a:0.1777625006821103	of:0.07625901455717495	on:0.06407247248262031	and:0.039047239278017544	in:0.03556573324443519	The:0.02734437728989389	for:0.02562141881944103	tho:0.02532113771565949	:0.01
the:0.3158408192967074	of:0.21994251758856873	and:0.1003583695997111	in:0.0969567254753904	a:0.0811368250039035	to:0.06358186770613022	as:0.03786062323046001	for:0.037597358262842905	that:0.03672489383628578	:0.01
and:0.17414382311366455	it:0.13320146811728706	him:0.13163738263447378	him,:0.11583660135941246	time:0.09320389569296608	them:0.08995606629616447	men:0.08711775958018794	them,:0.08325949605566182	it,:0.08164350715018177	:0.01
the:0.2974502811850691	of:0.22091422415753312	to:0.09236837889488791	boy.:0.0741306415053232	and:0.06960437249933987	girl.:0.06679148007921792	a:0.06486805677156715	in:0.05550313372308324	for:0.0483694311839784	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
it:0.19087407342617224	it,:0.12713147329124722	him:0.12005954907577945	up:0.11935455593136396	them,:0.09800116203247214	them:0.09041938593804896	;:0.08813441427053831	and:0.08070779420573151	time:0.07531759182864615	:0.01
of:0.48671973514049016	in:0.16352154209430356	to:0.07041765230056342	In:0.05228793022091131	by:0.047032609473980275	that:0.046686251988778446	on:0.04622369742820212	from:0.0412145774782885	at:0.035896003874482184	:0.01
of:0.413876188610876	in:0.2482324655587682	to:0.07840916737045178	and:0.06658829921264824	from:0.05767562400597969	In:0.043102756788060026	on:0.042063473208166745	at:0.021927523398266757	for:0.018124501846782548	:0.01
and:0.1944372923421487	together:0.18064694998584138	connected:0.14784638791688007	connection:0.1448086892096974	accordance:0.11050849290477427	comply:0.06045119551015317	acquainted:0.053914338376547646	compared:0.051495838323954046	contact:0.04589081543000345	:0.01
the:0.38150399584967354	of:0.17758507919108218	and:0.11696029018755369	a:0.0777910245540419	in:0.06270769571925004	to:0.056555500236323816	.:0.04684603512525861	an:0.03809697142664876	The:0.03195340771016763	:0.01
the:0.3406988508306554	a:0.25458646637241916	of:0.14212782220540504	and:0.0894830487614534	this:0.047922728128434164	his:0.03283929666289239	very:0.032430500483880104	most:0.025019186023712052	by:0.024892100531148244	:0.01
the:0.5942344849936285	The:0.0890754376827932	this:0.08012227640219699	of:0.07335437156093967	said:0.03982341627302276	our:0.029849700075998773	such:0.029357283915717847	any:0.027409468582113038	his:0.026773560513589166	:0.01
that:0.3206005447582862	and:0.14029219895670664	which:0.11571779895744334	when:0.11007850155200312	but:0.07750892545040071	if:0.07244999660548598	as:0.06679490706112401	where:0.05031297074891964	what:0.03624415590963029	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
of:0.45836383872051917	to:0.10334740792384975	in:0.0812089446692744	with:0.06410519913596942	and:0.06354877428088505	by:0.06161256058969246	for:0.05846447622167486	that:0.05601015909356688	at:0.04333863936456791	:0.01
of:0.43497373686009055	in:0.10943599308165078	to:0.09786990874557733	on:0.08567786308535341	by:0.07789378813517403	and:0.05345678999417756	that:0.05137148606261211	from:0.043187127605810664	with:0.036133306429553556	:0.01
of:0.4769068551965057	the:0.1376551292178781	and:0.09397019195697177	in:0.0693970652834722	with:0.05387668943371415	it:0.05129044605551999	a:0.03792817449955504	for:0.03643878170673864	ar-:0.03253666664964461	:0.01
the:0.7034796475381143	The:0.08101223811846885	and:0.06148598482793963	tho:0.04992135165477579	a:0.03257332405117143	other:0.023252147335777528	tbe:0.01930607949457224	of:0.01126439764460641	an:0.007704829334573767	:0.01
of:0.28257475053132175	to:0.15639988918180658	in:0.14516919600023284	and:0.10392155756860161	with:0.10086456050731023	that:0.0700560694969397	on:0.04940901789906814	from:0.04420186124877928	all:0.037403097565939736	:0.01
it:0.19607017306149035	and:0.16058581433301125	there:0.1265723458376324	them:0.09865932803144394	day:0.09298119172999562	him:0.09266536149086271	made:0.07979447656269985	year:0.07135664270162474	<s>:0.0713146662512392	:0.01
a:0.43387233116657364	so:0.1655038599136487	the:0.13566028704311187	very:0.07574313231743487	his:0.04261995134629695	not:0.04047121230953369	and:0.0384011525575918	as:0.03193064898100373	have:0.025797424364804672	:0.01
of:0.3482035438913333	the:0.31954696961184775	a:0.09639190107167668	and:0.046831460993626936	their:0.04437987339868538	in:0.0430938001427806	his:0.039729940232888596	to:0.027487816931491344	great:0.024334693725669404	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
is:0.2098692195238229	was:0.20121819468303806	be:0.15983960806717007	as:0.15362798113556722	are:0.0675322924922454	were:0.05906264835273149	and:0.05387205972429524	been:0.04629086017679621	Is:0.038687135844333226	:0.01
and:0.3274567467080461	place:0.1537603770353304	was:0.0906424583977484	held:0.07870082061445474	not:0.07136889565304962	arrived:0.06999765875318927	that:0.06992803243691739	them:0.06413339551123619	are:0.06401161489002795	:0.01
<s>:0.47586635172640585	.:0.12482876411395694	it.:0.10846576777617499	them.:0.06526428588545502	Clerk.:0.05334397719035086	him.:0.04654279826941615	thereof.:0.04195878804195101	and:0.03756142800460194	time.:0.03616783899168731	:0.01
the:0.3127947146552279	a:0.277448694746578	of:0.1297417009866932	in:0.09394736321451504	and:0.043212337791598845	very:0.03817876394497628	to:0.037688311345454285	for:0.028789203423384712	The:0.028198909891571776	:0.01
from:0.35320388718922985	and:0.1677897095896351	of:0.16747770149380525	at:0.09455085116969557	in:0.06161301949405432	with:0.04145674961995477	for:0.03564790807437409	by:0.03429850941343685	to:0.03396166395581435	:0.01
the:0.37200232521434123	of:0.19413512698455235	other:0.08339116526973618	all:0.07284883675003435	an:0.06774626718063424	a:0.05547803778364882	their:0.04948154705747781	good:0.047613571045660295	this:0.04730312271391485	:0.01
and:0.18893461884206195	the:0.12615470084257527	persons:0.11023421670679849	feet:0.10375292928068344	a:0.10297732604554523	line:0.09433627045982451	lot:0.093651021911084	<s>:0.09145848192003467	which:0.07850043399139238	:0.01
<s>:0.5930996081218914	it.:0.11558309854571523	them.:0.052014228911307546	::0.0451724963174688	.:0.0429691969067057	country.:0.04057876477199891	people.:0.033966835444693755	time.:0.033575062220978676	year.:0.033040708759239826	:0.01
the:0.34170127421390223	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093987	to:0.07847171568184984	in:0.05339647102682973	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
the:0.6337331662659316	and:0.100385275269275	of:0.04502915812563193	in:0.0446265384225453	The:0.04052682497589725	tho:0.03890434100479111	a:0.0367021526749023	to:0.027326210880625385	on:0.022766332380400437	:0.01
line:0.19654329426717806	State:0.13953875255908724	number:0.13557916325175676	name:0.12397482093275528	estate:0.08301169097696505	corner:0.07886756730659389	city:0.0788669406846411	daughter:0.07865715577772515	state:0.07496061424329749	:0.01
be:0.45102584120266914	is:0.10893640433301861	was:0.10441757395061022	and:0.08585344231835262	been:0.07652531619327675	have:0.04307845028941402	are:0.04105284460658349	not:0.04081900225769917	had:0.038291124848376136	:0.01
of:0.308282953792113	the:0.2989721630814486	a:0.09404747059983963	in:0.08260674074739109	to:0.061832341135629014	and:0.048022748985164974	from:0.03228364449849702	The:0.032118565121587186	for:0.031833372038329685	:0.01
;:0.20953252095776806	it,:0.11451281996419217	him:0.11252660622910599	one:0.10399558216214487	in:0.10038399485273586	and:0.09216727949281207	,:0.08702126563998025	it:0.08638247894281384	up:0.08347745175844686	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
of:0.20482777277060715	the:0.19157469019980297	and:0.1572133167841724	to:0.1549827058826635	a:0.0793226408414419	be:0.06258366802827799	was:0.05125038664443885	or:0.0473362165644865	is:0.04090860228410865	:0.01
thousands:0.3720665206051326	millions:0.3415792067045099	number:0.09132226560445934	hundreds:0.08458010579428413	sum:0.034921926533505177	couple:0.02332806765994161	billions:0.019268839181274165	sands:0.012025480085990404	Millions:0.010907587830902616	:0.01
made:0.26265731267074827	and:0.22961398020134133	or:0.13449682185445067	caused:0.075849899788273	that:0.07503884018094474	it:0.06232791217913308	accompanied:0.05103755537856375	was:0.05094141771672869	surrounded:0.04803626002981647	:0.01
to:0.4026388762494244	will:0.1837249641967022	may:0.10612733769400425	shall:0.0659507050743825	should:0.05917532394351986	would:0.05269416011728896	can:0.04383117536682661	must:0.04236569554773389	not:0.0334917618101174	:0.01
went:0.17949748064933763	go:0.15454708545878776	came:0.11151278596248963	back:0.09777108854160564	it:0.09728390677389735	out:0.0959887918454101	put:0.09227887075263339	down:0.08367866714280338	come:0.07744132287303518	:0.01
or:0.27762553005288093	and:0.13064399316300915	not:0.12877463652398702	be:0.11041845872744177	was:0.08160641197461242	the:0.07510636362592867	is:0.0673168584903593	are:0.06567323368171052	with:0.05283451376007017	:0.01
the:0.3134046250914595	and:0.1639811262901994	of:0.14219853618777398	a:0.08796748462862847	be:0.06957567662122316	to:0.06819117620207865	in:0.059484434079375335	was:0.04595601497713157	his:0.039240925922130146	:0.01
hundred:0.38841378645436947	up:0.09123185635738856	men:0.08930224671194738	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.07306411117914521	him:0.0668423327581923	;:0.06651424040074755	due:0.06192290086804839	:0.01
that:0.3529318525689996	which:0.12489922641677852	if:0.09882764445054558	as:0.09153220831481992	and:0.0870562662839039	when:0.0728988899590719	where:0.061537478931228906	but:0.05206554947727277	whom:0.04825088359737885	:0.01
W:0.14910773017956414	M:0.1227699057854245	J:0.12075148222724486	C:0.1115655270998523	S:0.10363588713123016	E:0.1024768877844631	A:0.09710894198133284	H:0.0941368354934298	B:0.08844680231745826	:0.01
one:0.2617741089986468	out:0.15556960502827208	part:0.13008893117226905	some:0.11334280627319533	time:0.07945996676975539	account:0.07275376099225171	all:0.06506597645229725	and:0.0565737601528326	that:0.05537108416047968	:0.01
and:0.3099153085789093	fact:0.1409983175313677	said:0.10921240888874083	so:0.10269451629753672	believe:0.08424140254149146	say:0.0787722869319005	know:0.07483722232436052	stated:0.04648170615106685	show:0.0428468307546262	:0.01
of:0.2654522165841425	<s>:0.19862647392326607	the:0.15462947518749207	to:0.14704281933471033	in:0.060029647456145946	and:0.051512178173090444	said:0.042947306018093455	for:0.038781725325944885	by:0.030978157997114553	:0.01
and:0.2802179654686675	together:0.1758166248157109	covered:0.10720042995908448	him:0.0945742991305398	up:0.08880677792452797	it:0.06615739106357522	met:0.06358405713054324	them:0.06162417438012567	but:0.052018280127225286	:0.01
and:0.3523939258864828	that:0.14440617334781114	of:0.1343237975441865	or:0.07271324377315663	it:0.06470797582669006	the:0.05657481181252415	him:0.055981466734978204	<s>:0.05505804494447354	for:0.05384056012969702	:0.01
an:0.5876076461554917	the:0.19015657010609022	proposed:0.04943471737574249	this:0.04602516095299432	said:0.029791839662617687	An:0.027093902598660614	from:0.022463551804536075	a:0.019881859791559604	and:0.017544751552307197	:0.01
the:0.24130576549866314	of:0.18833662870322207	and:0.16607091897550066	a:0.12226357561830728	to:0.08119819928176736	was:0.061441215918139495	be:0.05012797215849653	is:0.043156408701399925	been:0.03609931514450369	:0.01
the:0.34170127421390223	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093987	to:0.07847171568184984	in:0.05339647102682973	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
and:0.18784336682063274	as:0.15114329179679575	went:0.11423878004667351	him:0.10666558228731272	them:0.09110223752457794	up:0.08733803455919152	is:0.08689480544253657	go:0.08340199801381315	able:0.08137190350846597	:0.01
virtue:0.21738001102627375	out:0.189773379209129	part:0.11522775944009786	one:0.10400846177203445	quarter:0.09462884564091133	favor:0.06983811406326706	result:0.06817617839096966	guilty:0.06617001917752548	means:0.06479723127979137	:0.01
<s>:0.32285616252127114	and:0.1913458721380748	was:0.08226218979507018	that:0.08188763720483354	made:0.07382141432160086	it.:0.06895875144309484	file:0.06813787898337532	is:0.05420556549123636	be:0.046524528101442995	:0.01
and:0.1752194112158736	It:0.16439709184382398	it:0.1564792644062396	he:0.14204123805770047	I:0.12114492216676216	which:0.06684302849290157	He:0.05820732425195347	who:0.056178295786049944	1:0.049489423778695155	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
day:0.3128355846104807	State:0.19043915393877028	side:0.10114629241496283	corner:0.07798768867928023	county:0.06746820417600793	state:0.06264231430431227	line:0.0603839396765564	part:0.058642162276480496	House:0.058454659923148904	:0.01
the:0.7596050559209468	The:0.05026823054312069	a:0.03852069331835464	tho:0.033640150825339284	his:0.027687979576756342	their:0.02561217901956221	its:0.021298540747927384	our:0.01676424162793483	and:0.016602928420057804	:0.01
and:0.34600334576542685	looked:0.09678391852634671	look:0.08634026244828519	down:0.0831133939615095	called:0.08138127793074362	imposed:0.08028773867012932	bestowed:0.07594290020046159	that:0.07074452616663429	conferred:0.06940263633046306	:0.01
was:0.2686939169213763	is:0.2326076611312287	are:0.08900452759477531	and:0.08805363365568818	be:0.0738699347365355	had:0.07319222466492706	were:0.06288988815278722	been:0.05328272029595673	has:0.048405492846725164	:0.01
and:0.30937248239004295	that:0.1492617720776809	as:0.12706581059587677	which:0.07533535813185006	the:0.07458527956854871	of:0.06797592753701467	but:0.06524530027187	<s>:0.06371476663143535	when:0.05744330279568062	:0.01
to:0.2608050133660507	told:0.13422315811046728	of:0.12752100298749514	with:0.10843456833005494	tell:0.08926698675012805	tells:0.0860090072913801	for:0.08124118116198434	upon:0.055449761758186694	by:0.047049320244252756	:0.01
of:0.33406129049648303	to:0.12049264072633425	with:0.09633362852888781	and:0.09396454797791812	is:0.0864883967561169	in:0.0822609231078955	that:0.0614306243867531	by:0.05763121689138671	for:0.05733673112822466	:0.01
and:0.4543151232130634	time:0.10991304300581423	week:0.09783194347582366	up:0.06402108600180088	one:0.05623000734895597	that:0.056115729893037355	demand:0.05192875426159627	but:0.050594459444250554	day:0.04904985335565755	:0.01
of:0.23809024330009088	in:0.20395289149196294	without:0.10488925072650403	to:0.09834598227273955	have:0.08046261376735458	make:0.07586026898415052	by:0.07189567888065937	for:0.059834136859378814	or:0.05666893371715934	:0.01
in:0.2071576809417778	up:0.18279332003914162	;:0.11837694749579782	him,:0.10739149963476594	him:0.08666239110162091	it,:0.08591651498111183	them,:0.07030752005076037	up,:0.06704658566797497	,:0.06434754008704852	:0.01
of:0.22740429714993604	the:0.20271664897545214	and:0.12808673703200713	to:0.10534911509502828	in:0.09190963150906721	be:0.06540982048320118	a:0.058280998379381055	or:0.05692500395274871	for:0.05391774742317816	:0.01
to:0.23084164089153653	the:0.19599676182946477	of:0.16555747408636154	and:0.15864168240412752	a:0.06474452365459166	in:0.05071236753640227	at:0.050063002462748356	for:0.03808870392664653	is:0.03535384320812078	:0.01
of:0.19389415824707545	<s>:0.17480584302893035	and:0.1220569618522596	::0.11598777633947525	in:0.09637487847233091	the:0.0942821361479222	to:0.06736932966974352	.:0.062947777598045	as:0.06228113864421763	:0.01
of:0.2111229878746004	and:0.1268007032289016	in:0.1196027691131711	with:0.11137493023639405	as:0.1094195021528035	to:0.10442486971420085	for:0.07556059526255895	is:0.06715317570594695	by:0.06454046671142247	:0.01
the:0.3056440501436695	of:0.21942091526728238	a:0.09413241271656309	at:0.09411132106905586	and:0.09139617446567275	to:0.06381818928201986	in:0.05135937259409207	.:0.0405996369465731	<s>:0.029517927515071395	:0.01
and:0.30924221119967327	that:0.12611015277008547	made:0.09865062957046655	is:0.09201446995999618	was:0.09128595813112018	placed:0.07404370378857507	as:0.06709678931603316	be:0.06629358245444635	or:0.06526250280960379	:0.01
the:0.33297210135394395	and:0.25651972343127316	to:0.1207204543049348	of:0.08806351808779533	The:0.0622953714363085	that:0.037060781808999466	which:0.03206213298026458	or:0.031345685405816406	an:0.02896023119066399	:0.01
of:0.34862808616206714	in:0.14682697120057273	to:0.14487171783267996	and:0.09148294369327596	for:0.06377061144610693	by:0.05212155866359734	that:0.049997668225807014	with:0.04936708428095276	from:0.04293335849494026	:0.01
and:0.20851945862709834	of:0.168782080294766	that:0.13627854277709975	in:0.12391513790504688	for:0.10965460500897559	to:0.09707232525239876	by:0.051655323839282	or:0.050862146262938564	with:0.04326038003239406	:0.01
.:0.24676098865584556	and:0.1878657860888755	be-:0.09593656520296871	<s>:0.09516664969176972	of:0.08215335909316045	Mrs.:0.08074520358931271	Mr.:0.07643960083894641	said:0.06526265170662664	W.:0.059669195132494406	:0.01
the:0.23285012614857864	and:0.19902298815546074	in:0.1254176199367549	of:0.12239348965660173	their:0.07704175612286181	for:0.0709188438953795	a:0.05766811898923951	or:0.05384007074736402	to:0.05084698634775906	:0.01
of:0.2608111582496926	to:0.14355399635632238	in:0.12949521813744463	for:0.1225053072770455	that:0.10428359843888321	and:0.07795206853334151	by:0.05758463798375295	with:0.05713090438948243	In:0.036683110634034864	:0.01
and:0.19583342605332957	that:0.18389940502030627	as:0.1211918184428455	of:0.12112615315282575	to:0.08831964160181252	make:0.0809898492695742	which:0.07701187457248797	but:0.06372021473945982	if:0.05790761714735823	:0.01
the:0.3003888184862602	of:0.23780738348722513	to:0.11059499534892717	and:0.10869992504082712	in:0.06712772709781926	a:0.05278164734219166	with:0.03998107913169258	on:0.03859315335779835	The:0.034025270707258415	:0.01
of:0.20509868068331527	the:0.18992360083848198	and:0.1627077320911976	to:0.11166884988859468	be:0.0979632635341338	in:0.06540848799261573	or:0.058966420912407294	for:0.05013839373631626	re-:0.04812457032293736	:0.01
min.:0.2138776808769496	.:0.14534811897605376	N.:0.12828920927216542	Mrs.:0.1197705040029411	M.:0.08175723876506644	W.:0.08104982423184785	mln.:0.07926197942909026	J.:0.07771226609708258	deg.:0.06293317834880302	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
the:0.18788202439181773	of:0.17449925888010948	to:0.148328448202809	in:0.1275677839538255	and:0.12231010734010056	a:0.0961679741983244	In:0.048028718167453945	by:0.04272645651769302	for:0.04248922834786647	:0.01
and:0.4878450351364406	that:0.12198789492159644	was:0.06821331213233194	or:0.062226670235054904	it:0.05787791765412654	is:0.0535902523637097	but:0.050092695344111926	them:0.04518566700118263	as:0.0429805552114454	:0.01
the:0.5640742773294856	a:0.2566022116622968	The:0.06921584328562555	tho:0.030338260969875817	this:0.0230072616868164	and:0.01216797967965441	his:0.011721656499705689	whole:0.011577589688958202	A:0.011294919197581448	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
be:0.1487539229361705	He:0.14567749892737922	is:0.1442043539122911	and:0.13441473568740878	was:0.13392760463164483	he:0.12999120857265814	also:0.055670980871974196	so:0.050605795670441565	been:0.046753898790031806	:0.01
of:0.5022863984408035	to:0.12852380253180154	in:0.09870388629302378	by:0.07756319318422095	with:0.04512069153719357	that:0.041160719706037185	and:0.038726943629961465	for:0.031390146082763935	as:0.026524218594194154	:0.01
and:0.25558126340359805	was:0.2034876942575242	be:0.16236719806353406	he:0.06768228173735523	is:0.06744697099429234	were:0.06519561869338543	it:0.05847211079208237	He:0.05570139979564505	years:0.05406546226258335	:0.01
of:0.3427591455493146	and:0.1454653215846734	that:0.11416173474085346	in:0.10502310970731549	to:0.09490624459881614	with:0.06374994467725063	at:0.043668106395820645	by:0.04209323961979467	for:0.03817315312616095	:0.01
2;:0.19164908377584744	feet;:0.18717148032323802	3;:0.16402693294282922	4;:0.1551493442807792	5;:0.11854186979075633	6;:0.06003632115182447	8;:0.042276289538117066	;:0.03783017597976879	lode,:0.03331850221683955	:0.01
the:0.40229636244453065	of:0.19825329933385274	in:0.0956839441685514	Key:0.06449981982105657	to:0.05864750134705211	from:0.05259510599669845	at:0.04667727686124849	and:0.0394121584751027	In:0.03193453155190698	:0.01
a:0.3910120490317823	the:0.35404478060268896	her:0.04159635784346278	his:0.039577589105417595	The:0.03854557719754284	very:0.03717951400881448	and:0.03233729736007254	on:0.03190087511322819	A:0.02380595973699006	:0.01
to:0.28094496058554114	a:0.216632802838675	and:0.12631284460451328	the:0.09958537128651047	of:0.08623842475079807	his:0.05954450546528537	their:0.04967971166250934	will:0.04149057041636782	not:0.02957080838979941	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
be:0.32152003531674533	was:0.18212662733594043	been:0.16055588299008297	are:0.07254018411668008	is:0.07236711092437559	were:0.07209418315345219	not:0.03784288297600566	and:0.03709313827332664	being:0.03385995491339119	:0.01
the:0.3323430185932751	of:0.16511810112924477	and:0.1435938625440195	a:0.07809521494992097	that:0.07723479213752327	The:0.052790940042757695	in:0.05155029346725437	no:0.04493030413297551	Mr.:0.04434347300302877	:0.01
and:0.19051943986217013	of:0.17206397922323483	as:0.1674750915859768	the:0.13450047028301987	to:0.09096766000852799	be:0.06575526900119627	such:0.06334143169216884	much:0.05500551658222766	in:0.050371141761477715	:0.01
to:0.32011707356573416	will:0.26679301450498494	would:0.12965145946066245	not:0.05929650919372776	shall:0.058567181937944114	may:0.05753323140525029	should:0.04860522701663105	must:0.026608999250668102	can:0.022827303664397135	:0.01
and:0.2663591603566405	of:0.14441343992770536	to:0.1396546827945049	the:0.11545288046294255	in:0.09784587664794711	or:0.06753873830388417	that:0.06504972812634334	for:0.04685738216435672	on:0.04682811121567531	:0.01
a:0.3795083530096513	most:0.24461460937285204	the:0.11182563500377958	and:0.10138712282958527	more:0.047357606282636036	of:0.028634513512569612	very:0.02808385242968514	are:0.02446788435324828	not:0.024120423205992714	:0.01
would:0.20295306292312673	will:0.14885933253128625	to:0.1487490142493471	I:0.12831565611217413	we:0.11879801451514217	they:0.07659681471171363	who:0.06120136322467246	you:0.053741599890072156	not:0.05078514184246533	:0.01
to:0.2620983149693371	and:0.19664402247129265	the:0.18720703494025467	of:0.14061051340842873	in:0.0675925481954826	a:0.03867755248806961	<s>:0.03389464108121401	not:0.032510411574388075	that:0.03076496087153255	:0.01
the:0.27427928740271795	of:0.19270382086662288	and:0.1317841851443553	to:0.12574694036492265	in:0.06569727832729277	a:0.06552783895488036	be:0.05457765110028663	for:0.04048153641103008	his:0.03920146142789138	:0.01
the:0.2639506293851738	and:0.19501039686586272	to:0.14601691692877852	of:0.12515324726393026	so:0.07017329332869995	is:0.061556309784988696	be:0.047429934184572566	he:0.04243046255372475	was:0.03827880970426894	:0.01
to:0.39178514173239704	will:0.19496680564114852	would:0.08852249516447276	not:0.07368922977761438	shall:0.06855200990591416	may:0.06057907700927154	should:0.05402905441199173	and:0.03290185693412314	must:0.0249743294230668	:0.01
of:0.27328658422590446	in:0.2071788715607879	to:0.14497291544938498	In:0.08062970970417228	for:0.07887484748805323	on:0.06296508628633228	<s>:0.05219523442414232	and:0.04884223642840857	at:0.04105451443281394	:0.01
the:0.5058519325091402	his:0.15866207202891747	my:0.08248492575244488	their:0.056029344091464164	The:0.0507324679397115	her:0.04284746863449331	and:0.034176916853115406	of:0.033852389037349204	tho:0.025362483153363723	:0.01
thereof:0.26980300107311367	such:0.18268523023832675	well:0.12966776309955633	far:0.11948142473804692	and:0.11351203955970615	that:0.045334258308591946	but:0.04375084708599656	soon:0.04341075682466114	much:0.04235467907200061	:0.01
out:0.2274663868736213	purpose:0.20552903037276468	means:0.10669452787393788	number:0.09938023037308481	one:0.08292082881933215	all:0.07582461931215649	some:0.06538793050974263	and:0.06420580622691996	point:0.06259063963844015	:0.01
as:0.6356453028689231	so:0.1315698162344852	and:0.06999578326294505	of:0.041737574106885854	the:0.02895378758731796	is:0.028778043763741497	very:0.022128089028091862	a:0.01646784309055135	be:0.014723760057058286	:0.01
the:0.2903031850674522	a:0.2153133051421999	his:0.15118503219149296	of:0.12101707124989665	their:0.07955068392952523	our:0.047642881235437466	to:0.03139203534913796	my:0.030420392315817963	and:0.02317541351903957	:0.01
is:0.34674550172007534	was:0.1895164086119105	and:0.11702050428411867	are:0.1119450926952577	Is:0.05594339107102167	had:0.04958859420254199	were:0.043485997447954845	have:0.043237135783641925	has:0.032517374183477325	:0.01
thence:0.35792194795721755	came:0.10667880424536481	get:0.09991995877200281	going:0.09142537579801821	went:0.07880826426678089	feet:0.07312612202077128	walked:0.06588480279907388	go:0.062243108175397105	all:0.0539916159653735	:0.01
of:0.29214172684144357	the:0.2010962402513853	to:0.10837257756477664	in:0.0915389331492946	on:0.06814990835721928	a:0.06502602872384236	and:0.06213141585352934	by:0.05778514318695227	for:0.043758026071556676	:0.01
and:0.2310256917358574	of:0.15988632569153033	was:0.14742444792604728	are:0.10615280783807769	is:0.08023044955786404	been:0.07555580405039992	the:0.0700765281399517	by:0.06219270158297156	were:0.05745524347729998	:0.01
the:0.3774150913832652	of:0.14913786033704424	and:0.11744361253408252	a:0.10966483406264173	to:0.05637058921310119	in:0.05245959318974914	The:0.051749093687914825	Mr.:0.039562321212088095	by:0.036197004380113015	:0.01
the:0.5208484922599078	and:0.14524656387014814	an:0.06939855692212808	The:0.05080573654921768	or:0.049959790040363675	first:0.04683272018413713	a:0.03858201676560813	as:0.038549168383659425	tho:0.029776955024830007	:0.01
of:0.3496891659846839	a:0.1602376183680561	to:0.11352525070391355	in:0.07504848469521273	with:0.06923386965461902	the:0.06755863682788774	and:0.06400297252570752	by:0.04879032524647602	that:0.04191367599344348	:0.01
a:0.5499543034589908	the:0.2791384312520988	large:0.04077323909104808	great:0.03772077281691604	The:0.02320500384585568	vast:0.016904122681612642	tho:0.015661604393579238	his:0.013451007985979261	A:0.01319151447391942	:0.01
the:0.2346155029965154	of:0.17252948833182508	and:0.15946255523384964	to:0.13464689459031876	in:0.07254697419697742	a:0.06852565506073856	at:0.05257237039160293	or:0.05023665816368984	for:0.04486390103448235	:0.01
of:0.41574746215883157	to:0.15430195603316227	in:0.1510163665610803	by:0.07915418494320585	on:0.04228261711840488	with:0.04226572668212682	from:0.03920413825884776	and:0.03469129548863466	that:0.031336252755705896	:0.01
and:0.3464570267119858	depend:0.1251636385851387	that:0.08390271685606963	depends:0.08258515921762419	called:0.07616536190125897	based:0.07612652346466699	look:0.07331578949501215	down:0.06525488390728047	call:0.06102889986096304	:0.01
and:0.18363282820901694	the:0.12124915320812743	to:0.11727909452132212	will:0.1049323296525499	which:0.10304301242018113	said:0.1025573064937933	of:0.10121423398487817	that:0.07967799157623706	may:0.07641404993389388	:0.01
more:0.41477506862706526	law:0.09202509249280486	one:0.09095323280800532	be:0.07204576692876592	good:0.07152088848383967	man:0.06610007984438242	it:0.06516478421656302	and:0.06243228465409523	is:0.054982801944478396	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
virtue:0.21738001102627375	out:0.189773379209129	part:0.11522775944009786	one:0.10400846177203445	quarter:0.09462884564091133	favor:0.06983811406326706	result:0.06817617839096966	guilty:0.06617001917752548	means:0.06479723127979137	:0.01
of:0.16492276617263188	as:0.14235554292803534	for:0.1201255039196568	to:0.11804304888088328	is:0.10765903754448346	by:0.10577900950707528	with:0.08013865166494041	at:0.07638712849796499	and:0.07458931088432864	:0.01
It:0.23127912378197046	there:0.21240176058284072	it:0.19501212350781538	There:0.10713821937054821	This:0.06595333365099704	which:0.047712659827713756	he:0.045979252169049335	that:0.04565003547638063	this:0.0388734916326844	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
of:0.2259884777378865	in:0.1279502676123141	as:0.10803511903377902	with:0.10289676309994414	to:0.10092096777749439	is:0.0958816162923596	and:0.08543175696245596	was:0.07364376919960383	for:0.06925126228416238	:0.01
the:0.2985809204550055	of:0.1807231836449305	at:0.11324637540312534	to:0.10314475958812429	his:0.07114973974976262	their:0.06999995701002926	this:0.06642064192449491	in:0.04413341432823939	a:0.042601007896288165	:0.01
that:0.3845710527979058	and:0.15778212045685233	which:0.10845930577745296	as:0.08716717497951536	but:0.06805912677201673	if:0.06182984133388683	what:0.05304923395820697	If:0.034608588073090266	where:0.03447355585107281	:0.01
and:0.3626377995400968	feet:0.11516165556945623	north:0.11099829106498925	committee:0.09097450338243562	put:0.06647501677231765	Mortgages,:0.06584923065449706	mortgages,:0.06151944398105782	mortgages:0.058212741795394915	men:0.05817131723975453	:0.01
the:0.49696686957080133	of:0.10770942361513829	said:0.1059821376788638	this:0.09468297128078497	and:0.05374648628747954	The:0.045480514505986405	a:0.03189346770966687	that:0.02765377235929692	Custer:0.025884356991981872	:0.01
and:0.30762981638932657	was:0.11614590773787062	is:0.10479315024611129	that:0.09863256466998649	as:0.09203202829757628	be:0.0802779422619999	are:0.06581897861021958	or:0.06307914019379122	it:0.061590471593118076	:0.01
cut:0.25804422032143687	cutting:0.10896462077241229	it:0.10047757611948806	and:0.0930439826676805	taken:0.09102235784063886	went:0.08944772269246572	them:0.0880502815677935	of:0.08166267637186868	falling:0.07928656164621531	:0.01
matter:0.193977161845062	bushels:0.14323318283354156	purpose:0.1376206051060301	number:0.11924831444344342	out:0.09079262450380858	point:0.08568106585221384	cost:0.07869432484516166	amount:0.07098770788783577	pounds:0.06976501268290322	:0.01
and:0.2809387450667357	it:0.14565130730806355	pain:0.12965325697815863	was:0.0790286267754142	him:0.07510760859958081	not:0.07499663083941864	that:0.07293660584681613	up:0.06709553384498941	is:0.06459168474082282	:0.01
the:0.2851263094811964	and:0.20198525185383961	a:0.16719301019489366	of:0.10800561492872385	to:0.07381765694109407	for:0.052004540632736414	will:0.03808747732767679	in:0.034852522403461046	their:0.02892761623637827	:0.01
up:0.14379276265105118	due:0.13065943309653108	hundred:0.11761620987023355	quiet:0.10493946178662526	out:0.10086175993494474	;:0.09971681507457311	made:0.09934880124684825	him:0.0986414490852442	it:0.09442330725394855	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
Section:0.282895141470037	<s>:0.1745888107074649	.:0.1261070362508514	lot:0.09468393282399157	and:0.07814251415370399	Sec.:0.06759109115529119	April:0.05743516686797582	of:0.05431917278947994	May:0.054237133781204316	:0.01
;:0.20953252095776806	it,:0.11451281996419217	him:0.11252660622910599	one:0.10399558216214487	in:0.10038399485273586	and:0.09216727949281207	,:0.08702126563998025	it:0.08638247894281384	up:0.08347745175844686	:0.01
of:0.41429245366270834	in:0.16734428039627616	the:0.12259777415325361	and:0.09190977960880549	to:0.05002501481966264	with:0.03695320692243829	for:0.03642086588859703	from:0.03585012406360331	In:0.03460650048465511	:0.01
years,:0.15449330871960454	man:0.12384837269790853	it,:0.11578354072832771	him:0.11228451673184256	it:0.10469188035257689	them,:0.09973801007744185	;:0.09964140399044376	him,:0.09130477125438494	time:0.08821419544746928	:0.01
in:0.31870890249722483	of:0.26669929926802194	In:0.10378360123134779	by:0.08102561191913141	and:0.05840635221753722	with:0.05239912849679072	to:0.041573880258367925	for:0.04003774053230088	from:0.02736548357927746	:0.01
and:0.30256412677284905	of:0.18769280950595293	fact:0.10757189565208601	to:0.1028618265134114	all:0.06254888528180085	in:0.05977362339474211	on:0.05605658461381655	at:0.0558677245394803	is:0.05506252372586055	:0.01
of:0.37606617075753496	to:0.12216185444741211	and:0.10829756380599606	that:0.08088766423956842	in:0.06809665537009453	for:0.06771693519425252	by:0.06165622918252059	at:0.05930042957046506	from:0.045816497432155746	:0.01
he:0.3014496785017962	who:0.12690678221857157	which:0.12604437206540864	He:0.10451170717295258	and:0.0940546685726375	she:0.07032792138302074	that:0.06301603900361419	it:0.05630629214451414	It:0.047382538937484404	:0.01
of:0.3260085621366655	to:0.16001707838342538	in:0.15965205778044228	and:0.08640905878171666	for:0.0794708681837601	with:0.05121363134149025	by:0.04629891323959396	on:0.04107073455978911	oi:0.03985909559311685	:0.01
is:0.23982912195962475	and:0.2016442815612471	was:0.12752608815304453	are:0.09348098859772103	be:0.08142312130074338	or:0.07915475599509694	had:0.05794381064399849	not:0.057733645312522765	were:0.051264186476000846	:0.01
it:0.23758907387370717	It:0.22466732129188913	there:0.13399463235676404	that:0.08184768611606359	which:0.07047269319355501	There:0.06854109664882013	and:0.06269506105462148	this:0.05809779452346095	This:0.05209464094111868	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
and:0.29237950918743844	to:0.17716942761303367	of:0.099021191564675	re-:0.09088536501253568	that:0.07083086860883163	which:0.06939463277575889	in:0.06609805346610025	for:0.06347704537429573	or:0.060743906397330794	:0.01
of:0.28126635387311494	to:0.1418097537146432	for:0.10966993246486875	and:0.09593738888777519	in:0.09523318242292965	on:0.09018517455631603	with:0.08020999089473234	at:0.0492849521472289	that:0.04640327103839089	:0.01
to:0.2620983149693371	and:0.19664402247129265	the:0.18720703494025467	of:0.14061051340842873	in:0.0675925481954826	a:0.03867755248806961	<s>:0.03389464108121401	not:0.032510411574388075	that:0.03076496087153255	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
the:0.7520847964275205	a:0.08073904756360863	The:0.04053002994675313	tho:0.03872534529482167	and:0.02523722946766686	of:0.01493002824161501	other:0.01400119374811262	tbe:0.011896061140801151	great:0.011856268169100303	:0.01
went:0.17949748064933763	go:0.15454708545878776	came:0.11151278596248963	back:0.09777108854160564	it:0.09728390677389735	out:0.0959887918454101	put:0.09227887075263339	down:0.08367866714280338	come:0.07744132287303518	:0.01
go:0.18515971159043546	went:0.1668840020603558	going:0.1356058712204716	carried:0.12257297629823181	and:0.0920897406169285	was:0.08443561371326988	goes:0.07585555010545138	came:0.06714821656280351	put:0.06024831783205195	:0.01
the:0.7634584197526548	a:0.06329577585461788	The:0.061429456423410016	tho:0.04807763004669177	tbe:0.01957905773553283	and:0.011031810428949126	great:0.00884372216022454	this:0.0074869329828123965	his:0.00679719461510649	:0.01
all:0.41358793152723594	the:0.10875134126616709	many:0.0889633491126899	these:0.08811747073693911	other:0.08574251354326116	as:0.05540037921291938	and:0.052206000886791316	different:0.048660014545122955	some:0.048570999168873065	:0.01
Survey:0.2823199369796406	survey:0.22613686907329184	Cor.:0.1194067330875499	lot:0.07593396066962148	and:0.06912759899875699	of:0.06808225042242455	District:0.05306030924645699	vey:0.049693019406125666	marked:0.04623932211613191	:0.01
the:0.44723633250434913	an:0.15774433816843875	his:0.1220101375797968	their:0.06437619435496468	any:0.05011882049736275	a:0.03903649126934272	of:0.038845575710088696	The:0.03815453087703987	in:0.032477579038616734	:0.01
the:0.2706232000438164	of:0.24493359951234195	in:0.17285403786536896	and:0.07539962645363833	are:0.06358005587406663	all:0.0434427515780437	In:0.04202135264216404	a:0.0415020812446203	is:0.0356432947859396	:0.01
of:0.323649643699149	in:0.2300323709662183	on:0.09083353770281115	In:0.08569881573882421	to:0.057062265082713136	that:0.05627335459347037	from:0.05410825460268495	and:0.049992154504988236	at:0.04234960310914071	:0.01
of:0.2765001205154513	on:0.16769141466965135	the:0.15138471258254874	in:0.09254899483189932	to:0.07867336201759742	and:0.07549790406970078	<s>:0.06159481536903042	at:0.044845082471947156	by:0.04126359347217348	:0.01
and:0.25895124151367505	pay:0.10802738337654873	demand:0.10268455996040911	ready:0.09463324239250351	it:0.0897327707687367	used:0.08512057511074043	paid:0.08452860617678211	is:0.08364261522523583	not:0.0826790054753686	:0.01
hundred:0.38841378645436947	up:0.09123185635738856	men:0.08930224671194738	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.07306411117914521	him:0.0668423327581923	;:0.06651424040074755	due:0.06192290086804839	:0.01
the:0.6195717964702581	and:0.14725484924398743	of:0.05211157383447939	The:0.048871295053146774	tho:0.04267577889742948	said:0.02523937229069472	a:0.022539643445112813	an:0.016093509398911972	tbe:0.015642181365979262	:0.01
a:0.2125229943268423	of:0.20629792250271145	the:0.20591744656545846	in:0.11047499952880463	to:0.10346417656508453	and:0.05058316023306845	by:0.03982525843218841	an:0.030587509374252923	from:0.03032653247158885	:0.01
the:0.3656336724426791	a:0.2910897477608145	of:0.17248971527656823	in:0.06860335127232103	and:0.024717691673465887	tho:0.021115593674296256	The:0.019579780542288826	In:0.01671797603660079	for:0.010052471320965433	:0.01
;:0.20953252095776806	it,:0.11451281996419217	him:0.11252660622910599	one:0.10399558216214487	in:0.10038399485273586	and:0.09216727949281207	,:0.08702126563998025	it:0.08638247894281384	up:0.08347745175844686	:0.01
the:0.4930452128787449	of:0.136841588594499	a:0.13218166757777214	The:0.0500294973674197	his:0.04342585357791496	our:0.040081392232506924	their:0.037146977902809734	in:0.028941099729675804	tho:0.02830671013865672	:0.01
and:0.33090667565595405	demand:0.11951725037001644	ready:0.0989386645738498	used:0.09514434972463201	time:0.08611259291726482	not:0.06607848366518068	vote:0.06597209943325832	it:0.0655060703120096	candidate:0.0618238133478341	:0.01
;:0.30060019918587233	and:0.2502728530744944	<s>:0.09773618899925732	that:0.06881223315613899	was:0.05987194639725836	it,:0.05602978176502565	as:0.05595782596216032	,:0.0514769792827767	them,:0.04924199217701595	:0.01
the:0.3759416065147429	of:0.15696887182802657	to:0.12986365789689552	in:0.09148928052407483	and:0.07364465146832581	his:0.04297728013118123	was:0.04079303284389532	be:0.03954146191535642	a:0.03878015687750122	:0.01
the:0.5547324926317478	said:0.23738153019877553	State:0.0321302643832907	this:0.031103464034816928	of:0.030239785621755902	and:0.02958314215211099	The:0.02665120964461322	tho:0.025570968521515785	a:0.022607142811373094	:0.01
is:0.16167548822858277	not:0.132554200036565	and:0.12471861838753757	able:0.12133136714293247	have:0.10169855498872463	enough:0.09669070651973198	was:0.08838641914091167	ought:0.08167556029431292	right:0.08126908526070104	:0.01
of:0.2231188683993463	and:0.1667497646398975	a:0.1326518741071075	the:0.12904482491503572	as:0.11756217419998326	so:0.07659548773433371	is:0.05175678304726475	that:0.04813122375634109	very:0.044388999200690046	:0.01
at:0.21588461537998552	the:0.20600555140409596	was:0.1451071489204375	be:0.12532744259874248	to:0.09391835347160175	were:0.06828820763398917	is:0.05502315896520865	not:0.043800734205793904	and:0.03664478742014515	:0.01
be:0.2590688789934382	is:0.19608003959664588	more:0.10586988600935208	very:0.09603836486158372	was:0.07248527012119792	and:0.06864520383288586	are:0.05176305231493094	as:0.04944885329703195	been:0.04584313803418817	too:0.04475731293874509	:0.01
of:0.38824314290487205	and:0.14347987969434153	to:0.11585134145008441	in:0.08198566223444038	on:0.08042491746378136	as:0.05005123811605864	the:0.04759861451571088	for:0.04203835886887844	-:0.040326844751832236	:0.01
the:0.6307319507404864	of:0.06416480512051802	their:0.06323754374203165	and:0.04487693122034637	a:0.043800253524766374	in:0.04230034601472437	his:0.03606211586206259	tho:0.03259301129486647	our:0.03223304248019785	:0.01
they:0.20137192051989908	and:0.1898486053138329	who:0.13763487119952234	which:0.11172457808560646	there:0.08237185083510748	that:0.07629605861962552	we:0.07628128948523882	They:0.059976629933098324	men:0.054494196008069026	:0.01
the:0.4254344216305148	a:0.31706585309482477	this:0.08016159231710569	his:0.05209474885951633	The:0.03367280141627925	tho:0.028261604244056864	their:0.021889897427812815	its:0.016136878793329614	an:0.01528220221655984	:0.01
and:0.16515772534573925	a:0.1639280335963572	be:0.16195700911875907	so:0.12131876204060653	are:0.0990584336696116	is:0.08131332582112157	was:0.08062748988279242	the:0.06791762174607377	been:0.0487215987789385	:0.01
of:0.20509868068331527	the:0.18992360083848198	and:0.1627077320911976	to:0.11166884988859468	be:0.0979632635341338	in:0.06540848799261573	or:0.058966420912407294	for:0.05013839373631626	re-:0.04812457032293736	:0.01
of:0.2472559468056066	the:0.18584911523879227	and:0.1634915242225465	to:0.1355313249412924	by:0.06253474531327399	Mrs.:0.05971003449389522	.:0.05117650569055965	<s>:0.04975459237161027	said:0.034696210922423275	:0.01
and:0.2980213454661434	days:0.23065053584134165	that:0.0786726673749645	soon:0.07423074024625996	day:0.0715458148713141	years:0.06472737640560322	time:0.05976221760844339	immediately:0.057614212203603694	months:0.05477508998232603	:0.01
and:0.3937468811839419	to:0.22349962865051812	not:0.07325808986714295	that:0.054342221381652435	or:0.0516867063609947	who:0.04990290645230246	of:0.04896582159111312	will:0.04819592503119137	re-:0.046401819481142845	:0.01
they:0.2442194308211154	who:0.15691329072683877	there:0.14510017991456944	There:0.0950525756089644	we:0.08957862379842196	which:0.0777520180980137	They:0.07125601799396844	and:0.05792692749616462	that:0.052200935541943154	:0.01
the:0.3859984201034765	of:0.2153653354116332	and:0.07873351722863701	that:0.061772407782037984	this:0.05710805373833121	for:0.05648590013622595	in:0.05365061855291326	a:0.05028685554201684	their:0.030598891504727936	:0.01
the:0.3948456208049226	his:0.21814132602212707	an:0.08076288562186944	The:0.07629335469620385	their:0.05718173576050566	my:0.055932242331663246	her:0.05117423519480851	His:0.02843093043227098	tho:0.02723766913562859	:0.01
thousand:0.3472921910017896	hundred:0.2694232259062019	of:0.10567367887602831	fifty:0.08103365284717459	million:0.056125468857668	ten:0.04394459124078978	five:0.04365403607937043	the:0.021639173538611615	to:0.021213981652365863	:0.01
the:0.6362389529820774	a:0.16260982353477338	in:0.04109819490082601	The:0.04077247785909401	tho:0.03376180861879462	of:0.027222581607553826	and:0.01944124508148666	our:0.015008409647902543	tbe:0.0138465057674916	:0.01
the:0.2786459912771845	and:0.16786353569000584	The:0.11017739931926156	of:0.10503225434551516	or:0.09650400640804703	with:0.06692476917020218	by:0.05816486066228461	these:0.05722125178994675	These:0.04946593133755247	:0.01
the:0.3606750289546942	a:0.35005009405772974	of:0.07410282846997589	said:0.04945610900610707	any:0.042817975514901976	or:0.031692996544930525	and:0.03081795612701671	this:0.026896451052899898	by:0.023490560271743992	:0.01
his:0.34598661851290086	their:0.1692573903534284	her:0.14806501802755978	the:0.08892160054677459	my:0.08516457063396123	our:0.060015523837254704	of:0.033836432308969905	its:0.030939682802838975	your:0.02781316297631163	:0.01
be:0.4258346080862888	was:0.11860120892899477	is:0.11421024319243321	been:0.10625495452585697	are:0.06678673459728743	being:0.04945093575289987	were:0.04224251383541948	not:0.04028533437568194	and:0.026333466705137407	:0.01
of:0.29633572450437884	in:0.1460853874885849	to:0.1415677969515685	for:0.09412461223492613	and:0.08474980319055248	with:0.07400648853301361	on:0.05839473007661019	from:0.05014706301412719	by:0.044588394006238215	:0.01
and:0.2875177924610121	made:0.18364954185311397	or:0.13846762475456129	done:0.079147797317127	that:0.06442587389141943	but:0.06359448822553483	up:0.06186775604068334	it:0.057402129883746086	them:0.05392699557280186	:0.01
be:0.2548731915990184	is:0.17390151590101785	was:0.13798723646854819	he:0.12179471730515277	and:0.0977564630836264	had:0.06295692659418932	they:0.049320937179649395	have:0.04780612653011095	been:0.043602885338686795	:0.01
the:0.180751757101819	and:0.1391508941073036	be:0.1249744820024004	are:0.11591586361982203	is:0.09773778715113075	of:0.0915899141003609	in:0.08205757906709071	was:0.0809099611581609	been:0.07691176169191172	:0.01
of:0.4554933021418836	in:0.11068937920635966	to:0.08678426889868246	and:0.08317886664743557	from:0.05586542307139499	on:0.05465872568169104	by:0.054139871246931585	that:0.05025545003403378	with:0.03893471307158739	:0.01
and:0.2634406048823141	resale:0.15204999470813008	was:0.11634558573748467	is:0.09185667312709242	that:0.08478174504295354	inserted:0.08286456950804667	be:0.06920606682123416	it:0.06538422921613014	but:0.0640705309566142	:0.01
the:0.44470994861599394	a:0.20448960552865691	of:0.11055144147453232	with:0.05230178647537693	in:0.04160809583799396	and:0.0399127123837467	this:0.038331113540040464	The:0.029961786824670794	very:0.028133509318988066	:0.01
of:0.24749395160232096	in:0.22154483371428538	to:0.10094538260351753	with:0.08183825686948244	at:0.08007631532296301	as:0.06821441570477668	by:0.06362438308939855	on:0.06357335305152083	and:0.06268910804173464	:0.01
of:0.1719111525997575	for:0.16750925369011746	and:0.13160992533822735	in:0.11184996172687091	to:0.10103395281198697	with:0.08496023593233525	as:0.07573051960182105	was:0.07396318978577686	is:0.07143180851310657	:0.01
it:0.28317097636256594	It:0.19334457336508087	which:0.11975718942031283	he:0.08582788806916333	and:0.08528961719502678	that:0.0777183143097221	there:0.06238640793109827	who:0.045422113965186965	what:0.03708291938184284	:0.01
the:0.34170127421390223	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093987	to:0.07847171568184984	in:0.05339647102682973	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
of:0.44567778408062725	to:0.09560895113887721	in:0.09284068819157618	for:0.08486881655226551	and:0.07299337516704156	that:0.06857975944056091	by:0.0554287724517427	with:0.04558075691807832	on:0.028421096059230225	:0.01
of:0.3256651580990053	the:0.2107980262031841	to:0.1254637319888255	and:0.07823092292907531	a:0.06869484084889746	in:0.05590670092720614	on:0.04986927431326355	at:0.04038675688012712	for:0.03498458781041569	:0.01
that:0.38314639234260467	when:0.13078830405217987	and:0.10494735551057087	which:0.08901523310559767	as:0.07679054931488126	if:0.05540889644007941	where:0.05373268422396405	but:0.05232720105559394	said:0.043843383954528206	:0.01
he:0.2786894588456655	I:0.2187993863736224	and:0.15978193519185846	they:0.07111906565666115	she:0.06405979132619377	He:0.06285818932007263	we:0.052995435898579975	who:0.0411665986351086	then:0.04053013875223757	:0.01
of:0.373790027318163	and:0.11064651762657036	by:0.0979476469116305	to:0.0960842434794955	that:0.09365692350098352	in:0.08591511003978067	from:0.04868450381138683	for:0.04731402886002136	with:0.035960998451968235	:0.01
of:0.3482325540937595	and:0.1380741480611059	to:0.129516976093906	by:0.08903143990926371	in:0.07102352909774923	that:0.06479148551400098	from:0.054450026484809066	on:0.05421708475490136	with:0.040662755990504104	:0.01
it:0.18996776648825842	which:0.16693146919859037	It:0.16388385093027855	that:0.10887832266608082	who:0.09754653858074362	he:0.09729440751502057	there:0.07644641877125939	and:0.04784424293313712	There:0.04120698291663113	:0.01
the:0.31450221100131864	a:0.2133182464640774	of:0.13359811545773048	and:0.09301361905223514	to:0.06518461796493534	The:0.046908870741873186	in:0.04661787235741844	as:0.039130500526112603	that:0.03772594643429875	:0.01
hundred:0.3533601341775756	one:0.1371118587062832	dollars:0.09329222430666433	up:0.0793101779582922	large:0.07855198625223524	feet:0.0694964329938616	more:0.06402394552546256	day:0.05963844102676972	men:0.055214799052855694	:0.01
the:0.6347289727198613	The:0.08728956959985272	not:0.07466190744740027	is:0.054791672973384296	a:0.03349582632982906	was:0.031036172352623778	and:0.03073916043856145	tho:0.022843259050079584	are:0.020413459088407672	:0.01
soon:0.24268147679421248	long:0.14157687512679576	far:0.1362172330657941	and:0.11041211223691931	well:0.09764264919542717	just:0.08357457573615659	much:0.07036434694853533	such:0.06113403545828835	but:0.04639669543787087	:0.01
it:0.21175262889566568	he:0.19014680904145959	It:0.18982028099853918	I:0.10966414085604292	there:0.07299980840495356	He:0.06663726083701502	and:0.05018674089608051	she:0.049644215904146693	which:0.049148114166096796	:0.01
on:0.36462405982731916	of:0.21460163093497536	in:0.1076867277913149	to:0.09232309199179665	from:0.05552831367758235	at:0.0462702785429428	In:0.045015347263690955	and:0.03239810647205358	On:0.0315524434983242	:0.01
.:0.26287986083119413	and:0.13024559420228365	of:0.09086589635576595	S.:0.08952086489797086	W.:0.08640549609786828	M.:0.08517603986898505	A.:0.08405607115613971	the:0.08386080776570792	Mrs.:0.07698936882408448	:0.01
and:0.502681231645293	is:0.10963935596744494	was:0.09629791757665485	are:0.08160020324237523	be:0.0526844647935536	more:0.05146486596017705	were:0.03845295976530209	but:0.02899974097039198	been:0.02817926007880742	:0.01
Mr.:0.4470535084886719	Mrs.:0.13687250084923216	Dr.:0.11665889872768552	of:0.06059091638586351	.:0.055498685721170164	A.:0.05004589560826757	the:0.04846233032404394	John:0.04080291525230151	M.:0.034014348642763724	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
and:0.25037799561132223	to:0.19051743664518078	of:0.12818071300755096	the:0.11341275889843262	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.05790590474591629	for:0.056443486992488516	:0.01
and:0.27197436053306084	as:0.16800643742734492	that:0.16345422095427478	but:0.10188464456138258	when:0.06978351739125625	if:0.0662599875620249	which:0.057438912732011904	do:0.049842058742834885	what:0.04135586009580887	:0.01
and:0.29169997815308213	was:0.1328703627143118	out:0.08873310066938216	that:0.08746131418060452	placed:0.08440072742047074	work:0.08020079681811661	made:0.07677797059304475	is:0.07472371838239819	up:0.07313203106858901	:0.01
and:0.17151618359851106	is:0.17015047834399621	as:0.11082801560618431	was:0.10049374719407791	able:0.09957824053712779	not:0.0959529126271294	enough:0.08218526606313245	him:0.08082377757804236	order:0.0784713784517985	:0.01
the:0.4343950844609782	of:0.2671413281941096	said:0.07276928838823576	and:0.0424562562797748	Eng-:0.04231119773036824	for:0.03631112050372329	tho:0.034496902629884946	in:0.030298372360859416	our:0.029820449452065738	:0.01
and:0.20771464893631011	to:0.18096553871673537	of:0.14796324725583815	the:0.10533935478756268	in:0.0833746336027164	not:0.07016451879643541	for:0.06819798834957488	that:0.06363335106245646	I:0.06264671849237062	:0.01
and:0.2844817020759522	demand:0.10445240592434844	not:0.09371571454109041	used:0.08988354855682705	was:0.08862731686400083	paid:0.08838663251599425	is:0.08248559261205128	them:0.08219250315756757	been:0.07577458375216782	:0.01
he:0.2519817163796284	I:0.17595181159302134	it:0.15367418375112055	they:0.13579503571913237	we:0.07010041843523132	that:0.05933308441106973	who:0.05089372081256855	she:0.04960231804572694	It:0.04266771085250063	:0.01
do:0.4073920634372705	did:0.28412834296894296	does:0.09208032765552798	could:0.07625772309167941	would:0.05823128601957877	will:0.041782779794746885	should:0.010770069332925026	shall:0.009822814750573866	may:0.009534592948754488	:0.01
the:0.4833235654848357	a:0.15631938989791472	this:0.08485450606306562	The:0.06124970734115365	that:0.04661880415738076	good:0.04441436740053825	any:0.04145089806199629	of:0.03728251413605392	corn:0.03448624745706122	:0.01
and:0.29169997815308213	was:0.1328703627143118	out:0.08873310066938216	that:0.08746131418060452	placed:0.08440072742047074	work:0.08020079681811661	made:0.07677797059304475	is:0.07472371838239819	up:0.07313203106858901	:0.01
the:0.5860629956089372	this:0.0983979176207592	said:0.0813578935349036	The:0.07642029247271552	that:0.0377547210138571	of:0.034447880108558905	and:0.03159260253901632	tho:0.025129934005804246	a:0.0188357630954479	:0.01
a:0.3260413871583072	the:0.15622165113647768	so:0.10838436729276127	of:0.10675518357544657	is:0.07767645012701598	with:0.06071953341004755	are:0.0543615918760438	be:0.05260013024379802	and:0.047239705180101774	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
and:0.2040108133237167	the:0.196147042137073	of:0.16725462661689366	to:0.16178780902077747	in:0.059628046262606656	be:0.05880796092711035	he:0.05185468117181505	was:0.04525618697763944	a:0.045252833562367624	:0.01
of:0.3048517478769653	with:0.15487645447384998	as:0.10225205679026755	by:0.0950571197069721	and:0.09014491859255959	for:0.06337214947332456	in:0.06182549619981152	to:0.06098450815715407	is:0.05663554872909548	:0.01
of:0.32411500613459826	and:0.1774251949735989	in:0.10544507048740555	to:0.10116454824675854	that:0.07659656642832684	on:0.06455299454022724	for:0.06273561211239223	things:0.04287039325002042	those:0.03509461382667204	:0.01
the:0.2168422590407985	con-:0.19616404214290387	a:0.18618850398131193	certain:0.07414844066307519	and:0.07268836315214187	acre:0.07199279977074093	con­:0.05896081999770938	con¬:0.05770856079142225	said:0.05530621045989612	:0.01
it:0.2602933463206855	there:0.14822319293947891	It:0.13196436136428402	which:0.11581767029202342	they:0.08952698954231514	that:0.07758736314856882	and:0.07379772084395009	he:0.04666991240312073	There:0.04611944314557337	:0.01
of:0.29633572450437884	in:0.1460853874885849	to:0.1415677969515685	for:0.09412461223492613	and:0.08474980319055248	with:0.07400648853301361	on:0.05839473007661019	from:0.05014706301412719	by:0.044588394006238215	:0.01
the:0.6044766287533595	a:0.15321895633459082	The:0.07607715900019385	of:0.04641888510225562	tho:0.03895460515548235	and:0.025903239787953003	that:0.015749327022595773	tbe:0.014930005853280814	this:0.014271192990288136	:0.01
It:0.23127912378197046	there:0.21240176058284072	it:0.19501212350781538	There:0.10713821937054821	This:0.06595333365099704	which:0.047712659827713756	he:0.045979252169049335	that:0.04565003547638063	this:0.0388734916326844	:0.01
a:0.7643652467789773	the:0.06860203188235008	in:0.05032484335091604	very:0.0264801234907271	of:0.021335521494465756	A:0.01760101006409866	any:0.014055294451622078	some:0.014014900429024868	In:0.013221028057817892	:0.01
number:0.19930354336660086	out:0.17164570243795652	means:0.12228146298876666	purpose:0.097795086188926	place:0.08803917386802938	and:0.08072272466325842	full:0.07884389119208189	form:0.07690367572896074	amount:0.07446473956541945	:0.01
;:0.2633432770106504	and:0.23385235345870986	<s>:0.08600887497956729	it,:0.0770864315957225	that:0.07209131293757613	I:0.0703097259688966	them,:0.06361029154571093	is:0.06224416662813342	it:0.06145356587503291	:0.01
to:0.5788703338094541	will:0.10938656075181566	and:0.10030453808672768	would:0.052362926095388874	I:0.03832442892695497	may:0.03380272615913115	not:0.031504692808835694	could:0.02333836700369405	can:0.022105426357997737	:0.01
of:0.5239765114751145	in:0.17022679034506188	to:0.0811529353492475	on:0.048024807656489525	by:0.04695182867049136	from:0.03566917530225409	for:0.03248329338755861	In:0.026560707173251406	and:0.02495395064053101	:0.01
Mr.:0.5247442016244125	Mrs.:0.11170462526655213	W.:0.08686884653298362	J.:0.0686307057563863	.:0.05684103294586354	H.:0.043394897167077985	E.:0.03408187606840648	Dr.:0.032264700246096116	John:0.031469114392221324	:0.01
of:0.3316564494611932	in:0.11387712365034705	the:0.11054447881894974	and:0.10663980810154719	to:0.08569910107398887	at:0.0724480293059335	for:0.06707044475669878	on:0.060593588894937316	a:0.04147097593640425	:0.01
the:0.34170127421390223	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093987	to:0.07847171568184984	in:0.05339647102682973	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
to:0.23084164089153653	the:0.19599676182946477	of:0.16555747408636154	and:0.15864168240412752	a:0.06474452365459166	in:0.05071236753640227	at:0.050063002462748356	for:0.03808870392664653	is:0.03535384320812078	:0.01
the:0.7370692736124219	The:0.0739590366881485	tho:0.03548324470805109	of:0.03489408946293943	that:0.03069103205752637	this:0.02183758327695256	to:0.02073672809677244	and:0.018256765938502437	any:0.017072246158685276	:0.01
it:0.35835403077289185	It:0.18033896309510394	there:0.1000580278728347	he:0.08633223790107593	that:0.0786661222512119	they:0.062195379566770945	which:0.057389596688828697	and:0.04098930196902008	I:0.025676339882261926	:0.01
I:0.2972347413548833	we:0.15967374438190088	they:0.15880401414132644	We:0.10767922019127865	who:0.0681692146331263	to:0.06119250296084093	and:0.0512316825320449	you:0.04880768913955729	They:0.03720719066504116	:0.01
the:0.3324283493725754	of:0.3188606758113171	and:0.07397744131367467	for:0.05752848343354824	The:0.05164563848191211	plant:0.04938900304305968	that:0.040189555082041764	or:0.03401524259841948	as:0.031965610863451475	:0.01
the:0.3995194221222796	of:0.14373925116883546	a:0.09808800334499634	and:0.09757146452239816	to:0.08142817880089034	in:0.06724887599353457	The:0.0378449967362824	that:0.034643671027321105	an:0.02991613628346219	:0.01
of:0.2748977404920768	and:0.2527134542608289	but:0.09899002016181307	know:0.09441812747199294	that:0.0610455388137525	But:0.05636036823448344	to:0.0556422176509866	for:0.049734752533546506	knew:0.04619778038051928	:0.01
of:0.23945418833128765	and:0.17422149405615417	to:0.11870577932564275	be:0.1098243425835481	the:0.09482974550801355	a:0.09129356628079215	was:0.06519437384503554	in:0.053888183760756506	at:0.04258832630876938	:0.01
I:0.29168188171604	to:0.14246453168012807	we:0.12512399906766936	they:0.0926478165570925	would:0.08510831077985431	We:0.07638683068926665	who:0.06452271763319462	you:0.06067599916542703	will:0.05138791271132767	:0.01
the:0.31418513266539727	and:0.19167765925860014	of:0.15718791465525597	a:0.10432141854101121	The:0.052228631303144146	to:0.050990617947275094	was:0.04147442319523843	that:0.04022194382478292	Mr.:0.03771225860929474	:0.01
and:0.3024842444279261	was:0.14789652250066207	is:0.09596900870974386	be:0.09291209349185649	are:0.07962562552501436	that:0.07617621460107377	it:0.06766289852403745	been:0.06429887727346362	made:0.0629745149462221	:0.01
of:0.24283962256035477	the:0.23573964747253212	and:0.10560424815593598	in:0.0971425897859556	a:0.0957300817595288	for:0.076376835936613	to:0.0641511298189862	that:0.039080898537122245	In:0.0333349459729711	:0.01
and:0.6325195266336077	was:0.08515076435349533	Since:0.08265418921075633	And:0.06628663559356912	is:0.032572420496491936	were:0.023822733477359123	but:0.02272425669018772	;:0.022420058938252337	are:0.021849414606280527	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
the:0.2795577484890098	of:0.17138515288587403	a:0.10545348980101767	and:0.10358081425281414	to:0.09316370237569992	his:0.07970422801247463	in:0.06393496375745417	was:0.047215012524109104	be:0.046004887901546415	:0.01
;:0.25886119707093636	it,:0.18447127095098964	them,:0.11050048845933375	him,:0.09235461919102589	in:0.07828569333894893	time,:0.07240153994548601	him:0.06958810806423911	country,:0.06453690861971836	years,:0.05900017435932214	:0.01
the:0.3088847376320831	of:0.1929951896618378	and:0.1753198190146059	a:0.09188606624070318	two:0.07196355012628723	most:0.05389662761235634	many:0.0325694213274272	three:0.031906762596778576	Two:0.030577825787920912	:0.01
and:0.21103204182905327	meth-:0.19826834562048012	of:0.1590897837145534	to:0.1060041409947288	.:0.08364416558145578	<s>:0.06418400009059713	is:0.061255661765556385	by:0.05845895402347496	with:0.04806290638009998	:0.01
of:0.2057458570827741	the:0.19112295486352576	and:0.12345276996534586	a:0.1098497949766843	to:0.10106635125867985	for:0.09678695744071149	in:0.07422219508954495	that:0.05569814677286695	or:0.03205497254986672	:0.01
not:0.45960322169895007	or:0.1352914868501773	much:0.07222217824097951	be:0.06946579956495735	in:0.05676421812607144	of:0.05634657526756461	no:0.05029759163292265	for:0.047707406664868855	and:0.04230152195350835	:0.01
<s>:0.3601022415134942	it.:0.19598518736950646	them.:0.11831805926267376	him.:0.07740642337043321	country.:0.056063052587547846	time.:0.05357605016813265	again.:0.04667894859729663	people.:0.04187439621549608	life.:0.039995640915418976	:0.01
he:0.33497020051957277	they:0.17787713033474334	I:0.15189152577687662	she:0.08989930890698636	who:0.06878003457698566	we:0.056863202495264505	it:0.04503761674113863	which:0.0325162284394503	and:0.03216475220898171	:0.01
it:0.20453342557631085	he:0.19365227341519897	It:0.12956466199019961	I:0.09795460557343169	and:0.0930070480435623	which:0.08584489372664113	He:0.07174336918657044	who:0.07022272555683952	she:0.043476996931245473	:0.01
the:0.3146440150547616	of:0.13981388210481974	and:0.12714466495604912	other:0.11365913567120457	The:0.09452317769553646	a:0.05627386041914179	such:0.05599545274339307	his:0.052461079979019554	their:0.03548473137607381	:0.01
and:0.19809879165699035	was:0.1439027670709331	not:0.10666158099179647	in:0.10622107822841516	be:0.09234633864342429	to:0.09105279733103269	of:0.08451896871245286	a:0.08385607451741553	is:0.08334160284753943	:0.01
that:0.26452617460119154	as:0.18318751872931371	and:0.14542535767404577	but:0.10358852884801908	when:0.07758991231518611	if:0.06798186965605063	which:0.060085655186421394	what:0.05818494212660086	If:0.02943004086317104	:0.01
the:0.7184355988902057	a:0.09625069659804712	The:0.032423311980974964	first:0.03120069382588804	tho:0.027521297979520846	some:0.02414646325790909	in:0.023473967365877233	any:0.019965273414143652	this:0.01658269668743336	:0.01
Mr.:0.3115396885308305	Abraham:0.15439522824831492	of:0.1426986761502641	in:0.0957134263928605	and:0.08560304724006272	the:0.0726467747873588	so:0.05920141229900548	.:0.034378130571484186	President:0.033823615779818676	:0.01
there:0.5371427139059691	There:0.26638573546125954	they:0.07877609325220596	They:0.026964207312453085	who:0.018570586899102067	we:0.0182239300041932	and:0.015285344963537508	it:0.015057766587858665	which:0.013593621613421017	:0.01
a:0.28274469882129943	the:0.19996735259682474	The:0.13353554360318903	young:0.10342047853756364	that:0.07819474588551524	This:0.05856545848147658	this:0.0576889670705255	one:0.0391531342557697	A:0.036729620747836186	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
the:0.4519755791092656	of:0.1420412692576566	and:0.1165439051184359	a:0.08441638329833975	his:0.04930413615143296	in:0.042623788452442385	to:0.0386092343137484	tho:0.03306908890526338	with:0.03141661539341502	:0.01
and:0.42186447535950783	that:0.14687156068958368	but:0.1444960842705073	time:0.07775335728782748	But:0.058657226387005414	And:0.04174637107118043	me:0.038394227035090975	ago,:0.03195447904189178	even:0.02826221885740512	:0.01
to:0.29177368797652353	this:0.14547764259358612	in:0.12960346049073507	of:0.12216954952434067	and:0.06661707003603598	that:0.0657509948093488	the:0.061030076790103055	In:0.05401672094958196	without:0.0535607968297447	:0.01
of:0.3643935600107799	in:0.13098462740195044	to:0.10139230654229019	for:0.08999767659165059	that:0.0711014061021749	and:0.07036997037652298	by:0.060391596509224627	from:0.05144688120092324	with:0.049921975264483	:0.01
the:0.5289927959029942	this:0.22338446726640374	a:0.077351065228168	his:0.032900718724432246	tho:0.03224235970786303	other:0.02517889738838943	our:0.024786405926679304	The:0.02296135494706274	of:0.02220193490800722	:0.01
the:0.21208974139547235	and:0.16232760132258914	be:0.14415491557294502	have:0.08842362785728973	had:0.08545876430641969	was:0.08024813341289332	of:0.07856594544075536	has:0.07103189995203739	an:0.06769937073959807	:0.01
be:0.3384962738224905	was:0.16957392927042472	been:0.15250045390158148	were:0.08752572864008734	is:0.08101516604072363	are:0.07517339128807086	so:0.03350836858073044	being:0.029769474427342804	as:0.022437214028548282	:0.01
the:0.7296255838283391	and:0.06244339640044329	The:0.05429603391747309	tho:0.042473187594534084	a:0.032548948099328616	of:0.02538714128588495	in:0.017931156854343207	tbe:0.014072268254475944	or:0.011222283765177744	:0.01
the:0.6954527135877587	The:0.08595027689401145	a:0.06742989212435838	and:0.0548387468031162	tho:0.03981639358752999	tbe:0.01720096502687837	by:0.010079341676157446	in:0.01000522037842298	large:0.009226449921766263	:0.01
of:0.36491903841072393	to:0.1166526106280375	and:0.09836913478184486	on:0.0771688639909993	in:0.07503438383150356	with:0.07310364602816131	for:0.07102967613423494	that:0.06886818540194957	by:0.04485446079254482	:0.01
get:0.1466179279908691	was:0.13816166858847517	and:0.13411725524820045	him:0.10611862598008345	it:0.10231181039389517	them:0.09727726821367766	are:0.09515897845536368	go:0.0876807812405961	come:0.0825556838888391	:0.01
to:0.43060535997750093	with:0.15754242625389397	of:0.09523655271221546	for:0.0918611451805972	upon:0.0595598577644083	told:0.04430345840192468	by:0.04301896902580969	before:0.03463893972213531	on:0.03323329096151451	:0.01
and:0.17151618359851106	is:0.17015047834399621	as:0.11082801560618431	was:0.10049374719407791	able:0.09957824053712779	not:0.0959529126271294	enough:0.08218526606313245	him:0.08082377757804236	order:0.0784713784517985	:0.01
hundred:0.38841378645436947	up:0.09123185635738856	men:0.08930224671194738	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.07306411117914521	him:0.0668423327581923	;:0.06651424040074755	due:0.06192290086804839	:0.01
and:0.2503179771193183	it:0.11919317640096841	that:0.11111674088683451	made:0.09607595369407342	was:0.09224657807501196	them:0.09209259261588562	found:0.08802579283705521	is:0.07319718064234634	up:0.06773400772850624	:0.01
as:0.188283813505136	according:0.14144678228402477	up:0.13904323060160725	and:0.1096650113200393	went:0.09104380703179268	back:0.08789812106037491	regard:0.08348580619122747	feet:0.07747526592666086	down:0.07165816207913696	:0.01
and:0.254595723457301	was:0.22959422896219753	committee:0.11048157358087068	went:0.07481191558189353	out:0.06887577827994566	be:0.06555230818255355	that:0.06346671192542905	is:0.061464289418613614	up:0.06115747061119538	:0.01
is:0.16974042935602554	as:0.13768418657724418	too:0.11999166146325553	and:0.11117653588744111	are:0.10701073954271882	a:0.10549953033259808	be:0.09098503766074417	of:0.07646707167258017	so:0.0714448075073924	:0.01
a:0.30963306523741785	the:0.2401205407578964	The:0.13300464629400244	A:0.09608029684103725	his:0.06383906490177256	this:0.061855821277848486	This:0.03130550197480003	His:0.029518919612296628	my:0.02464214310292829	:0.01
not:0.5191246571077447	was:0.10609024597525991	is:0.095351559238108	be:0.061021225125156606	and:0.05725342501629175	are:0.04787127691638938	the:0.036978732545358446	were:0.03363314140221917	Not:0.03267573667347209	:0.01
the:0.4801873573321354	of:0.29807178202262063	and:0.04937854535006081	The:0.0488637844928488	tho:0.030820484223671854	an:0.024455339690713875	in:0.02106002529838682	South:0.01984786884291613	North:0.01731481274664579	:0.01
feet:0.2083705893710341	poles:0.16686243736995118	up:0.11619557552687124	chains:0.11156855355118703	entitled:0.08437694067907713	went:0.07935061363836472	came:0.07491532896457027	down:0.07426522602773696	him:0.07409473487120727	:0.01
and:0.2617482264953263	he:0.14322643956038011	be:0.11251835066680183	who:0.1084627338377921	it:0.10164075247690645	one:0.09134773987689944	man:0.061658434538275506	was:0.055495316649686	all:0.05390200589793206	:0.01
are:0.19350820755495962	is:0.18236982191002687	by:0.15573185204141224	and:0.08928439309141882	of:0.07942879596687018	was:0.07605943538785306	the:0.07280655110832797	be:0.07081250117798916	more:0.0699984417611421	:0.01
more:0.4745212715775876	rather:0.15282943066489887	less:0.11177666295799825	better:0.07463107969867074	greater:0.06412037898493708	other:0.03680715962539485	and:0.026120553408354837	higher:0.02545852125236126	worse:0.02373494182979642	:0.01
the:0.21858781341275965	and:0.14787589235517212	of:0.11615811686309205	from:0.111777248760148	a:0.10253926757191248	to:0.08360693553216382	be:0.08051194311816404	was:0.06882079131216966	is:0.06012199107441834	:0.01
the:0.3706104453386411	of:0.15175601649154455	and:0.112881388061771	The:0.08104015756912	that:0.06702249094998507	a:0.06516892751803605	Mr.:0.05331534439838459	in:0.048958292727447096	which:0.03924693694507047	:0.01
the:0.5068205874075351	of:0.13136398421203643	at:0.10621754697681998	a:0.08823818957823505	for:0.03863141590444501	in:0.034140828698817655	to:0.029879269463720243	and:0.029424898484979038	The:0.025283279273411598	:0.01
the:0.5646156565447948	a:0.11782622581623398	of:0.06705085220576522	this:0.054473628592408584	an:0.049691709271416945	The:0.03554922523339816	such:0.03475778494011661	tho:0.03331662759072531	other:0.03271828980514017	:0.01
of:0.44127607440216804	in:0.10884815920437528	to:0.099412012316377	on:0.0779745050925863	that:0.06749589525157422	from:0.05335007031496983	for:0.049475984659252875	and:0.04873631871712135	by:0.043430980041575154	:0.01
the:0.24130576549866314	of:0.18833662870322207	and:0.16607091897550066	a:0.12226357561830728	to:0.08119819928176736	was:0.061441215918139495	be:0.05012797215849653	is:0.043156408701399925	been:0.03609931514450369	:0.01
of:0.2437315102870382	in:0.21265190408794776	the:0.20794189077449504	to:0.08457807818478724	a:0.08339877153019665	In:0.052877187457645754	and:0.04848617826018975	from:0.03175655983714532	that:0.024577919580554122	:0.01
hundred:0.1631051995366529	;:0.13365936507111423	him:0.11732615948902901	one:0.10942603140040551	feet:0.1079334711744123	up:0.10029179877010728	mile:0.09005038552425722	feet,:0.08590382326179402	time:0.08230376577222771	:0.01
of:0.21376855101140996	and:0.17082204700294995	know:0.1556299494463659	to:0.1294554345583264	see:0.07765792294057426	for:0.06993356551669887	just:0.05999525562114777	in:0.05937748014004158	with:0.05335979376248533	:0.01
;:0.19144271596780796	it,:0.16073763154027443	here:0.12049437696626475	him,:0.11804649775025873	them,:0.09400661208989029	him:0.08015674650162938	up:0.0801272436883014	time,:0.07692296664228485	in:0.06806520885328828	:0.01
of:0.3490124854372051	and:0.1510237090476072	in:0.1404356922779485	that:0.1307424858986167	for:0.07626604288645794	to:0.04150143083430155	on:0.03682615937123135	but:0.03332805567381839	from:0.030863938572813214	:0.01
six:0.1432243266307033	four:0.13132695764116992	two:0.12765022450658808	the:0.11440845952819055	hundred:0.11414304752348406	three:0.11179612449528852	five:0.08423462588028394	fifty:0.08227381680550984	their:0.08094241698878189	:0.01
sum:0.18676829411122214	number:0.1566486321513545	line:0.11140081741272478	city:0.10844765106291132	out:0.10739005474369737	day:0.09286734076326106	county:0.08286139477536687	amount:0.07384405151900511	Board:0.06977176346045691	:0.01
of:0.2851714087046995	and:0.23831446030571432	on:0.10691214488043144	to:0.0838053578498154	that:0.07644110076192268	for:0.07522258975850972	in:0.04438987937851897	with:0.04008949046791728	from:0.03965356789247077	:0.01
the:0.29031970919044064	that:0.13621054323082313	this:0.11396567187916631	same:0.11156981655514023	short:0.0973159400039637	a:0.08153137137906752	some:0.06783181961254436	long:0.05083582396670409	first:0.040419304182149896	:0.01
in:0.4012325547276403	the:0.19555487390010853	In:0.10784192508028347	a:0.09698861188200335	take:0.08225988669629536	took:0.03851085684635369	and:0.023770822769100818	or:0.02247527087571845	have:0.02136519722249616	:0.01
was:0.1949286606611198	be:0.14230256705948147	and:0.13802567688132678	is:0.13144320211790078	I:0.09418701317250591	not:0.08628756631012924	had:0.07472410635973735	that:0.06814820100141623	but:0.05995300643638251	:0.01
the:0.7080254699773771	and:0.062174656549791485	a:0.05852444265544858	The:0.04219046519036726	to:0.04016824492390225	tho:0.03725796401612218	tbe:0.015486324866337551	in:0.013391105929597007	his:0.01278132589105655	:0.01
and:0.28894039373058844	that:0.2159934521994359	as:0.17646709896580495	which:0.07782015205508785	but:0.06371015144059207	when:0.05241236271923287	of:0.04623855392545518	for:0.036282107776453056	the:0.032135727187349694	:0.01
an:0.3221554171663661	on:0.2373570418552418	to:0.10871122694555624	the:0.06907450958856452	no:0.05949148286365081	this:0.05470427212634051	and:0.04867688322998555	his:0.045792328376492775	of:0.044036837847801484	:0.01
the:0.38743484320920957	of:0.20157534177229175	in:0.1349739753274139	The:0.11516569731856134	In:0.042419872694634334	and:0.030983482578272676	that:0.03040608613775451	Mr.:0.024286161562517353	tho:0.022754539399344728	:0.01
the:0.22638387294033663	of:0.18114458898746308	<s>:0.1597032852824237	and:0.14723666332332955	a:0.07191657127044682	as:0.0676470429027498	to:0.04864983945690844	that:0.044071445488873325	::0.04324669034746854	:0.01
the:0.23353271610322898	of:0.20386971466756187	such:0.11382038249025216	in:0.10718902709802425	his:0.10357113331293703	a:0.08297373998476867	their:0.05949602693242851	and:0.056327009178916705	doing:0.029220250231881854	:0.01
and:0.24413116292889295	closing:0.18173686344826198	was:0.10859381659603785	valued:0.08665763038641584	held:0.07932710425709102	sold:0.07518688429361538	2:0.07335995221601971	is:0.07241280837793868	arrived:0.06859377749572665	:0.01
that:0.2512067581766572	and:0.2261701027539647	which:0.11824170287803304	as:0.11042612664546061	but:0.07915632732441186	if:0.06551086215618873	what:0.05767914343147025	when:0.05457214869900034	If:0.027036827934813195	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
be:0.2673721628353414	was:0.22930444722698254	is:0.13117241879358452	been:0.0923727658628604	have:0.06076284042739271	were:0.055518367803173874	and:0.054714522143034815	he:0.05131087662577377	had:0.04747159828185608	:0.01
the:0.7914397788474241	this:0.0460371685235588	tho:0.03060771930439602	American:0.023111766693071384	of:0.022504624182486034	Mississippi:0.020666736361248054	<s>:0.019343658225791628	York:0.018186378789562196	States:0.018102169072461493	:0.01
went:0.15346380362740233	made:0.13638640620639567	taken:0.13546337047865747	came:0.13307667634673748	it:0.1064080582910076	come:0.09612208509579995	put:0.08493417572777472	brought:0.07807843290193676	and:0.06606699132428814	:0.01
of:0.6115223943099493	in:0.18348886721091834	the:0.05477295432096582	In:0.03590459584658581	and:0.03203536319921714	for:0.02486457534985062	that:0.023791900134160437	or:0.01185446486577806	by:0.011764884762574462	:0.01
and:0.14072035149837744	able:0.12391264501324507	enough:0.12160921525026529	is:0.1177979612119986	necessary:0.1097692051266795	him:0.10728297805906592	not:0.09472503808621861	right:0.09070493598250985	me:0.08347766977163973	:0.01
the:0.23413156550935724	of:0.17624732075193306	in:0.13964053145557292	a:0.13866617787361085	and:0.09024369976382254	by:0.05931795624909808	from:0.05894397277238735	their:0.04798212308463411	his:0.044826652539583935	:0.01
the:0.34170127421390223	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093987	to:0.07847171568184984	in:0.05339647102682973	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
of:0.23300761733788236	in:0.16241038392467472	the:0.14795970454701887	and:0.12303000067861414	at:0.11497060976152605	to:0.05939485357016231	<s>:0.05332205363603893	In:0.049377446557879824	a:0.04652732998620274	:0.01
be:0.2005461200486136	was:0.1907418170973874	he:0.13156564531849527	and:0.1161247042170254	I:0.10831595024122792	is:0.0846907290510173	been:0.058320002972680286	they:0.05064273752045304	have:0.0490522935330998	:0.01
and:0.37398785440151966	to:0.115275022437456	so:0.09015406622303003	fact:0.08985424816204358	say:0.07514000203925258	know:0.06763542728723891	of:0.06124242316638864	but:0.06004752329270328	than:0.056663432990367274	:0.01
and:0.22178670675441584	of:0.16289670249670699	the:0.1453416635544658	in:0.12585711805149238	a:0.10206766410063708	to:0.08165763724134158	for:0.05429134056640786	that:0.05114381768681299	an:0.04495734954771937	:0.01
in:0.25751935785666946	to:0.21588405092208485	of:0.15485163874384575	on:0.10890075314778562	In:0.07348963199475772	at:0.07073647253888364	with:0.0385377792852647	and:0.0363676629325743	from:0.03371265257813402	:0.01
part:0.21496902104278676	one:0.2091236923398804	some:0.12867331343811733	out:0.10573031168796258	members:0.0761860450243411	and:0.06636584999188522	tion:0.06479865598258486	portion:0.062262355322562794	side:0.061890755169878825	:0.01
the:0.597878662327278	of:0.06180732308576595	American:0.056546848829181616	many:0.051508769763478866	our:0.050632658848094786	The:0.0502674367584051	young:0.04835598321246723	a:0.04151442431160872	colored:0.031487892863719814	:0.01
of:0.3851725118885951	and:0.1985284491402263	the:0.14057683058469217	that:0.056462206496629586	in:0.04785897894376095	as:0.04467684917013073	for:0.04059909984649973	or:0.039317953432898047	The:0.03680712049656748	:0.01
the:0.37573850849684676	of:0.1875913053673063	and:0.14417153945796143	to:0.06975804520274409	in:0.060477784696981285	a:0.04712564409336357	at:0.0453870548294848	or:0.03207218710821347	.:0.02767793074709821	:0.01
the:0.3308162184315037	of:0.16966964773089074	to:0.10704039964657877	and:0.1066855104447833	a:0.09940308099005661	in:0.0552553658632571	be:0.04380313950800813	his:0.041741170514524625	is:0.035585466870397105	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
be:0.2889919803164346	debt:0.22070514308781236	been:0.1038219898492564	and:0.09961116637999305	was:0.077772378149265	were:0.0523902063959151	is:0.05223861587472518	are:0.048946054682181335	he:0.0455224652644168	:0.01
and:0.26905798939008185	heirs:0.11687412789778392	was:0.11540143522084703	proceeding:0.10961617001167676	that:0.09573458676988196	held:0.07607115781283656	as:0.07347844632898146	sold:0.06828922319432404	closing:0.06547686337358644	:0.01
and:0.353436235005758	was:0.11894428800860542	to:0.11640873806574291	is:0.09535468391409782	are:0.06298299552008642	not:0.06147133259713754	had:0.06132035710761895	that:0.06034316984918037	of:0.059738199931772644	:0.01
and:0.24354805403521454	as:0.15690527802913026	up:0.10296734321529095	it:0.09647376793670022	addition:0.09422686599691246	according:0.08116819529026179	them:0.07910602684310672	him:0.0685702474069357	entitled:0.06703422124644734	:0.01
that:0.4248767727810631	and:0.2169616908452784	but:0.07728732858024093	if:0.05209935182685943	when:0.05161873506627446	where:0.04967867968515334	which:0.04575344605788949	as:0.04246567968724792	Then:0.029258315469992895	:0.01
and:0.33619729087320405	demand:0.128494059577266	made:0.08831425341828669	vote:0.08621435573552065	provided:0.07692341415961683	provide:0.07274763785088896	necessary:0.07135992415160904	reason:0.06601189773979796	ready:0.06373716649380977	:0.01
give:0.23570605915335247	gave:0.2025545449673658	to:0.18597120078177773	with:0.09553426843664586	for:0.07885881652191003	make:0.06935938873768362	made:0.04236356755546103	told:0.04190680651674966	by:0.037745347329053686	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
W.:0.15655084291013258	J.:0.1312627289216617	.:0.12056460401241753	A.:0.1101769879459065	Mrs.:0.10967031596348971	Mr.:0.10797213630431063	C.:0.09533525866594718	M.:0.08613529179773455	John:0.07233183347839946	:0.01
of:0.31666988370102167	to:0.14184878151269795	that:0.13321958129343778	in:0.08940399305007286	and:0.07991109416274988	on:0.06624495395025655	at:0.06376061442955977	for:0.052473238164963805	is:0.04646785973523961	:0.01
of:0.2645381380437634	the:0.24624491121432476	and:0.17069401695745104	to:0.08146657829350491	a:0.0742779289959568	for:0.0408316416232516	at:0.04030455112587504	or:0.03835610939527797	in:0.033286124350594644	:0.01
the:0.3929008736614652	of:0.22408205824789956	The:0.14327173810604052	that:0.056026059511701774	in:0.04262262000138632	and:0.04148275450319187	a:0.032621272949112615	such:0.028673489920713106	an:0.02831913309848891	:0.01
and:0.42996504518928474	so:0.11585445759176433	fact:0.09309441273830814	to:0.0890374771836456	is:0.057836815061657075	of:0.0555375842840847	do:0.054181191771759105	say:0.047663732540509124	than:0.0468292836389872	:0.01
and:0.26693600506383824	to:0.19083270467752667	the:0.14752451001999695	of:0.11671418884761661	in:0.07110961318209995	that:0.06266372338204146	or:0.04951727861009428	a:0.04274108016123478	an:0.041960896055551096	:0.01
a:0.19695323005005635	the:0.16816913302810174	of:0.14822321855124104	and:0.13939369829278436	to:0.08838261293154281	in:0.07993288548178434	for:0.07847983990188921	that:0.05177581610431105	by:0.038689565658289064	:0.01
has:0.40648402638084496	had:0.3068390169791535	have:0.21902083529806418	lias:0.013789957518499344	is:0.012062252574657362	could:0.00906287064719844	it:0.008526968395247482	was:0.007563569168611839	bad:0.006650503037722821	:0.01
.:0.17921948508185798	the:0.17865536667754414	and:0.13285770609564274	of:0.12271096677171323	to:0.09259271484416082	Mr.:0.07334077357026118	Mrs.:0.07282868314789698	Miss:0.07266232258346225	a:0.06513198122746063	:0.01
the:0.49355302599804124	and:0.136829015332788	any:0.07051760369869214	of:0.06520766070292479	no:0.06021256182678561	that:0.046497013032572504	a:0.04309407439685172	to:0.03837731178877429	this:0.035711733222569625	:0.01
the:0.2670123284680612	a:0.18116684148308268	and:0.15913419604555173	of:0.13930591650627044	to:0.08299934887262266	is:0.045741166736001475	are:0.0396118296054852	or:0.03941114569020688	in:0.03561722659271759	:0.01
<s>:0.3077760022513465	it.:0.13091863901509943	that:0.11932510108681374	him.:0.10819509881306065	and:0.09251668246129488	them.:0.06990089447252769	years.:0.06340352221402215	time.:0.04981760595411786	her.:0.04814645373171723	:0.01
the:0.5352556739853958	a:0.12965588005661263	and:0.1053972623919864	of:0.060734270225357684	to:0.040232498747809244	in:0.03561802376212713	The:0.03249994111049119	tho:0.028060169044888936	or:0.022546280675331067	:0.01
the:0.4113130048500798	of:0.15740638429839654	and:0.13234400762777854	a:0.07845128853204272	at:0.0555560457591336	to:0.049486190863836925	The:0.042683195346797	in:0.03315106547040643	tho:0.029608817251528276	:0.01
he:0.2322016336984786	it:0.16690752230823713	they:0.10660387704011781	that:0.09287466004315889	I:0.08912921800163373	and:0.08103075734170173	It:0.07721091712064736	who:0.07471575464609438	which:0.06932565979993036	:0.01
and:0.23339211020080516	the:0.2291889832236217	of:0.16867434046767293	to:0.08741516158313253	a:0.059994792999995245	he:0.05927637953064081	which:0.0556388482419628	that:0.049002011568879886	be:0.047417372183289085	:0.01
the:0.36652950927581524	such:0.17822848915327072	said:0.1031019437913502	no:0.08649733730130287	this:0.06878721669937474	that:0.058142301777103146	and:0.05259382052549014	any:0.04171676066265999	The:0.034402620813633066	:0.01
to:0.23084164089153653	the:0.19599676182946477	of:0.16555747408636154	and:0.15864168240412752	a:0.06474452365459166	in:0.05071236753640227	at:0.050063002462748356	for:0.03808870392664653	is:0.03535384320812078	:0.01
and:0.2969331951263288	to:0.2094693006758701	of:0.12977193473072346	the:0.1026692347991631	not:0.06863252547762862	or:0.049306017690063556	he:0.04894540023797159	have:0.043074726825502986	who:0.041197664436747695	:0.01
of:0.23494125166646215	in:0.19207618212564015	and:0.12752510366532088	with:0.10031893035677993	by:0.08299383959861664	on:0.07036856088557467	for:0.062063599987172646	to:0.061326292033304516	In:0.058386239681128264	:0.01
those:0.3332541418605557	and:0.126051581341736	men:0.1182772998339256	man:0.10266598822516057	all:0.08357832629755678	one:0.06691069160831004	people:0.06676521148116644	persons:0.04764630343925801	person:0.04485045591233094	:0.01
they:0.29995413666375603	there:0.12336587267808474	and:0.11314861125863299	who:0.10672175143008084	we:0.08393458953724556	which:0.08312392011761545	They:0.06637683112029098	There:0.05753183354417497	that:0.05584245365011848	:0.01
to:0.5030063077631871	the:0.09701083524723667	and:0.07869056994815402	in:0.0764095693023342	will:0.0681350775226935	a:0.0653800687326731	of:0.039960027995983576	would:0.03110212067183458	re-:0.030305422815903073	:0.01
of:0.22217746446276035	to:0.1508841308139507	in:0.12730141068773745	with:0.11919362262850901	for:0.10893020059994245	on:0.08689056648206668	and:0.06862924092126783	by:0.0661879241791989	from:0.039805439224566586	:0.01
the:0.6337331662659316	and:0.100385275269275	of:0.04502915812563193	in:0.0446265384225453	The:0.04052682497589725	tho:0.03890434100479111	a:0.0367021526749023	to:0.027326210880625385	on:0.022766332380400437	:0.01
the:0.3155550940156394	of:0.17283600545787453	and:0.0939117468598002	a:0.0879323626024393	to:0.0865512570009515	be:0.0774832779789609	in:0.05262623137175104	his:0.052024488566849304	was:0.05107953614573394	:0.01
the:0.36435220783409394	of:0.2520309680535179	and:0.11201428937613434	a:0.06424798731907942	for:0.05307906574277134	to:0.044495570901665824	at:0.03587141554366359	by:0.03317069362337235	<s>:0.030737801605701304	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
of:0.325931705642055	the:0.3089125032417568	in:0.16730272613949604	In:0.06084950683025234	and:0.03705931491752949	for:0.025829601414038228	to:0.023530254866934604	at:0.021063171388690197	The:0.019521215559247393	:0.01
they:0.223138823923437	there:0.15104994100433458	we:0.12471039120081229	who:0.11432504128069726	you:0.09118664827607413	which:0.08160497270209015	and:0.06997468120732417	There:0.0680839413712158	that:0.06592555903401448	:0.01
the:0.30882721106827404	of:0.2584621796539868	a:0.11238144286400573	this:0.0890196909406041	civil:0.07672713423699773	for:0.04984885091931719	in:0.04827608357074159	from:0.023349969263107503	to:0.023107437482965388	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
and:0.4039591549359863	was:0.28622290625484315	is:0.09370824249486435	He:0.07888071709094963	were:0.043895950048571566	are:0.03252187423043112	he:0.02193604050364857	be:0.014780720681557146	I:0.014094393759148036	:0.01
the:0.28957402903951135	of:0.1737350618512566	and:0.16506367628021848	to:0.10360219768344173	a:0.09228084386837632	in:0.05523044511486752	at:0.04724247957281733	or:0.036136735864220254	The:0.02713453072529045	:0.01
hundred:0.1631051995366529	;:0.13365936507111423	him:0.11732615948902901	one:0.10942603140040551	feet:0.1079334711744123	up:0.10029179877010728	mile:0.09005038552425722	feet,:0.08590382326179402	time:0.08230376577222771	:0.01
the:0.37680513217923667	a:0.22237610278306205	of:0.12173761224710833	and:0.07121976612173277	The:0.05931923894989866	to:0.04212380242120947	an:0.0414962505961621	his:0.029444539093640285	A:0.025477555607949738	:0.01
the:0.31228226693270494	and:0.16944824565144906	of:0.15937776059794195	an:0.08688012530425045	in:0.0637312714237423	to:0.0590273458057071	that:0.05186549846684027	for:0.04746469288161879	<s>:0.0399227929357452	:0.01
has:0.3499535929898403	have:0.28758937821775876	had:0.2093298076385534	not:0.04817168082061808	having:0.031111785587495246	bad:0.018614968640569874	lias:0.017155950656620216	never:0.016514907761902623	ever:0.011557927686641456	:0.01
and:0.20374376759586066	of:0.1799473182449163	it:0.12057252071308991	do:0.10393448480897638	by:0.0842189824392741	for:0.07833486229722485	be:0.07541730055238505	was:0.07496381316472893	he:0.06886695018354376	:0.01
and:0.2900564289119661	to:0.26058835113860934	of:0.09692745352180075	the:0.0782914647072419	he:0.07523693972166286	be:0.056113055762131166	who:0.04749816044579654	in:0.04632202482901353	I:0.0389661209617776	:0.01
more:0.15875904832059265	two:0.15711157870207806	day:0.15228546700521056	one:0.10535782580309344	on:0.10221115696690729	three:0.07997021539932848	ten:0.07980678907139259	state:0.07968415999015566	lot:0.07481375874124122	:0.01
the:0.5176699375767988	a:0.27047479997714946	The:0.06918752155217872	and:0.04716093201003503	very:0.025696163316792052	tho:0.0247360391489162	of:0.015365910290229478	be:0.009913524141790399	no:0.009795171986109777	:0.01
of:0.2889346246961594	to:0.13187293293942207	in:0.12240733800154514	and:0.11765182258668863	that:0.10671073381619826	for:0.08891260586867629	with:0.04963892623381642	by:0.04902437341753351	In:0.03484664243996028	:0.01
of:0.27758236549493237	in:0.14015884515621155	with:0.12158268163684098	is:0.09897663119884045	to:0.08864696712774393	and:0.07963801328291438	for:0.0760651003587999	was:0.059050824946662014	by:0.04829857079705433	:0.01
the:0.35910749238704387	a:0.18505636962281824	at:0.11325821497845277	and:0.10946968949700601	of:0.06564304838258053	in:0.05829795607695117	to:0.049128697232282616	an:0.02664624876441452	for:0.023392283058450425	:0.01
the:0.4157623543713571	to:0.15620543113624577	his:0.11643838419165373	their:0.07286764253023024	of:0.0615156132888812	in:0.05520253636214702	a:0.05249775972770642	at:0.030228495371052377	and:0.029281783020725944	:0.01
and:0.24715944158911993	depend:0.10115542297585237	based:0.10085046174861782	placed:0.09929781518962863	depends:0.09865819847804204	called:0.09672811564313881	down:0.08601932662424668	made:0.08525060516232964	effect:0.07488061258902408	:0.01
is:0.14718928262907083	of:0.13170794563777122	in:0.12710192051385508	as:0.11924413591454287	at:0.10474715147360843	was:0.0968921422569932	to:0.09259485070428967	with:0.08706151471365696	and:0.08346105615621169	:0.01
that:0.2289429816291613	and:0.18389959895169813	which:0.14233538044387994	when:0.10658309596613337	as:0.09538865855949216	to:0.09182559855047094	if:0.04809103819452874	will:0.04780503333124627	but:0.045128614373389185	:0.01
time:0.1552086151872546	it:0.13595801910082134	up:0.12480536320750096	him:0.11223428636581699	lying:0.10677672672005975	day:0.09325959433300715	;:0.09158530705558501	dollars:0.08900568955407191	it,:0.08116639847588235	:0.01
he:0.38763089554857316	He:0.16306862777878647	who:0.0904035885192003	one:0.07693586732826871	it:0.07040776338451295	she:0.05981485657925604	I:0.05726876368170902	everybody:0.04834320270249928	It:0.03612643447719403	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
and:0.21827711254745666	of:0.1931978875154339	to:0.17665008869864662	the:0.16994646978928893	in:0.06444941775861938	or:0.04577135576859086	be:0.04393324812225754	a:0.04079975831705609	was:0.03697466148264985	:0.01
and:0.21393118168975353	was:0.17108337468538684	are:0.15158405984903822	is:0.138088794600852	were:0.08013490791880258	be:0.07236224295920221	been:0.06574638203862893	that:0.053636920013442904	it:0.0434321362448928	:0.01
and:0.2634406048823141	resale:0.15204999470813008	was:0.11634558573748467	is:0.09185667312709242	that:0.08478174504295354	inserted:0.08286456950804667	be:0.06920606682123416	it:0.06538422921613014	but:0.0640705309566142	:0.01
Secretary:0.23483671422546187	out:0.1340301984529934	state:0.13132868121475524	city:0.10282377214190554	State:0.09726180151235433	line:0.07769654724913781	City:0.07150008559620788	number:0.07094474097371897	day:0.069577458633465	:0.01
of:0.35770820924663677	to:0.1483776838352247	in:0.09042126316633718	for:0.08708914697557243	and:0.08461198017368167	by:0.06531094350216049	with:0.06328302752311861	that:0.05998994091644453	from:0.03320780466082363	:0.01
per:0.919920426661364	re-:0.01946488480009797	one:0.01260699117340449	a:0.011893272757537491	por:0.006236709209635303	re¬:0.005706683205617317	ten:0.0055701385003058485	the:0.004716982201268064	six:0.0038839114907694323	:0.01
to:0.6486717817241454	and:0.12839542336477883	will:0.056892150743772386	not:0.04498155869221459	at:0.04055117724015068	would:0.01862989244155051	the:0.017931794226870742	a:0.01780951787713103	they:0.016136703689386012	:0.01
it:0.190987388994433	that:0.14858923717751651	he:0.11861159650347006	they:0.1166849364423624	which:0.11311474604325061	I:0.08874370294804595	there:0.08838217498361485	and:0.06616777705533793	It:0.0587184398519687	:0.01
and:0.2581115467593037	he:0.25376347842691604	He:0.1201104626949756	I:0.08143874752544172	it:0.07589601636927597	she:0.060120277808719313	which:0.05020184573637136	It:0.04570215304402376	that:0.04465547163497254	:0.01
<s>:0.24728533594793461	and:0.20253763753382342	made:0.09886150757415757	was:0.09538551140811591	recorded:0.0792324387642515	that:0.07572633810967984	be:0.06754695020072057	is:0.06282737303055096	o'clock:0.06059690743076548	:0.01
and:0.1476016109199224	as:0.14569173689273973	order:0.1314117946957403	able:0.12120725674721548	is:0.10407782949177483	enough:0.09876455927868695	necessary:0.09161731969558631	him:0.07824790662161216	was:0.07137998565672181	:0.01
and:0.2500608016779212	wait:0.14195551901140657	them:0.09764003780343256	there:0.0920464199633956	up:0.0904715313928586	retained:0.0821833298238666	continued:0.08148892688697039	him:0.07838089508626145	not:0.07577253835388696	:0.01
of:0.41681937331576485	to:0.1263253782575961	for:0.0828289246397539	in:0.0808788032108366	and:0.06874613565678322	by:0.06871089360617309	that:0.056705934512968334	with:0.055658259024311305	from:0.03332629777581253	:0.01
to:0.5177661088746989	in:0.09364242188932699	a:0.08943679685717137	the:0.08443268363371724	and:0.07428101510285746	of:0.06753321537590538	In:0.025627052255265074	not:0.01903150757047223	this:0.01824919844058519	:0.01
the:0.2190300178320175	and:0.17371305390027078	of:0.14163243329731337	be:0.09365136417820062	to:0.09067955192171696	in:0.07371460703854864	a:0.0707011955568166	was:0.06966019363004264	or:0.05721758264507289	:0.01
sum:0.18676829411122214	number:0.1566486321513545	line:0.11140081741272478	city:0.10844765106291132	out:0.10739005474369737	day:0.09286734076326106	county:0.08286139477536687	amount:0.07384405151900511	Board:0.06977176346045691	:0.01
he:0.3211659203675496	He:0.2767626675333912	who:0.10728960193656309	she:0.06063937775305322	It:0.05553238592760242	and:0.05455249440793107	I:0.04987085902805162	it:0.03678747467361292	She:0.027399218372244908	:0.01
to:0.35083762051871725	will:0.1777276398378368	would:0.09863797290910961	may:0.08736819943812558	should:0.06979164687271439	not:0.054519079525982235	can:0.05287801277839239	shall:0.05184209509888355	must:0.046397733020238134	:0.01
and:0.3275104564358446	but:0.1819241171910792	that:0.17398115400356717	as:0.06178712449843094	time:0.053000042437086795	But:0.05294396992736472	and,:0.052580102776453176	that,:0.04330814923404952	which,:0.042964883496123825	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.04553578393787439	of:0.03051332981678091	tbe:0.02261446403444868	in:0.021612439669724332	or:0.020196218295911488	:0.01
the:0.3264980278642011	to:0.17422099511365743	and:0.12254678917113908	a:0.11293949410053393	of:0.10595868155741502	this:0.055439605914711886	that:0.03930763968969402	one:0.027518866049078515	as:0.025569900539568983	:0.01
the:0.21501311870910184	of:0.16165339655836367	and:0.14687667518623362	to:0.09112534414427517	be:0.0863889195744512	was:0.085258270847408	his:0.07755827435338997	a:0.07070275961721886	is:0.055423241009557526	:0.01
of:0.32708904764381214	in:0.2732496979970312	to:0.06787992770259284	for:0.062252083716266594	by:0.05620308861102228	on:0.05599412105716458	and:0.05541883555833023	with:0.04935603611831036	that:0.04255716159546973	:0.01
of:0.31491611802736	and:0.165364466054305	to:0.11252692935413487	in:0.10636189313698431	that:0.07686035122460319	for:0.0758241165508275	with:0.0678519244579867	by:0.03833068973265236	from:0.03196351146114609	:0.01
and:0.2962094766704313	to:0.23634985382622073	of:0.09130877569252484	the:0.08860921924252237	in:0.07308934636002466	he:0.06448108915535593	I:0.05232062087953822	would:0.04675221886701073	had:0.04087939930637115	:0.01
the:0.26298758465011285	and:0.23992024830699774	of:0.12666579006772008	to:0.10140741534988712	in:0.08186589729119638	a:0.046940835214446947	for:0.04430974322799097	as:0.04313494920993227	that:0.04276753668171557	:0.01
he:0.2123697658464264	who:0.15091908100628376	which:0.13423069933853984	they:0.11142265066260212	it:0.10310378443593027	that:0.08782466281035547	I:0.0712737738819633	there:0.06045635920866449	she:0.05839922280923447	:0.01
and:0.32311634278934415	him:0.09870937808207803	application:0.09552818008284922	was:0.09108249895321116	it:0.08441184299744427	up:0.0823457224263069	made:0.07437354501364975	out:0.07128361632793441	time:0.06914887332718232	:0.01
of:0.2691367067271336	and:0.16852322501007622	in:0.11978612081773768	on:0.107099623787651	for:0.0879638661153442	to:0.07760916332610819	that:0.07457339097478333	with:0.05399274619951108	or:0.03131515704165463	:0.01
the:0.2546313750174671	of:0.22451719754892058	and:0.2227321473365896	to:0.09611055457508319	as:0.04380905710791078	a:0.042822887755813645	be:0.03873950067265366	in:0.03460110969821638	was:0.03203617028734499	:0.01
his:0.3942776997178688	her:0.24622435055241726	the:0.09442563126112818	a:0.06284603018933782	and:0.06261027702771373	my:0.05147274098461504	their:0.027067314581610206	bis:0.026794714061033054	your:0.024281241624275692	:0.01
the:0.26550312194585707	and:0.1450232493448376	a:0.12671218166184436	of:0.11817369077437201	be:0.08618146888746489	in:0.06994387033864476	to:0.06814316991788182	was:0.05968115913219389	is:0.050638087996903725	:0.01
be:0.32907701941070805	was:0.21920407550200716	been:0.08740845855681854	were:0.08347148980946031	is:0.07267397441341915	and:0.05926460188887267	he:0.051969532002449866	are:0.045822248731533996	I:0.04110859968473019	:0.01
the:0.6443968448178707	The:0.059325479962992506	of:0.05328197422419919	a:0.05290788779302476	national:0.04386129692408027	said:0.03799577131209925	and:0.03678449505641008	tho:0.0340693880478185	our:0.027376861861504585	:0.01
;:0.26982423479029183	in:0.12421921415382325	it,:0.10091353863499242	up:0.08870569427543677	and:0.08567578122410209	him:0.08386884354588749	,:0.080572458917477	them,:0.07957011286843133	him,:0.07665012158955792	:0.01
away:0.19041587022310327	and:0.16519107313931605	taken:0.13090618369387813	miles:0.11772895341262953	feet:0.10551786830952455	come:0.07393483029145144	them:0.07169234007196142	out:0.06832721446888708	came:0.06628566638924843	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
the:0.23741050164724234	of:0.1510384809189664	and:0.1436439959566714	to:0.14131229231086176	in:0.12100263766684854	that:0.05647336064937332	In:0.04819650576576991	on:0.046051858848527374	was:0.04487036623573921	:0.01
and:0.2856169012721303	to:0.18692045385960673	the:0.09775440933890518	of:0.09496705331980802	con-:0.07327995322246088	re-:0.068197515056845	that:0.06699404774274713	or:0.06380515870951274	which:0.0524645074779841	:0.01
to:0.20853387934246198	of:0.18951504669950905	an:0.13337849899918114	in:0.11879725113153919	the:0.11605778121937466	his:0.07596814260876676	a:0.07153760674493599	In:0.03819111108361347	and:0.03802068217061777	:0.01
of:0.3373250044362194	a:0.25338841548279495	in:0.11105673681111139	the:0.07168122282518602	with:0.05942062740716557	and:0.051732925876367235	for:0.049955768612636724	to:0.03269130083717983	make:0.022747997711338678	:0.01
J:0.21015644969395167	.:0.18382028648293403	W:0.13709082582033905	A:0.1321096987915477	and:0.09548233609901083	E:0.06819865530285779	Mrs.:0.0568006574340635	Mrs:0.05418028822917929	W.:0.052160802146116195	:0.01
<s>:0.4847461794472122	it.:0.1341088539641333	them.:0.08385988199800068	country.:0.05434523729128603	time.:0.05347833366620369	year.:0.0487670446062396	him.:0.046936692498190546	day.:0.04509900670525872	years.:0.038658769823475075	:0.01
of:0.2523558492351206	and:0.16928746430123878	in:0.12483596792384387	with:0.10151053519944808	to:0.09883079762593784	for:0.07479873152811378	that:0.06518170357774511	by:0.053846178297207004	at:0.04935277231134485	:0.01
the:0.3488881507126581	of:0.1413547893567562	his:0.11354814261651447	and:0.10235993143080234	to:0.06019430231416082	for:0.060163951012481495	an:0.058466078762894495	all:0.05722811594364529	a:0.04779653785008697	:0.01
that:0.32943087410467603	as:0.15324490603031204	which:0.1337712537162838	and:0.12314626264849338	if:0.06773353770831947	but:0.056451991825241764	what:0.051581783517972817	because:0.03863810312508326	when:0.036001287323617445	:0.01
the:0.32396672728173	a:0.16284640314007817	of:0.1365968896602323	and:0.09284166190969101	in:0.08361383682028933	to:0.06739840211934249	an:0.053036457848759905	that:0.03616099910494481	by:0.03353862211493209	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
and:0.3784359872654388	him:0.0945658395636742	but:0.08511066741165517	reason:0.08212673720014511	asked:0.0803075173963207	or:0.06873933064636312	them:0.06865985676984579	it:0.06626182536291327	pay:0.06579223838364384	:0.01
in:0.5757398704455129	In:0.15098607067936892	of:0.053321284251669335	without:0.049924613518185584	to:0.03715130576747942	and:0.03617470566360262	from:0.03534003846028924	with:0.03439746833654752	not:0.01696464287734449	:0.01
will:0.271652670684402	to:0.2230987931235231	would:0.16096093381819349	should:0.07617212912472293	shall:0.07567030736362462	may:0.06231357918139417	not:0.05459330313923019	must:0.034421862499769806	can:0.031116421065139652	:0.01
the:0.2932814145489466	a:0.19859611366404786	and:0.12002089727311983	of:0.10812473108230913	for:0.06944725249582687	in:0.0641768477819527	to:0.05668844636791936	an:0.043124108897969186	The:0.03654018788790853	:0.01
a:0.36446097790676274	the:0.3101820162123403	to:0.09656430593488481	and:0.06808567270478814	as:0.03880586126696389	very:0.03503225819502864	The:0.027293430157902556	of:0.026739182242784015	so:0.022836295378544553	:0.01
a:0.3189230475893541	the:0.16107072125653005	of:0.11844188418102779	and:0.09232332301087487	his:0.06552239488747776	in:0.06545845027815435	to:0.06424856819703631	that:0.05609190174039459	I:0.047919708859150485	:0.01
be:0.26135724308436736	was:0.16013952240670967	have:0.10960430864347744	has:0.09806862880877963	been:0.08702116485487632	had:0.08144224492469346	is:0.08102431665915846	a:0.05808640323802796	are:0.05325616737990958	:0.01
the:0.3439865230932211	and:0.1458854115074425	of:0.1341109670607927	a:0.07863993025420293	be:0.06536689997372996	was:0.060997355245292144	to:0.05804495461843788	in:0.053438608970661036	is:0.04952934927621986	:0.01
the:0.35468862277262014	of:0.10981589215745215	and:0.10344790998847032	an:0.08656519083341879	have:0.08067500993778616	The:0.06827918951893631	their:0.06698719119548348	his:0.06579475445483512	be:0.05374623914099769	:0.01
and:0.3359723945695815	fact:0.1316189254902583	said:0.1066744964356081	so:0.08713045707286647	is:0.07379644658727266	say:0.06578006710118527	was:0.06486039920086528	him:0.06351804887687972	found:0.060648764665482496	:0.01
his:0.2805017924642567	her:0.16748457273358963	their:0.1592755738882358	the:0.12192133181799668	our:0.07625765310066376	my:0.06181872916025514	a:0.059618121106319	your:0.03414407009190044	or:0.028978155636782885	:0.01
and:0.3498291916416473	is:0.17139349256221306	was:0.14578056088813515	but:0.09183943748980654	are:0.07274393635657897	He:0.05333041271373907	were:0.050647405236676095	has:0.03125346912178747	will:0.023182093989416452	:0.01
due:0.17000058877254792	in:0.1562863953699291	costs:0.13825312956909394	land:0.106942652996951	life:0.08893574982867124	power:0.08754682779425604	;:0.08341954438319849	time:0.08076799481029652	States:0.07784711647505571	:0.01
filled:0.22226362353547638	and:0.20874790130255827	covered:0.11604343578112275	together:0.09725907236794049	charged:0.0837010547882152	up:0.07638978347485154	in:0.06848752447380968	them:0.06148304815559452	it:0.05562455612043131	:0.01
of:0.1913046376782208	and:0.18202609416294607	the:0.16756123745623608	to:0.10044429710225533	a:0.09372073103956836	in:0.07330459909817673	<s>:0.06550722009661952	I:0.060248811998519794	1:0.05588237136745726	:0.01
the:0.3769056850373054	of:0.20896427800799205	a:0.12023311617098979	in:0.08164515286698855	by:0.048844015293449616	at:0.04676588115094426	for:0.044958164142050006	and:0.03478885194958528	his:0.026894855380694988	:0.01
the:0.3762318171392101	and:0.15576842819659875	a:0.12803408907287187	of:0.09818430037828407	in:0.06717673233107656	to:0.06648813611466078	be:0.0375441274595558	at:0.0322520286445234	or:0.028320340663218715	:0.01
the:0.4226402496772882	a:0.17288606264754328	of:0.146589427390797	to:0.07916988794753194	and:0.052188877396124975	with:0.03958498618599116	for:0.0322654285494121	tho:0.02256137138612065	on:0.0221137088191907	:0.01
that:0.22343572774328035	and:0.1861104254524806	by:0.14514760974134405	to:0.13631066529413774	of:0.1216208900908615	said:0.05082523355430753	<s>:0.048392307954857446	with:0.04024740370414216	as:0.037909736464588895	:0.01
of:0.37708313170102586	to:0.2099704508410261	by:0.07691459287638346	that:0.07492732437062806	and:0.06280671014885385	with:0.05669819086859721	in:0.05285029385369185	from:0.04115970575878995	for:0.03758959958100362	:0.01
the:0.34170127421390223	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093987	to:0.07847171568184984	in:0.05339647102682973	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
time:0.19980617221917843	in:0.1691817801706231	up:0.09936426056837881	right:0.09822803768624536	good:0.09705749898074056	out:0.08843593286488087	hundred:0.08324128756167903	dull:0.07870065633094468	on:0.07598437361732922	:0.01
in:0.1988473509166404	of:0.1915174884826546	for:0.14647845964854722	to:0.10595812897837943	at:0.09998126243165789	with:0.07353454606241218	and:0.06670559939330972	In:0.05655667713091854	such:0.05042048695547996	:0.01
;:0.18300319277613822	in:0.18257629932383765	,:0.11232142205472152	him:0.10268976228377967	up:0.09423688024337111	it:0.08876919098604624	.:0.07847133337971973	one:0.07447020261740504	hundred:0.07346171633498079	:0.01
he:0.20508252698550608	and:0.2041892752429233	be:0.1218246259535954	who:0.111594277711864	it:0.0881891213982984	I:0.07252629844343181	He:0.06892263448730795	she:0.06074896823104908	they:0.056922271546024035	:0.01
came:0.1523191604179997	made:0.15036812380465045	put:0.1454353232249268	taken:0.1228316029596745	set:0.09174857814565936	picked:0.0885591969834508	went:0.08542802692168527	it:0.07753339866851136	come:0.07577658887344162	:0.01
was:0.1796676456626153	be:0.1437676510846997	have:0.12996989404574558	been:0.11417836159459245	had:0.1108687483700173	he:0.10998570347242906	and:0.0812745298711101	has:0.06176976755373613	were:0.05851769834505451	:0.01
Resolved,:0.3699367432040666	enacted,:0.17179762260417897	enacted.:0.10528155102087354	<s>:0.09569543607985591	Provided,:0.06384724749359436	2.:0.06160552924613037	1.:0.050878695918104705	4.:0.0386072267049102	it.:0.03234994772828539	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
of:0.2540322983846161	in:0.23709189921498114	on:0.11622995310491589	and:0.0892984826723624	at:0.08119847910115355	In:0.05843710602532999	with:0.05838952208038395	is:0.047784556798861344	was:0.047537702617395816	:0.01
this:0.3937779144686792	the:0.34458786180278894	said:0.10521676881225468	a:0.055215418011088674	York:0.024340821902217986	that:0.02194578098188477	tho:0.018225791992427205	of:0.014372334499195323	his:0.01231730752946325	:0.01
the:0.16938203582781092	a:0.13296620175446927	three:0.1293661425061454	thousand:0.1116149162877748	two:0.10424751891336563	six:0.09949892848516564	few:0.09122217076113383	several:0.07908689243693533	hundred:0.07261519302719922	:0.01
be:0.22688769533433342	been:0.20553910212022836	was:0.20249985798956224	were:0.09163446587884928	are:0.08518922653995209	is:0.06230278221764552	and:0.05610991770459988	resolution:0.030208611957893722	being:0.029628340256935542	:0.01
of:0.2978271839266243	for:0.166629757351961	half:0.12187841820566377	in:0.0944306025824541	and:0.0883908633634933	to:0.06172068665783434	as:0.057920626812837134	was:0.057456142352772445	is:0.04374571874635963	:0.01
the:0.35231796464983606	of:0.31461510364371936	in:0.07453742609748136	for:0.05112711608549238	by:0.047961683773220305	to:0.04352550545972874	and:0.03994028590136901	with:0.03341468556149377	from:0.032560228827658994	:0.01
number:0.31287439031481207	place:0.09970327142010625	line:0.09806502904278927	pounds:0.09378688582127291	bushels:0.09205268227085327	point:0.08745474324020625	full:0.07276209050657832	day:0.06706042465971501	means:0.0662404827236665	:0.01
of:0.16689876246059107	to:0.16598377726454497	in:0.14466538399021744	on:0.106614690031064	by:0.10094519340125462	and:0.09024129128291737	is:0.07854382990982336	for:0.07295511983706512	that:0.06315195182252219	:0.01
and:0.19009001366917608	the:0.18064764425829333	was:0.16515084504599592	are:0.09518170708055862	a:0.09419356802792762	were:0.07385707794787065	is:0.07288184367907832	by:0.059679889807419395	been:0.05831741048367997	:0.01
time:0.13064218374537684	up:0.12573595628147205	him:0.11330701295672524	him,:0.11054501382843579	it,:0.10942532644676572	;:0.10553097932343962	day:0.10256164346852442	years,:0.09614516788333727	night:0.09610671606592308	:0.01
it,:0.14655437048479533	;:0.14651261782270228	in:0.12799865390899787	him:0.11899667414945186	him,:0.10719169468918925	it:0.09551640005551054	me:0.08715278686365512	me,:0.08200452814831055	them,:0.07807227387738713	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
to:0.30596795450205916	I:0.147592968665063	we:0.11962875551364646	would:0.09761429041036043	they:0.09203459172734649	will:0.08388403432101543	who:0.050987229221689745	We:0.04671755826788209	you:0.04557261737093713	:0.01
the:0.2247411087430531	to:0.21163047591653375	and:0.16440436934190816	of:0.15232532812671112	in:0.07489615808393242	not:0.04572174599547667	I:0.03958829247081031	a:0.038496768896801856	or:0.03819575242477243	:0.01
the:0.34170127421390223	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093987	to:0.07847171568184984	in:0.05339647102682973	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
of:0.23817198602954937	and:0.23415746017761663	in:0.1159835339547378	to:0.10227189079610366	fact:0.07859923495468527	said:0.06648519540808896	on:0.0596758126790623	all:0.04959175794549596	is:0.045063128054659965	:0.01
the:0.25291993426548837	of:0.22614730499998045	in:0.21525723520323803	to:0.07644665803712171	In:0.054633659433317494	from:0.05169148925665085	and:0.039257132637253805	The:0.03842110928588036	for:0.03522547688106889	:0.01
the:0.702676665572805	a:0.08299081897799618	The:0.060259917474361754	and:0.04346419077480181	tho:0.03953983176414603	large:0.01822044012091093	tbe:0.017174942162671812	in:0.013800163871228371	first:0.011873029281078033	:0.01
hundred:0.38841378645436947	up:0.09123185635738856	men:0.08930224671194738	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.07306411117914521	him:0.0668423327581923	;:0.06651424040074755	due:0.06192290086804839	:0.01
and:0.18266578057190938	it:0.14673041733443457	he:0.1208449847050532	they:0.11168085764010535	you:0.09834880363908075	which:0.09822341114286422	I:0.08042463389924823	that:0.07988786818806527	It:0.07119324287923894	:0.01
and:0.2789677684723123	him:0.165339413698242	was:0.1122698083119081	man:0.096438896839694	it:0.09281578859421531	up:0.06562583647316446	that:0.0651909040662511	found:0.057174702346197044	made:0.05617688119801571	:0.01
the:0.34170127421390223	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093987	to:0.07847171568184984	in:0.05339647102682973	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
and:0.35315218645721114	that:0.11835483459355081	it:0.11534080442338009	found:0.07013930176251786	made:0.06891855340915605	is:0.06851004504571004	him:0.06692019640895633	was:0.06498994036132699	but:0.06367413753819048	:0.01
of:0.20482777277060715	the:0.19157469019980297	and:0.1572133167841724	to:0.1549827058826635	a:0.0793226408414419	be:0.06258366802827799	was:0.05125038664443885	or:0.0473362165644865	is:0.04090860228410865	:0.01
hundred:0.1631051995366529	;:0.13365936507111423	him:0.11732615948902901	one:0.10942603140040551	feet:0.1079334711744123	up:0.10029179877010728	mile:0.09005038552425722	feet,:0.08590382326179402	time:0.08230376577222771	:0.01
and:0.3079069995791492	of:0.15703359043111892	the:0.09695346957938132	be:0.08008775556196852	a:0.07801796281644581	in:0.06960382693033287	is:0.06885254681667446	was:0.06803906530008293	he:0.06350478298484587	:0.01
to:0.3548403184805539	will:0.13331680217893574	would:0.12122784519095127	we:0.08108199688603294	shall:0.06834708183527094	I:0.06540152298117492	and:0.05775184748696713	should:0.05448285904832424	not:0.053549725911788845	:0.01
the:0.25802489168648585	his:0.21968838579577513	her:0.11011416749601138	my:0.10898113689396408	The:0.08659804639932288	His:0.06828077716472944	My:0.06341509235461154	and:0.037449291180822956	of:0.037448211028276925	:0.01
an:0.40418182963888716	the:0.20890667826930912	to:0.1231363098310569	will:0.06286053468565116	a:0.05065725451105141	of:0.04388088561434644	and:0.037552930050739744	The:0.034377525410067444	An:0.024446051988890674	:0.01
that:0.2467757207376115	if:0.17303966932997314	as:0.13424327547427195	and:0.11704602122935766	when:0.10530066548883968	which:0.07835976454587448	but:0.056983511468384825	where:0.041169871179002095	If:0.037081500546684604	:0.01
the:0.6527331634610064	corporate:0.20122733690006098	tho:0.03881249879634909	The:0.028531133453428163	a:0.02263522899646332	tbe:0.015728509501875355	first:0.012623435606337078	porate:0.009325891112627624	present:0.008382802171851923	:0.01
sum:0.18676829411122214	number:0.1566486321513545	line:0.11140081741272478	city:0.10844765106291132	out:0.10739005474369737	day:0.09286734076326106	county:0.08286139477536687	amount:0.07384405151900511	Board:0.06977176346045691	:0.01
to:0.2620983149693371	and:0.19664402247129265	the:0.18720703494025467	of:0.14061051340842873	in:0.0675925481954826	a:0.03867755248806961	<s>:0.03389464108121401	not:0.032510411574388075	that:0.03076496087153255	:0.01
and:0.4499487317113604	that:0.17761565454107683	but:0.11074461812330363	time:0.08868371356291878	But:0.03795096165203054	ago,:0.0342015992638598	And:0.034136874849406904	me:0.030869751557148332	morning:0.025848094738894836	:0.01
hundred:0.309510995331569	hereditaments:0.1201541000821575	time:0.10507473122521944	dollars:0.08323057096269394	up:0.07664083936594931	men:0.07532533931102368	out:0.07469796584324143	interest:0.07273009168800573	made:0.07263536619014	:0.01
of:0.4123141369844136	to:0.10581462476797719	and:0.10449061363256326	that:0.09335401726106798	in:0.08158366223362018	all:0.05582872335151423	by:0.055008975049513596	for:0.04784624591518028	on:0.03375900080414965	:0.01
the:0.29910977601153316	esti-:0.1681902856653378	of:0.11550658478930254	a:0.10532077010702035	this:0.08058117427673166	inti-:0.06276419868756097	to:0.058925110311233896	any:0.052665609036373025	said:0.04693649111490666	:0.01
of:0.4307202305448517	in:0.13662663940814573	to:0.11609508575888126	and:0.06940172567006951	that:0.0668294997833501	on:0.04932268881168028	for:0.04382105725242179	with:0.04183246092021817	by:0.03535061185038161	:0.01
of:0.22106149384103646	and:0.17410065024354732	by:0.16793283668707462	to:0.15990058102147486	<s>:0.0656357252206312	the:0.06345433566091002	a:0.06046283037265945	from:0.038876281920594835	said:0.03857526503207123	:0.01
the:0.28865923124454435	of:0.20687542075598417	a:0.11749461914510358	to:0.11415910449325448	in:0.10935305850991252	and:0.059249318101282145	for:0.04303354184472689	on:0.028921939345004144	The:0.022253766560187606	:0.01
the:0.29092543674422183	a:0.18332282612787903	of:0.14428875362004923	and:0.09841057780662714	to:0.09143517129578366	in:0.06661611985078349	Mr.:0.0460087468446663	for:0.03483736931543325	The:0.03415499839455595	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
of:0.21002421797438417	is:0.12134026501651776	in:0.11305932376937368	to:0.1090302475241586	was:0.10573307653868706	and:0.09992951454917963	with:0.08532045025238195	as:0.07839193680703783	be:0.06717096756827927	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
of:0.22692185328012218	to:0.14003032186456293	with:0.12613689680315887	is:0.11254613251130308	and:0.0864403258706423	by:0.08223676661196123	in:0.07915159794019339	for:0.06839764657515254	was:0.06813845854290332	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
and:0.3339968210933674	not:0.16452499078931296	to:0.10484912575114955	wait:0.08852330015339838	on:0.0686251493780539	in:0.06567607780392061	up:0.05831199047467119	of:0.05819149403510506	that:0.04730105052102105	:0.01
the:0.5215899291799826	of:0.09709758729737951	in:0.07644740982342048	The:0.06162613163903939	or:0.05793441401384305	and:0.051911722152195215	for:0.042175955347866986	all:0.041782840676252576	tho:0.03943400987002027	:0.01
for:0.2542547524528295	or:0.16071420572958642	about:0.10728742964725758	past:0.09620536378566949	of:0.0905240419061189	last:0.08785650094199779	and:0.08521337895542277	the:0.06288080996406477	For:0.04506351661705262	:0.01
and:0.19467214046495235	the:0.17103266571026138	of:0.15520893330939814	thence:0.10485886581247716	No.:0.0786497224839194	.:0.07678705622421914	at:0.0766767987328939	to:0.07657680884492751	in:0.055537008416950966	:0.01
the:0.31349381971375556	a:0.24505374109639055	of:0.16766890774915022	and:0.10826599900765459	with:0.03913469396269003	The:0.03659617359577465	his:0.027601720967534	by:0.0272184895949332	in:0.024966454312117106	:0.01
of:0.4009291548833609	and:0.15787938785376307	that:0.13172800217994882	all:0.07571169675666412	by:0.063952110456705	to:0.046829009994771985	for:0.04340321118415379	with:0.03833859146391866	as:0.031228835226713603	:0.01
and:0.23508080358669198	was:0.1768586791425316	is:0.09953813720576171	be:0.09327310336320531	put:0.07973531934282714	are:0.07970109410373706	been:0.07949849798446341	came:0.07621526330691017	were:0.07009910196387162	:0.01
of:0.3490124854372051	and:0.1510237090476072	in:0.1404356922779485	that:0.1307424858986167	for:0.07626604288645794	to:0.04150143083430155	on:0.03682615937123135	but:0.03332805567381839	from:0.030863938572813214	:0.01
to:0.2733562148865034	will:0.1876827714080754	shall:0.1172093094640991	may:0.1075318057713447	should:0.09301321337593126	would:0.0762881326646077	must:0.0574206411904419	can:0.0425325012040699	not:0.0349654100349267	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
of:0.2599093666606724	in:0.20246974730303874	to:0.1574414157800414	for:0.10118248239172324	with:0.07036258043336965	and:0.06955049289156741	at:0.05166678100918307	by:0.039255065096251186	In:0.038162068434152985	:0.01
Mutual:0.48623114331185807	of:0.1620100817920424	the:0.129153779911534	<s>:0.06526163560365916	and:0.0464428221020776	at:0.03523962519714397	State:0.024894799686965313	a:0.02214796972401316	in:0.018618142670706436	:0.01
he:0.39153043781291336	I:0.16534888223314737	He:0.11999225618329018	and:0.09908397412231414	she:0.0653804585570924	It:0.05027968038667432	it:0.0442694004173343	which:0.027501707634310226	they:0.02661320265292375	:0.01
to:0.6324216708253344	will:0.0776022454192874	and:0.06044073929519214	would:0.05927656775404374	not:0.04016509537801408	they:0.03551512870596398	you:0.030276635668652744	I:0.02942712252664359	we:0.02487479442686806	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
in:0.42352803056437094	of:0.2558578303706809	In:0.09073148965270443	to:0.08269033720331627	for:0.05163698188284496	and:0.02417322873903242	by:0.02308793910398464	on:0.019647004395853672	from:0.0186471580872119	:0.01
.:0.23885881477763435	J.:0.1306414117633903	Mrs.:0.1208661860540267	W.:0.10940192464589403	D.:0.1015136782949876	A.:0.09543158754629696	C.:0.07153194255682507	S.:0.06641000266395872	Mr.:0.05534445169698624	:0.01
and:0.2308938757284612	to:0.17178883763977174	matter:0.1272860397589669	of:0.11899762385397776	know:0.08217505761560592	see:0.08068266174700073	is:0.061994429381202656	in:0.06182385159369869	or:0.05435762268131432	:0.01
miles:0.2477367311618191	and:0.12040443740605976	away:0.12032689652036754	feet:0.1069637734622755	down:0.09701659542233466	far:0.07898561028954794	him:0.07360310670578714	free:0.07312611534470222	up:0.0718367336871061	:0.01
of:0.3236422169458704	to:0.1571706490304156	in:0.1316667805232421	for:0.08146371590104422	that:0.07997859708419176	and:0.07035843170719411	by:0.058101407110516166	with:0.045043743529684536	is:0.04257445816784088	:0.01
the:0.3298927299907812	a:0.28757234196429815	of:0.14226738958186605	and:0.05524371915006145	in:0.0483185018750793	on:0.03538585396350588	to:0.03276983430927219	The:0.0321480105302586	that:0.026401618634877274	:0.01
the:0.5014032695207907	each:0.2800568519518405	any:0.08988941203855887	no:0.03631798001668547	of:0.01883832184536764	a:0.017764590382745533	an-:0.015945150038785758	an:0.015507985467238153	tho:0.014276438737987323	:0.01
and:0.19141795777657652	him:0.11458167999070706	right:0.1132001626660009	not:0.1095626049912002	is:0.10467511730223099	was:0.0973510048969161	as:0.09247449178331468	them:0.08518072682851308	do:0.08155625376454036	:0.01
It:0.4975008084375502	it:0.2181320230405068	which:0.06318627836977657	there:0.058503505912710405	that:0.04998544278183895	There:0.0335093463928405	he:0.028524610326075426	This:0.023116075407822973	what:0.017541909330878337	:0.01
I:0.22791771630559715	we:0.13569660988480176	who:0.13060973002967416	they:0.11652754126691303	would:0.11368785577522812	to:0.0942012455231101	We:0.07206167874946998	you:0.058417778785024764	not:0.04087984368018093	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
together:0.24411992666662283	and:0.23451481476581137	covered:0.10465961337140395	filled:0.08242810025736755	thence:0.07092467806512887	charged:0.06893004775480285	connection:0.06688859900741383	it:0.0604132291307328	up:0.057120990980716026	:0.01
and:0.2735530001583401	ready:0.1573737665709107	candidate:0.10607221038789336	demand:0.09743826276693944	called:0.07886090329482455	call:0.07587350423445105	up:0.07321188759486691	used:0.06490900340655843	him:0.06270746158521537	:0.01
<s>:0.5510687378888615	it.:0.08512623514853775	them.:0.08411515112887398	time.:0.0542784000927146	year.:0.046531987234074194	.:0.04628986090259489	country.:0.04280146530321269	him.:0.04011495435180903	day.:0.03967320794932151	:0.01
it:0.3521748995993552	It:0.2727899491596312	which:0.06205182583842352	and:0.0607109381465945	This:0.05663506219973649	this:0.049873855119680295	he:0.04567242640560236	there:0.04540694365833786	that:0.04468409987263872	:0.01
the:0.36320753766176256	too:0.19473791667807347	of:0.12662982816501694	and:0.07703548154412579	a:0.07303577969515784	his:0.040378700277943075	as:0.03880226454030154	for:0.0382388819176954	until:0.0379336095199235	:0.01
the:0.34825423155363944	of:0.16617095001393953	and:0.11286310840258941	that:0.09950163101593293	Mr.:0.069192427731586	The:0.06747202200814983	a:0.0641964283367045	this:0.03296247283026255	or:0.029386728107195847	:0.01
to:0.37173011858554755	the:0.2010072938047187	and:0.14878023392894726	for:0.06351594207104518	of:0.062305501573518635	their:0.04586581778794047	with:0.03764387806475779	in:0.030910080856362623	a:0.028241133327161782	:0.01
was:0.30944997422537196	be:0.16875005505589616	been:0.12761929518001625	is:0.10575183733776852	were:0.0872507001125959	so:0.07266703342145817	are:0.06772631284501945	being:0.025637387484658766	and:0.025147404337214734	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
a:0.5464779153607113	the:0.2644730208819107	The:0.04432179841146517	A:0.03770514307012664	of:0.028905765590722075	his:0.026432615543297545	tho:0.014189411878872979	in:0.014163965094984297	our:0.013330364167909208	:0.01
at:0.4465995830418883	for:0.13512240030818579	of:0.09415066394754062	to:0.07954829232875772	and:0.05386871356290935	At:0.05022258079577465	during:0.04413469830326202	that:0.04338073656320904	in:0.04297233114847238	:0.01
from:0.329391742828446	of:0.14418177269198487	in:0.13162344210120455	at:0.11124255119911045	and:0.08727932546614588	In:0.05763502414258932	to:0.049946535594965265	for:0.04425990810486628	with:0.03443969787068746	:0.01
the:0.2949000761468014	of:0.2592268909910863	a:0.11124472757010141	and:0.06639076261961865	in:0.06606835217742847	to:0.06461364488919405	for:0.04664874354598948	that:0.04111063780872951	by:0.03979616425105077	:0.01
the:0.15315417542670545	of:0.1474619205254358	and:0.14348950811639422	be:0.13801014947019485	to:0.11257930602342807	was:0.10680730325663454	is:0.07750856055039423	or:0.055811257091116194	are:0.05517781953969663	:0.01
the:0.25470561870247765	and:0.17871018174426181	of:0.12454106589558235	to:0.11666316244862257	in:0.07582920922781208	was:0.07101916294765158	a:0.06560002811236121	be:0.05991783825325078	is:0.043013732667980115	:0.01
of:0.3915557446164883	and:0.12935391603802668	with:0.11144077946122993	to:0.07508259836882927	in:0.07039196677474607	for:0.0610665662262644	is:0.054849480015657065	that:0.05044088316355347	on:0.04581806533520491	:0.01
a:0.5435363018629248	per:0.12637319792911672	the:0.07164481003465092	in:0.06958757209699652	and:0.06856549378721756	to:0.03604126942537774	In:0.026132888668148516	of:0.024716000775671303	one:0.023402465419895973	:0.01
the:0.6477545163161719	and:0.12069452931849388	with:0.06837132040885831	The:0.03246732990024457	an:0.02900429461820885	of:0.028302292610854214	tho:0.02497050540444001	or:0.021895353310676265	by:0.016539858112052115	:0.01
of:0.20482777277060715	the:0.19157469019980297	and:0.1572133167841724	to:0.1549827058826635	a:0.0793226408414419	be:0.06258366802827799	was:0.05125038664443885	or:0.0473362165644865	is:0.04090860228410865	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
that:0.2795537149247718	and:0.16784669293687343	which:0.13288961414759906	as:0.1287031239428842	but:0.06747648447971248	if:0.0649588975653151	when:0.05641663027445596	where:0.0503865815579276	because:0.04176826017046037	:0.01
him.:0.257635878768683	<s>:0.1783832663602399	it.:0.13513861560982446	them.:0.08435174230787197	years.:0.08157928704874973	life.:0.06866897366994776	time.:0.06549646569595455	himself.:0.06396853262162887	man.:0.054777237917099625	:0.01
of:0.2936325689445942	in:0.17526010112477716	and:0.14269342929166312	to:0.11051685604638976	on:0.08336113284097382	with:0.05608901430539143	by:0.04695693161969392	In:0.04313311767249603	at:0.03835684815402051	:0.01
and:0.1598857938911757	able:0.1259019403978327	order:0.1256679304807483	him:0.11019094144789111	right:0.10337941085815854	enough:0.0939515503330811	had:0.09347896527654152	is:0.0932869971785457	willing:0.08425647013602537	:0.01
one:0.3896011381416399	a:0.17519152028631546	two:0.11988776513487401	three:0.09503525138681847	five:0.059900604546314504	four:0.05152971085349651	One:0.03754732163753431	six:0.03263566853955245	several:0.02867101947345439	:0.01
the:0.8199097854323049	a:0.05062988613919026	The:0.039743142467081355	tho:0.03476856847151245	his:0.017074782513001263	tbe:0.010138457389273306	full:0.0083486431248608	firm:0.0048696533536637145	their:0.004517081109112181	:0.01
thousand:0.2982275381517195	hundred:0.2549583803095755	of:0.11473747987625865	million:0.07947236613530158	fifty:0.07913002970938915	five:0.04521664920415847	ten:0.04417397426584653	two:0.04041388599839148	billion:0.03366969634935905	:0.01
in:0.24333994743612922	of:0.18871067140801695	the:0.14254258973892459	and:0.10760876324558526	for:0.09174081455919121	a:0.06366595919272895	to:0.061841865908333744	In:0.057337053099849385	was:0.03321233541124056	:0.01
and:0.2802179654686675	together:0.1758166248157109	covered:0.10720042995908448	him:0.0945742991305398	up:0.08880677792452797	it:0.06615739106357522	met:0.06358405713054324	them:0.06162417438012567	but:0.052018280127225286	:0.01
the:0.22044468060288389	a:0.17763080572070475	his:0.15697565192385846	her:0.12034739421946292	at:0.0885243893284884	and:0.07051750751788459	their:0.05809396825035557	of:0.05599760802041914	for:0.04146799441594227	:0.01
be:0.21346205620264833	is:0.19497675566671932	was:0.17133411181201194	are:0.08349155557886706	been:0.07855217188264856	I:0.06894237009536786	and:0.06513614802988818	were:0.06128568544232849	he:0.05281914528952038	:0.01
nothing:0.2641247484238648	is:0.17759252308164128	;:0.15389930150854378	anything:0.0898394300592201	it,:0.07315643635339708	was:0.06134541862246875	and:0.05812399575675911	of:0.057270638388036185	are:0.054647507806068904	:0.01
the:0.22766359616564433	and:0.18063286072609444	of:0.14262422951970855	to:0.11710430442474835	a:0.09263284590627291	for:0.0749641950310016	in:0.0607291910801719	be:0.04812131362141647	is:0.04552746352494117	:0.01
that:0.2070257100831872	and:0.19772589189448364	is:0.17576300467859154	was:0.13011129069383504	but:0.07896961818988923	had:0.0627738381981591	have:0.052119216778504084	be:0.0488846066862486	with:0.036626822797101534	:0.01
the:0.3229089781389672	of:0.2002967485582205	and:0.14752001001695186	to:0.07326618056665847	The:0.0671563513507734	a:0.06387375947176595	that:0.04355326888135818	which:0.04174431002465928	or:0.029680392990645236	:0.01
and:0.19051943986217013	of:0.17206397922323483	as:0.1674750915859768	the:0.13450047028301987	to:0.09096766000852799	be:0.06575526900119627	such:0.06334143169216884	much:0.05500551658222766	in:0.050371141761477715	:0.01
well:0.21955149374142724	known:0.18951305156917167	and:0.15690538091025333	far:0.09242064711844898	soon:0.08595734317411527	such:0.07906133021899349	just:0.05928608936319598	long:0.055847839836393846	much:0.05145682406800014	:0.01
and:0.21148373426422987	the:0.2028371192112287	of:0.11347218795975528	to:0.10113765799027088	be:0.09302877310258988	in:0.08551388723821418	or:0.06652750414825546	for:0.06137776533655032	he:0.054621370748905385	:0.01
the:0.5330819960781545	The:0.11941560719509547	of:0.10497865052765064	their:0.04643165150166851	our:0.045553572043457266	these:0.04171708020369358	and:0.038579210245564405	tho:0.030144953393092734	such:0.03009727881162304	:0.01
of:0.26758263234421126	the:0.16078958567201312	and:0.14361462355436952	to:0.14258284505293312	on:0.06110500433022291	that:0.06102817584677707	from:0.060927716945302975	in:0.047435692160310176	by:0.044933724093859706	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
and:0.25037799561132223	to:0.19051743664518078	of:0.12818071300755096	the:0.11341275889843262	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.05790590474591629	for:0.056443486992488516	:0.01
the:0.39983007441734714	and:0.2272392901734207	of:0.08264485741165763	or:0.0550868070142362	their:0.05281826589716982	her:0.04498483308334823	his:0.044755042222751874	an:0.04399436476719461	for:0.03864646501287349	:0.01
have:0.35328946251732746	has:0.2674436609141953	had:0.24268234427973356	not:0.035514939864548255	having:0.033545822314682665	bad:0.01624217359426345	ever:0.01499857179966968	never:0.014904747853835006	havo:0.011378276861744831	:0.01
and:0.2786288504792099	a:0.14332503586696377	the:0.14097810827254076	of:0.09898452433593943	that:0.0850767114144923	to:0.07508324036942374	which:0.07229786110995176	or:0.056632655659313205	all:0.038993012492165156	:0.01
and:0.23039828720326327	he:0.22934873788594076	it:0.1381403141278375	who:0.11752060201413249	It:0.06511480689957831	He:0.06313646884550944	that:0.05354525438778563	she:0.04686708860520485	which:0.04592844003074776	:0.01
is:0.16709356513222995	with:0.16134198936254526	of:0.1564196162714562	was:0.12220855008521954	to:0.09329203817124279	and:0.08982900598396466	by:0.0704934001965011	for:0.06664715487971255	in:0.06267467991712795	:0.01
and:0.2286781717989104	he:0.2286428891007427	He:0.10469987641169166	I:0.0904061124438626	who:0.08977992107143329	have:0.06938694586894913	she:0.06299805060436556	they:0.05842519866569978	had:0.05698283403434492	:0.01
and:0.17315597143452865	of:0.16637869625842686	the:0.15683063197646177	at:0.14298704574166834	to:0.1306005925874277	in:0.0863449676785021	on:0.051893820243484726	a:0.050328885237990284	for:0.0314793888415096	:0.01
of:0.2582561825937394	to:0.13585046369155654	for:0.13303188488606682	and:0.12994792158592855	in:0.09376087026291298	with:0.07980722825214887	that:0.06519229104941107	by:0.051625389266457204	all:0.042527768411778626	:0.01
of:0.21667236460044004	the:0.21657452178341627	and:0.1497905721840908	to:0.10478093414853787	north:0.08252582471967264	south:0.08126782982369035	at:0.05286369204502647	a:0.049288715183242716	on:0.03623554551188302	:0.01
to:0.1688905023018056	and:0.15891446437031917	of:0.15884397483632715	in:0.13518036410011175	was:0.09121132328425902	the:0.07807638466717512	is:0.07460290674742219	be:0.06880460638737085	for:0.05547547330520909	:0.01
Railroad:0.23755130301922164	Mining:0.20337954148946671	Railway:0.17270833252711437	Trust:0.10847750120097628	Coal:0.06366833483232061	the:0.06078158129074568	Lumber:0.05013990430331615	Insurance:0.047023205046842605	Manufacturing:0.046270296289996064	:0.01
who:0.19034416578153815	he:0.1598052778010136	I:0.15722124885591082	they:0.11958231074593745	and:0.10524436459145098	had:0.07808236730931911	we:0.06505377556718019	she:0.06397846862413924	have:0.050688020723510266	:0.01
sale:0.17254913779047276	interest:0.1462738999015984	and:0.1312201435618795	estate:0.11209651497806117	premises:0.10278845579037957	Court:0.08876915475604061	be:0.07976150446059473	line:0.07906632782439003	it:0.07747486093658335	:0.01
Mr.:0.43408681897895945	of:0.14917334328267037	the:0.08294409665070815	.:0.07211211694561248	Mrs.:0.06977917850064781	and:0.054422605460801916	by:0.04526965629331167	Dr.:0.04118915902559312	to:0.04102302486169504	:0.01
the:0.21858781341275965	and:0.14787589235517212	of:0.11615811686309205	from:0.111777248760148	a:0.10253926757191248	to:0.08360693553216382	be:0.08051194311816404	was:0.06882079131216966	is:0.06012199107441834	:0.01
the:0.4633982961154053	a:0.19130821387169863	The:0.06425288763593119	some:0.05645383806856932	all:0.05038054971698898	and:0.0475067569998065	of:0.04540318405553122	his:0.036120808100363624	in:0.03517546543570516	:0.01
of:0.1717057565729814	the:0.166005285113028	and:0.1490616711174781	a:0.12851551270446535	to:0.11315255453341051	for:0.09257986881500266	be:0.06283142112290468	in:0.058227933525225276	was:0.04791999649550414	:0.01
the:0.391404271733033	and:0.16572796127238826	of:0.1479668946544385	The:0.08969244899382993	these:0.04720458680051592	that:0.04695328111326684	in:0.038444374680263536	to:0.0323271190940047	a:0.03027906165825925	:0.01
of:0.21206553693735358	the:0.18687278776870683	and:0.1675973343689843	to:0.10922686137392801	by:0.0897450974919214	Mrs.:0.07798876143759252	.:0.0616662320567772	<s>:0.05044198930897751	was:0.03439539925575848	:0.01
be:0.23632398146666753	was:0.19124750191202974	is:0.14028068106176753	are:0.12695633088334105	been:0.09123632097514621	were:0.09102078529842426	had:0.04775622383386103	have:0.03340795242188423	bo:0.03177022214687846	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
a:0.4348820251036164	the:0.22977638894583546	to:0.11317172479352339	at:0.08123868557743394	of:0.054355050542044966	in:0.022560283211184407	and:0.020031781290972283	this:0.018658794464033394	tho:0.015325266071355644	:0.01
and:0.20231333810284732	of:0.13635533972024552	make:0.1155828616776048	to:0.10730538435756597	with:0.09873204769992244	that:0.09576793103200873	for:0.08870052739686014	as:0.08266004670262937	in:0.06258252331031601	:0.01
is:0.4193306365294344	are:0.1779299079453589	and:0.12691876300168825	was:0.05494072036438315	it:0.053433606230959635	Is:0.05276272626649972	but:0.04318162239558153	It:0.0364121343423975	not:0.025089882923696922	:0.01
the:0.22710631245604748	and:0.20389355712661256	of:0.10471357643823978	to:0.09910162619706014	be:0.08912981572190791	re-:0.07532096275730675	was:0.06905578222516086	is:0.06685671167725497	or:0.05482165540040948	:0.01
of:0.42089301755200625	to:0.0951826873972272	for:0.08799122425150872	all:0.08483632026445626	and:0.08075580768189064	that:0.07922533371071123	in:0.0593159806268313	by:0.05779702796556193	with:0.024002600549806637	:0.01
the:0.31961958505134924	and:0.1709589117085476	of:0.10775901417361049	in:0.10730381968959646	to:0.09571269153024535	I:0.06042949976187322	a:0.0526067868847631	that:0.037985618007580414	In:0.0376240731924341	:0.01
I:0.2010042601715423	we:0.16345511043713498	they:0.14435566011356574	who:0.11811616937557991	would:0.10708417348627747	to:0.07740997279536345	We:0.0658137762479557	you:0.06401911047233824	and:0.048741766900242366	:0.01
it:0.2582278794016484	It:0.19708319193804633	there:0.16045274093014836	There:0.10537893177568709	which:0.08231844242311138	that:0.07636225315229704	and:0.046472405000837366	he:0.039140111502619486	man:0.024564043875604583	:0.01
of:0.20836587996889466	and:0.141420152491752	for:0.12544674598998007	as:0.0940300665306672	with:0.09295652189644385	is:0.08987028359043216	to:0.08264501404702232	on:0.08057813431860426	was:0.07468720116620349	:0.01
<s>:0.5754748215575997	.:0.09696647017650266	it.:0.0791228809412217	them.:0.06032093724857956	him.:0.038461454738650376	country.:0.03666409377799028	time.:0.03663331544221524	day.:0.035862346314243544	year.:0.030493679802997012	:0.01
<s>:0.5723288895688389	it.:0.08740005212324926	.:0.07442699585663436	them.:0.062240697327318475	day.:0.04550372712937161	time.:0.039860966709428756	country.:0.03823287767048655	year.:0.03536628877332596	him.:0.034639504841346	:0.01
be:0.3837701234337811	was:0.14019800457657702	is:0.12041768148332611	are:0.10103895305241431	been:0.07936201455982603	were:0.052646291827800736	not:0.04099159477377915	and:0.03746697549476484	being:0.03410836079773072	:0.01
the:0.24130576549866314	of:0.18833662870322207	and:0.16607091897550066	a:0.12226357561830728	to:0.08119819928176736	was:0.061441215918139495	be:0.05012797215849653	is:0.043156408701399925	been:0.03609931514450369	:0.01
and:0.30411914742248575	made:0.13856710134455746	as:0.09571553102057911	was:0.0909312837228091	is:0.08203867828763363	not:0.078083462969919	but:0.06880892483415298	one:0.06659810492052712	given:0.06513776547733596	:0.01
be:0.2762019353094467	more:0.26580694225572465	been:0.08307161169268258	was:0.07441078020667233	is:0.06746659780341879	and:0.06644123669183717	not:0.055031176700248964	it:0.05168961572907128	he:0.04988010361089734	:0.01
the:0.374477378254326	other:0.21641124724871724	of:0.08608192747667093	all:0.07461850710497178	and:0.06773572997757084	a:0.05247434231490701	or:0.047643077067008564	this:0.03622815382707395	tho:0.0343296367287538	:0.01
the:0.32537888505292495	a:0.1296434203467434	con-:0.12229065526876144	The:0.09852839149116283	this:0.08929155911116875	This:0.07842792391040897	that:0.062132964888166865	said:0.0523530438282948	of:0.031953156102368055	:0.01
the:0.28404738670818874	of:0.2325416396036048	and:0.09110157135057627	to:0.09073524185517044	a:0.08477076361269943	in:0.08475793559688653	that:0.046208034589646264	for:0.03883708912092261	be-:0.03700033756230525	:0.01
and:0.29538761890386145	was:0.1642849013116615	is:0.11706638838186677	up:0.07776716508545513	it:0.0755910625150025	made:0.06655680901265408	put:0.06578409847025993	placed:0.06489134807601944	that:0.06267060824321909	:0.01
and:0.27085552295032383	of:0.16875357166365473	the:0.158060285497167	to:0.1266985020119527	be:0.0650613607990289	a:0.053672339130749605	more:0.05256459709133613	in:0.0487134238363311	was:0.045620397019456235	:0.01
the:0.7553606697874815	The:0.0631479246932145	tho:0.041867312836765064	a:0.035056852307793214	and:0.03272915433935555	tbe:0.01922375034504118	assistant:0.016327625926613385	or:0.01327332340077393	by:0.013013386362961567	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
all:0.20869729263580591	it:0.15532856205648218	looked:0.12036994723660632	arms:0.09544129382141013	gathered:0.09459485478096037	look:0.0916670422904707	looking:0.09078458284908197	turned:0.07017269989143342	and:0.06294372443774914	:0.01
is:0.31096923695224055	was:0.18202833349307254	are:0.15814402859688184	be:0.10520799599867105	not:0.06148443062110055	were:0.05604036149402988	Is:0.04295878351441913	been:0.036813895306251586	and:0.03635293402333294	:0.01
to:0.6379762482120654	and:0.08156706452214553	will:0.055014036166953634	not:0.0481062794156545	To:0.039018854884544686	I:0.038620613255761806	they:0.03700695872726518	can:0.028372336386020432	we:0.02431760842958884	:0.01
and:0.4021537073102102	he:0.1056537278633932	be:0.08372228777877243	has:0.0801128770199635	had:0.07899397937600801	have:0.07144466605785045	who:0.0614143898933502	was:0.05629820931388038	is:0.050206155386571555	:0.01
is:0.16889356017179727	that:0.15822054336582714	and:0.1491646717720214	have:0.1372836137171402	had:0.10623259355129643	was:0.10298966069350463	has:0.06319645646012767	but:0.052102071378482315	be:0.05191682888980298	:0.01
the:0.21858781341275965	and:0.14787589235517212	of:0.11615811686309205	from:0.111777248760148	a:0.10253926757191248	to:0.08360693553216382	be:0.08051194311816404	was:0.06882079131216966	is:0.06012199107441834	:0.01
was:0.21254621673730964	be:0.18669546999356776	he:0.16492866179933102	been:0.11627934646797873	is:0.0819461946050808	and:0.06522785242014073	had:0.059454941821694716	were:0.05197716919100008	who:0.05094414696389644	:0.01
they:0.22127417117087472	who:0.2115255292047395	and:0.1431967097907504	which:0.09436101440430118	men:0.0921584894984171	we:0.08734434248497763	They:0.05675516639021887	that:0.050751915098644934	people:0.03263266195707572	:0.01
to:0.7751823682168935	and:0.10186004225329796	will:0.026119000703318376	not:0.022261096139366634	in:0.01749695874121504	for:0.013804129449662875	that:0.0118850341720366	of:0.011477918821638067	I:0.00991345150257091	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
the:0.27160062912449	to:0.2681803687295565	his:0.12829901835970117	and:0.06932872860926322	a:0.055310709444887265	their:0.055061356362133794	her:0.052774796798580347	not:0.04538780696205079	of:0.04405658560933693	:0.01
Young:0.7178066681522555	the:0.1207958454726353	Business:0.049337089933346887	and:0.02066887307319866	of:0.019481006954663746	A:0.017854861264211777	a:0.017046308993931985	<s>:0.014274223253612254	New:0.012735122902143998	:0.01
the:0.2639506293851738	and:0.19501039686586272	to:0.14601691692877852	of:0.12515324726393026	so:0.07017329332869995	is:0.061556309784988696	be:0.047429934184572566	he:0.04243046255372475	was:0.03827880970426894	:0.01
a:0.3852824414992594	the:0.14091279418455804	and:0.11893924520015771	is:0.09063849167422662	very:0.0832805186383081	was:0.05752011973275428	are:0.04059815871406485	of:0.037898228946801345	most:0.03493000140986957	:0.01
and:0.24715944158911993	depend:0.10115542297585237	based:0.10085046174861782	placed:0.09929781518962863	depends:0.09865819847804204	called:0.09672811564313881	down:0.08601932662424668	made:0.08525060516232964	effect:0.07488061258902408	:0.01
and:0.17550168008208755	be:0.15203535468484924	to:0.1447887060380909	was:0.12123107555652603	of:0.10736795628139377	the:0.08162279351795068	is:0.07321907787995126	are:0.0677159334599674	were:0.06651742249918331	:0.01
is:0.3177621446621577	are:0.20301759307683845	was:0.14010787002029831	be:0.1258922814579304	were:0.054662811746668656	it:0.04288385457356239	Is:0.037454137308088116	been:0.03501911654497554	and:0.03320019060948048	:0.01
was:0.1899145345161912	be:0.1543658617072605	is:0.11157448049837697	been:0.1068048328019	of:0.10335038683907467	the:0.09898389482971727	and:0.09751034532941251	were:0.06497103383901072	are:0.06252462963905606	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
part:0.21496902104278676	one:0.2091236923398804	some:0.12867331343811733	out:0.10573031168796258	members:0.0761860450243411	and:0.06636584999188522	tion:0.06479865598258486	portion:0.062262355322562794	side:0.061890755169878825	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
of:0.2675223274212087	to:0.16977217679524814	in:0.13069569282204807	or:0.11264809803479155	by:0.07687175314514932	than:0.06662230711831907	for:0.05934322485417717	at:0.053308948839999225	without:0.05321547096905863	:0.01
J.:0.1551722317839114	C.:0.14070986398436622	W.:0.14010259074229123	John:0.13661294616255293	.:0.12903574256542022	James:0.08590368104254714	Mrs.:0.0788492323407864	William:0.06648203487226177	Mary:0.057131676505862795	:0.01
and:0.2559377532545336	he:0.2031166402121764	it:0.15198271447990425	is:0.07826210280468543	I:0.06864865042226947	He:0.060603394968917486	was:0.05854152925782445	she:0.05687857214533233	It:0.05602864245435644	:0.01
as:0.2501266913833019	up:0.12352500488179029	went:0.11945535719699675	and:0.11561808595962256	came:0.0918945687269579	returned:0.07802108487478537	belonging:0.07256133442787675	back:0.07176565035439232	feet:0.06703222219427607	:0.01
he:0.19621304626853336	who:0.17273952602042647	I:0.14366839695691894	and:0.10112598148069299	had:0.09817461674273932	they:0.08818489935731968	she:0.06813663055015468	He:0.06445183661194158	it:0.05730506601127302	:0.01
the:0.34170127421390223	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093987	to:0.07847171568184984	in:0.05339647102682973	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
the:0.27431175042841677	of:0.20317322494730924	and:0.14156060019767563	a:0.11316385342595571	to:0.0940686027224684	in:0.06522342661104137	for:0.03681377254659394	at:0.034047989770906235	or:0.02763677934963251	:0.01
and:0.2783120282574406	that:0.2014912923231381	as:0.19171886246482517	which:0.09892874134467476	when:0.0649484496305715	if:0.056679255647423876	but:0.04507849795664817	If:0.026898723929375756	while:0.025944148445902124	:0.01
and:0.23067739011853833	he:0.18333869538180486	who:0.130004203930291	it:0.10800635040536286	He:0.07897404748757593	that:0.07045262837565862	which:0.06741970699567028	It:0.06342017999427177	they:0.057706797310826355	:0.01
to:0.6029234748158574	not:0.10685677045378245	will:0.0805053125791318	would:0.07348435472152394	and:0.058714604224932174	may:0.01928356596757801	must:0.017761258017253204	I:0.01655037912139117	we:0.01392028009854968	:0.01
the:0.34762982253308755	minutes:0.23381288292347532	thence:0.1752241679505066	degrees:0.1178006979088292	tho:0.02970454535029335	south:0.023561408279132078	and:0.023376331803621395	The:0.020239799336660123	south-:0.01865034391439452	:0.01
for:0.3892183589362009	of:0.11913750363550388	in:0.10137467977733451	to:0.08383434430761824	at:0.07311841211217497	For:0.06960929180772962	and:0.05572438901822578	that:0.050875939132115286	by:0.04710708127309679	:0.01
was:0.2061843437290865	and:0.17287857964426004	is:0.14527519974141745	be:0.08631746152598767	it:0.079626824924312	the:0.07813304209662032	have:0.07585281200053721	been:0.07537462217449112	he:0.07035711416328769	:0.01
a:0.4922725171543441	the:0.2619936417562121	of:0.06271572127677767	The:0.043618009706847274	in:0.03630556542929413	with:0.031388709285064965	and:0.027064263367672824	no:0.02076575705749701	A:0.01387581496628986	:0.01
to:0.1688905023018056	and:0.15891446437031917	of:0.15884397483632715	in:0.13518036410011175	was:0.09121132328425902	the:0.07807638466717512	is:0.07460290674742219	be:0.06880460638737085	for:0.05547547330520909	:0.01
and:0.25606850237280837	to:0.2335738052318658	in:0.1117217338622232	I:0.10297610406359924	of:0.07128657961369884	re-:0.0668346118735982	the:0.055888440060669675	not:0.04822441188759686	he:0.04342581103393991	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.04553578393787439	of:0.03051332981678091	tbe:0.02261446403444868	in:0.021612439669724332	or:0.020196218295911488	:0.01
the:0.30337617970676906	of:0.18860457588018725	and:0.131061740829474	to:0.0977610809207078	a:0.0809566554459928	in:0.055741965423345884	be:0.051143240024298715	was:0.041879765140534715	is:0.03947479662868964	:0.01
;:0.2255206108525155	it,:0.14460487634878158	him,:0.10273966044521114	them,:0.10271208862228533	one:0.09578134161408763	years,:0.08542830089884029	,:0.0843560863432732	county,:0.07514128199575931	city,:0.0737157528792461	:0.01
<s>:0.5069245693228007	it.:0.11609693551689035	them.:0.08936848617780253	.:0.05979981632789983	time.:0.04874720052052367	country.:0.04858413698580386	him.:0.0458567546155706	day.:0.03879701913671152	year.:0.03582508139599705	:0.01
and:0.24965773768928365	that:0.21770214176697977	as:0.12482341237579253	but:0.10461977572374195	when:0.09942712059554992	which:0.05758004667359836	if:0.05137722891957415	When:0.04397086691852375	what:0.04084166933695597	:0.01
and:0.20269517605798137	of:0.1622631915178694	the:0.14317801436843935	be:0.12935187257247696	is:0.09383572468257857	was:0.08127493003716695	to:0.06738858250550278	in:0.06068745003410979	as:0.049325058223874715	:0.01
and:0.26880783585686996	of:0.21512505777539856	the:0.1655562467524517	to:0.1304923388568885	a:0.05928189568131014	in:0.04272389407150122	that:0.03919522589630724	as:0.0373848195738454	or:0.03143268553542741	:0.01
the:0.30829018551104437	of:0.1720330467459777	and:0.16091449344567843	a:0.09151664152349588	to:0.06622933849153428	in:0.05627415702644834	by:0.05054680251298426	for:0.04243914134569658	.:0.04175619339714006	:0.01
the:0.622643311238426	an:0.1048428011045363	a:0.0816856928877298	of:0.05134514044224846	The:0.03313634481340901	tho:0.032799487301733085	our:0.02388230111203879	in:0.02198400035841167	good:0.01768092074146698	:0.01
the:0.34565553455151293	and:0.20227335046153933	of:0.121251300964672	to:0.09576439165374159	a:0.0622090640720075	that:0.04990017643926631	I:0.04265985468296981	.:0.03531294637850777	will:0.03497338079578271	:0.01
the:0.3292105202954104	a:0.22626968536199818	of:0.13860837302338544	and:0.0959002421827926	that:0.04719923678649818	in:0.04404773882320922	an:0.04005035139628577	The:0.03439857378656572	to:0.03431527834385431	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
the:0.2313080476145517	a:0.22738218148524467	was:0.13015738354437628	is:0.08898221468605674	and:0.08389984215421038	that:0.06266458828523426	are:0.05879736666691836	but:0.0550911167559809	be:0.05171725880742661	:0.01
the:0.7336297643459014	of:0.07788399766573503	a:0.06215966203279226	tho:0.031659422104555184	every:0.018950612095071956	and:0.017726175221876327	for:0.01692599289360398	The:0.015954002045766306	this:0.015110371594697561	:0.01
is:0.19360874356912927	was:0.1438323593143901	are:0.12186296434341747	did:0.11746438789983728	do:0.10721052931890085	could:0.08616034692945326	and:0.07546047057592253	does:0.07227133429734381	will:0.07212886375160546	:0.01
the:0.4164699767658302	an:0.12574985658692384	a:0.10403452382046219	to:0.08921982261913507	and:0.0792594646121232	his:0.06878158390489293	per:0.03601383331684096	from:0.03562069965491331	my:0.03485023871887823	:0.01
the:0.6045115196001516	White:0.1266837363791268	a:0.064349405964663	Opera:0.057866959416404934	this:0.05380228878688572	tho:0.02587357422448273	Court:0.020114154048110032	States:0.019566519535645727	that:0.017231842044529516	:0.01
the:0.38316176302485444	a:0.30498546394242165	large:0.1350045959005506	The:0.051118863176538645	great:0.04035682451615045	tho:0.0354456740884953	one:0.01572977125334672	small:0.012912318785982752	other:0.011284725311659386	:0.01
the:0.5907735727816995	of:0.13184152275677746	in:0.07793553804542705	his:0.04675666086309104	tho:0.03974437636581506	for:0.030683762006767205	a:0.02596819371239724	The:0.023995529132155635	this:0.022300844335869735	:0.01
of:0.2084284105179528	as:0.14084324628132877	to:0.10116315622935512	for:0.0999537178161099	is:0.09616470210900883	and:0.09084436877873114	in:0.08786189245598046	was:0.08519796535207776	with:0.07954254045945507	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
more:0.6176000411531449	rather:0.1238694450156466	less:0.08905485649874782	better:0.08642814322056667	greater:0.019417826315381723	other:0.017971650542191714	worse:0.01713136207594643	and:0.010951580482578589	larger:0.007575094695795505	:0.01
of:0.21605525389652203	in:0.17229733335444053	for:0.12409616526052378	with:0.10670531294098652	was:0.08331065506271546	to:0.08142138886367109	and:0.07945834427005331	by:0.06760602123085883	is:0.059049525120228485	:0.01
and:0.2121263102852378	of:0.14933922825144952	set:0.13265023860107283	was:0.12295063114657774	them:0.08213820212705449	well:0.07837214712042676	for:0.07510021717560462	.:0.0700079607668553	are:0.06731506452572111	:0.01
the:0.2945661207186797	Hood:0.2610869860283787	Hudson:0.10358446210331022	Fall:0.07694902361334109	Red:0.06670257733595335	and:0.06271125060116554	Mississippi:0.046773620119535585	The:0.040367400726961565	Snake:0.037258558752674045	:0.01
he:0.2792120799628436	which:0.15330862228024866	and:0.11573257956207396	who:0.10605843505664952	that:0.0836833433109964	it:0.08018631350899101	He:0.07983407266782176	It:0.059742906698727186	she:0.032241646951647794	:0.01
and:0.1839770802682752	of:0.15020429495842322	the:0.12328777162923589	was:0.11111774622434255	about:0.09488931799278416	be:0.0897269751914843	to:0.08614037525634916	west:0.07872363688273308	east:0.07193280159637246	:0.01
to:0.19446902204616487	the:0.14687402321323528	of:0.13208782829927648	be:0.1034557530104507	was:0.1012226173426867	and:0.09476108080812473	in:0.08987896606367062	is:0.06468005923453271	on:0.06257064998185785	:0.01
the:0.37940809124719804	a:0.23854171100700777	of:0.08586404966870274	and:0.06890861713878242	in:0.057982693762866376	The:0.05504423117767697	an:0.05245774560781968	to:0.029031595608139844	Mr.:0.02276126478180597	:0.01
of:0.38932881033320976	for:0.14352366776195166	to:0.09262865776459259	in:0.08537295365749774	by:0.06886564561729344	that:0.06841074804761409	and:0.06360211440614792	all:0.03948264639580314	with:0.038784756015889724	:0.01
the:0.2891176985137046	of:0.15034482710262845	and:0.14727364343021293	a:0.12256378698685641	to:0.11180388212332247	be:0.05566769946958988	was:0.044440704312762515	or:0.03660687066406267	is:0.03218088739686003	:0.01
of:0.2821460375784854	and:0.1847340591484908	in:0.12447922250489922	that:0.08849844012741223	from:0.07759572790791805	one:0.06962780278901586	to:0.05820653987182565	by:0.05449908137699827	at:0.05021308869495468	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
and:0.22980873340449642	the:0.20014555321920863	to:0.11509335046286724	of:0.10320204081403923	a:0.07282770408580691	or:0.07077397981313031	be:0.06771830557229139	was:0.06698191984524499	is:0.06344841278291469	:0.01
the:0.19357000936025168	of:0.19161727312321297	to:0.13178021671534051	and:0.11973232970236156	be:0.08026391825149469	was:0.07357801228680229	in:0.06841129754985271	is:0.06787669563025195	on:0.0631702473804316	:0.01
;:0.20587306186118823	.:0.143881006338704	in:0.1250276407690616	city:0.09619665452465707	,:0.09549060381789161	State:0.09175367415434699	him:0.08898815123424186	:0.07140122224935934	up:0.07138798505054939	:0.01
and:0.32126173784195433	was:0.13665734396961304	put:0.1081725800337855	placed:0.09589482937707525	is:0.07574630834550049	that:0.07495439045440876	payable:0.0671039605362773	one:0.05536045474803295	committee:0.0548483946933525	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
<s>:0.24643505364970167	that:0.22567481111489604	and:0.11986402130738498	it.:0.10509411761497948	but:0.07308474448235741	as:0.06237988616146023	them.:0.060287180696994194	country.:0.04939834692648971	of:0.047781838045736394	:0.01
to:0.737230885326702	would:0.0677644655010236	will:0.05787427603800219	not:0.03606792598872497	and:0.022008185982041795	can:0.01948558892970548	could:0.019288769964157168	may:0.016704540691852156	should:0.013575361577790485	:0.01
of:0.42292185470073906	in:0.1318615967812803	on:0.1016921237601436	to:0.08627018104908724	for:0.06361544881755571	from:0.05380417998361344	at:0.048043673694435116	and:0.04662024649547167	with:0.03517069471767388	:0.01
W.:0.27695805306542287	.:0.14346515349358638	J.:0.10906677352889224	H.:0.08741060365787023	E.:0.08278011131108295	Miss:0.07877665439452969	A.:0.07758555603623303	Mrs.:0.07049480120453207	F.:0.06346229330785065	:0.01
of:0.31313137115106615	in:0.10918084355392084	for:0.10136372914486753	and:0.10098309388562525	to:0.08539000441344112	as:0.07717698209245157	with:0.07643643838341463	by:0.07042190250576529	that:0.055915634869447534	:0.01
a:0.4146081829408622	the:0.1857304928687581	each:0.08354528665878669	The:0.07306292336726214	one:0.06579931156570633	this:0.04798078622783316	every:0.040327808817474074	Each:0.0397989378085564	and:0.03914626974476088	:0.01
the:0.3149405942718434	a:0.18714520467101656	of:0.14586315700680152	and:0.08236373683350484	that:0.06212114557310722	any:0.05562881380839963	to:0.05180161214306982	by:0.05175635523865948	The:0.03837938045359741	:0.01
protest:0.2352275405538314	and:0.1508461228981743	up:0.09955781058262711	made:0.09751014825504264	voted:0.0884129817684305	claims:0.08439363287706252	vote:0.07862049969983499	guard:0.07798548506815407	fight:0.07744577829684242	:0.01
of:0.5381622551136114	to:0.11306058341559588	by:0.06054393229821319	in:0.06015121439677118	and:0.056188973469367985	that:0.04324745005505377	with:0.043043528011061	at:0.0419929984461924	is:0.03360906479413335	:0.01
of:0.24590017323344435	for:0.21081597581090278	to:0.12739683204312616	in:0.12074175067049693	with:0.11188491160985309	do:0.05784099035671013	from:0.04064337554455535	and:0.037745663277693284	on:0.03703032745321797	:0.01
feet:0.27152176672585254	and:0.12245093243922514	sent:0.09819161925130993	according:0.09803015039485649	down:0.08537633445929833	went:0.08515647745537308	as:0.07849577394000774	up:0.07696446352070685	regard:0.07381248181336986	:0.01
the:0.26870908757394146	of:0.18157187767638494	a:0.14252482539868971	and:0.10514903632870864	to:0.0931178893921785	in:0.06807136408067713	on:0.04994540483815129	be-:0.04406320857669358	his:0.036847306134574646	:0.01
an:0.3768860231615702	to:0.19883264283844565	the:0.13719127141728715	no:0.06433937359220838	I:0.049518955566087694	will:0.047914889188239544	and:0.045110424587688915	not:0.03835550570456891	any:0.03185091394390354	:0.01
the:0.6644753733508532	The:0.07595399774796409	con-:0.06390467065940314	tho:0.04462605196998424	a:0.043243362786323944	and:0.041307002316879546	tbe:0.02028605927501756	of:0.018325410060354888	an:0.017878071833219454	:0.01
to:0.29079892767239024	will:0.2049082763753997	should:0.08795939248339396	may:0.07683826349050771	would:0.0745881461533338	can:0.06747581060864412	could:0.05282842328463777	must:0.047846272375928735	shall:0.04507229983039039	not:0.041684187725373655	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
of:0.4009291548833609	and:0.15787938785376307	that:0.13172800217994882	all:0.07571169675666412	by:0.063952110456705	to:0.046829009994771985	for:0.04340321118415379	with:0.03833859146391866	as:0.031228835226713603	:0.01
and:0.2819847836654226	more:0.12230945413273069	that:0.11062641385723856	of:0.09206460574936251	it:0.0851963591299059	as:0.08437092751346209	be:0.075501645273913	was:0.07486594344507307	is:0.06307986723289176	:0.01
the:0.7093558455680248	and:0.1273399138704576	The:0.041604908669875644	tho:0.030534205888976262	said:0.019800247934032688	certain:0.017048333671742532	of:0.01548182714063826	or:0.015449555192253085	tbe:0.01338516206399919	:0.01
that:0.40444666898574	and:0.15565201346244686	which:0.10681878743655875	as:0.07480836542495635	but:0.06919510530906808	where:0.05697363467389352	when:0.04776860075367366	if:0.04605596138290214	what:0.02828086257076066	:0.01
the:0.404517921880392	a:0.10755565710387727	his:0.1059278118505998	The:0.0992923259831449	and:0.0843747499297348	that:0.04863610051458341	their:0.04826678257769412	my:0.045808166793502636	our:0.04562048336647112	:0.01
as:0.4785715125583874	is:0.14550778058787125	be:0.08288369044734915	best:0.0619772281128176	was:0.05871072863560822	it:0.05071335063644128	and:0.045916469386126084	im-:0.03723580884560908	not:0.028483430789790046	:0.01
of:0.26909733793322743	in:0.17489595511165648	at:0.13977449227320285	to:0.11532012859220256	on:0.07348349985636268	and:0.05771006172238543	that:0.05479498099159622	from:0.05266994999001901	for:0.052253593529347386	:0.01
and:0.2979477962783766	made:0.14146259516346119	or:0.1313472109489464	that:0.10328562780978799	him:0.0743983943081743	only:0.07439637068115779	it:0.06250293502037622	but:0.052504879013922166	accompanied:0.05215419077579747	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
that:0.3418256643704106	and:0.1811537071648793	but:0.10041591264151545	if:0.07721036095086257	as:0.07301549417647919	which:0.07028965533588041	when:0.06960607298894743	what:0.03915928197858399	If:0.037323850392441	:0.01
in:0.3945945397336729	of:0.2928389425448973	In:0.07022030852546274	to:0.06688717547656076	for:0.04508384993555075	by:0.031610452320299715	that:0.03122591994587788	into:0.02897700194532262	on:0.028561809572355195	:0.01
the:0.6663906765802899	of:0.07624031451342872	a:0.06109514680728843	American:0.04113952046309771	our:0.0340552933500224	other:0.03397490043979991	tho:0.0319419854527454	The:0.026151810475150642	his:0.019010351918176703	:0.01
her.:0.27204831191228107	<s>:0.19446389745286344	it.:0.1534312322306227	him.:0.10124456170367191	them.:0.07291846961514019	day.:0.05201047169339491	life.:0.049282350428940414	years.:0.048677912664760827	time.:0.04592279229832466	:0.01
the:0.21858781341275965	and:0.14787589235517212	of:0.11615811686309205	from:0.111777248760148	a:0.10253926757191248	to:0.08360693553216382	be:0.08051194311816404	was:0.06882079131216966	is:0.06012199107441834	:0.01
of:0.32411500613459826	and:0.1774251949735989	in:0.10544507048740555	to:0.10116454824675854	that:0.07659656642832684	on:0.06455299454022724	for:0.06273561211239223	things:0.04287039325002042	those:0.03509461382667204	:0.01
be:0.23345796682655762	is:0.17678762603565193	are:0.1445934336562302	was:0.10598622870244316	and:0.086507074462	not:0.07790557612998472	been:0.07404010731550055	were:0.04673286627884467	well:0.04398912059278723	:0.01
the:0.34172610696280126	and:0.1961843143966825	of:0.1358004550430853	to:0.1241790774119607	a:0.04381443853369315	The:0.04190520021377615	not:0.03673330499441612	in:0.03594351588457252	their:0.033713586559012486	:0.01
the:0.2971517233257304	their:0.19883168406115875	his:0.17042810095525962	of:0.08621885062841148	her:0.07454696152757201	my:0.052996509669916626	and:0.03722054224993019	our:0.036720013471593996	its:0.035885614110427	:0.01
would:0.24348046721547784	and:0.2275822491258599	but:0.1097703422080644	will:0.09423738203944666	the:0.07564186917475424	do:0.06997621153926896	or:0.058462170566868504	a:0.0561942442852811	is:0.05465506384497828	:0.01
and:0.26603782359938455	that:0.18423125722905462	Committee:0.14091950879089934	committee:0.13047109115338565	was:0.06049887018845812	going:0.05463544641802013	work:0.054356790748219204	one:0.05172427557389492	or:0.04712493629868368	:0.01
the:0.2682140307123581	of:0.22280706344730478	and:0.20560279937332707	to:0.061316442366039246	in:0.05662711671951799	be:0.049754344904034256	that:0.043097948905896924	which:0.042068902664337104	much:0.04051135090718444	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
and:0.3073535947608112	to:0.22522162155475012	he:0.1066294831692129	of:0.07884913974184654	in:0.059724661676140794	the:0.05755099293026271	was:0.05520007854065904	that:0.050336197370971794	for:0.04913423025534491	:0.01
and:0.19879773614850196	just:0.16633269095941064	is:0.14033015595574494	be:0.08390742319103878	much:0.08362213436544579	far:0.08323668198037833	are:0.0816236637610606	not:0.07625243613275628	but:0.07589707750566276	:0.01
the:0.37851992215982255	his:0.11259400010111191	their:0.10610172463970631	of:0.10159474608102174	her:0.06986346364816938	our:0.06867794452302488	its:0.064389169482981	great:0.04614117505979746	this:0.042117854304364814	:0.01
the:0.6467450252457034	his:0.08341344450075429	a:0.07988774860096945	their:0.036031513521812816	this:0.03380241497315103	tho:0.03239025955583996	her:0.03005142058039364	of:0.02428428730065153	The:0.023393885720723998	:0.01
of:0.2240342060054953	in:0.14516170479825938	and:0.13212057878410224	with:0.11014502286698992	to:0.09261782204281768	for:0.08424706121080794	by:0.06881763727215483	such:0.06729939123844485	as:0.06555657578092805	:0.01
to:0.2799803483997887	the:0.20127314161606732	a:0.16414236619312683	and:0.0836626819352849	will:0.07181278144379641	we:0.05436312297028892	not:0.05349337509160034	would:0.04279976404509994	you:0.038472418304946625	:0.01
the:0.5623904168041391	a:0.13980035464469742	gold:0.059889923508740936	The:0.052197881942427415	tho:0.05164959824355564	and:0.046421040539647865	high:0.03410676454763596	any:0.02570861400849528	other:0.017835405760660433	:0.01
the:0.6337331662659316	and:0.100385275269275	of:0.04502915812563193	in:0.0446265384225453	The:0.04052682497589725	tho:0.03890434100479111	a:0.0367021526749023	to:0.027326210880625385	on:0.022766332380400437	:0.01
<s>:0.312180090915302	it.:0.22588642631241898	them.:0.10900423768345376	him.:0.09417557558973419	country.:0.06158963000625519	time.:0.05250052371134948	again.:0.04606717255220914	years.:0.044759702785603185	life.:0.043836640443673955	:0.01
a:0.15959650225222863	the:0.15286265189072934	this:0.1372934852266084	some:0.1225860575597741	that:0.08381763719332834	short:0.08049397507562282	same:0.07705533045691546	any:0.06764897540696073	in:0.0605900662491634	of:0.04805531868866878	:0.01
the:0.48143768949712895	a:0.10536018086063084	and:0.06679787118135407	of:0.06468141021685775	this:0.062374003943058344	any:0.05851301943516077	to:0.053955113085853934	our:0.051839345176070216	The:0.045041366603885344	:0.01
they:0.28492941204444605	who:0.1773150325366305	we:0.11159017014240041	which:0.10035717888755123	and:0.08448736916719424	They:0.06921557299860848	that:0.06396994874632687	We:0.053442243796963655	there:0.04469307167987866	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
the:0.3014323429178846	Supreme:0.20438703852295725	said:0.1317584964478764	District:0.06702284923962984	Circuit:0.06203727357497078	County:0.05981715560599068	Probate:0.05719650530030322	of:0.05603892611959715	this:0.05030941227078991	:0.01
it:0.2596385820886084	which:0.14112918128503313	and:0.13477755288321686	It:0.11476539973660432	there:0.09895590903510541	they:0.07621371801179058	who:0.05780478023937095	we:0.05506058752131993	that:0.05165428919895034	:0.01
of:0.4103370071195224	to:0.10040482029615218	and:0.0945667664013128	that:0.08816330449922112	in:0.07488330867200273	with:0.06997033945092132	by:0.054181378958798564	for:0.054030296032123254	from:0.04346277856994571	:0.01
he:0.17992660251482062	I:0.16120748431309095	have:0.10835935863822743	had:0.10733467858641761	who:0.10341015885710439	and:0.09843391992954147	we:0.07925143778037227	they:0.076599943857067	has:0.07547641552335825	:0.01
in:0.26796230295600776	of:0.19860565711965808	to:0.10935611265367001	with:0.09323545892094127	from:0.07770932718409249	for:0.0699386367121076	by:0.06751657484375602	upon:0.054568503460814294	on:0.05110742614895247	:0.01
New:0.7393911602849582	the:0.060490538802465535	and:0.04683612543824188	of:0.036615545578322195	in:0.02996386726315448	on:0.021706224481823598	to:0.020281247226765477	a:0.01746118212566156	for:0.01725410879860713	:0.01
and:0.22418626870572422	recorded:0.14696855719497356	is:0.11640098577448552	was:0.11417173427692238	that:0.09022877928991797	up:0.0816874110274769	held:0.07739200539885252	made:0.06957680399645044	time:0.0693874543351966	:0.01
and:0.369231889415931	was:0.11480310006181424	up:0.10703657753819923	that:0.08752135836484809	is:0.06746493834556036	recorded:0.06493480778210341	them:0.06110063327486427	feet:0.060075372665693835	situated:0.05783132255098555	:0.01
of:0.20482777277060715	the:0.19157469019980297	and:0.1572133167841724	to:0.1549827058826635	a:0.0793226408414419	be:0.06258366802827799	was:0.05125038664443885	or:0.0473362165644865	is:0.04090860228410865	:0.01
feet:0.2083705893710341	poles:0.16686243736995118	up:0.11619557552687124	chains:0.11156855355118703	entitled:0.08437694067907713	went:0.07935061363836472	came:0.07491532896457027	down:0.07426522602773696	him:0.07409473487120727	:0.01
the:0.352671563036859	of:0.16344948700295045	a:0.11551625653603614	and:0.11060227896373748	.:0.09244110092089382	<s>:0.05109952294356078	The:0.038957768749249756	A:0.033588017944623606	on:0.03167400390208892	:0.01
in:0.2927491958973057	and:0.1761987219346584	well:0.1532119756973698	of:0.11410827189488254	known:0.0731725574082925	on:0.05790810700105712	made:0.051654372135873226	In:0.04102236479608035	far:0.02997443323448042	:0.01
the:0.38586002566230737	a:0.14979562567228397	this:0.09926750337066352	next:0.08052484999518802	to-:0.06184761058157593	per:0.05798504127414191	that:0.054294922530453205	one:0.050461851345765106	every:0.049962569567621004	:0.01
was:0.2841019525351844	is:0.23046593971490303	and:0.11066578549435656	be:0.09145079291885819	it:0.06307453883794509	are:0.05647817770955753	were:0.05503008612070955	as:0.051284022962875084	been:0.04744870370561063	:0.01
and:0.15572027384430787	it:0.15292783325934844	him:0.13069278480628763	the:0.12160734480318544	made:0.10954879960090735	them:0.10251631745078532	well:0.0805119236850619	up:0.07038070547457392	me:0.06609401707554206	:0.01
the:0.2778036580065576	of:0.19100701368335352	raw:0.16926228198973384	and:0.09302219967453981	his:0.05796182128101432	with:0.057665327798883836	a:0.05616400218145515	their:0.04451591476921658	or:0.04259778061524514	:0.01
a:0.5761959804967743	the:0.23333186897201372	his:0.03391651031075589	and:0.033229377399609406	The:0.02876390243972885	their:0.025985629891028518	every:0.02050568122402163	A:0.019167646904506227	of:0.018903402361561395	:0.01
of:0.26486171639242767	for:0.12379126932789944	to:0.11502682146568612	or:0.10320717601910742	by:0.09650105910735154	in:0.09634970345919543	without:0.08213189703755318	that:0.05645918897084747	with:0.05167116821993157	:0.01
and:0.2682983319507874	recorded:0.10717905104111182	was:0.10263907629409649	made:0.09927630384100071	that:0.09842569549211198	o'clock:0.08895025276229458	up:0.08173084504592748	is:0.07240199994443215	found:0.07109844362823738	:0.01
the:0.6171870884957907	a:0.12760825629170497	The:0.08135216220957857	in:0.03954818204818243	tho:0.03713189370620866	and:0.029604727932748664	of:0.022217122049792582	on:0.01952903248724177	tbe:0.015821534778751603	:0.01
J.:0.1551722317839114	C.:0.14070986398436622	W.:0.14010259074229123	John:0.13661294616255293	.:0.12903574256542022	James:0.08590368104254714	Mrs.:0.0788492323407864	William:0.06648203487226177	Mary:0.057131676505862795	:0.01
was:0.26106345209632753	and:0.16159264632723117	is:0.14926582324943152	the:0.08873010779007179	are:0.07910387801909266	were:0.07668941873584377	an:0.06766694410247932	be:0.06414208980750774	I:0.04174563987201439	:0.01
all:0.2817467754549738	and:0.13866980003166032	it:0.10912812850064998	went:0.09847421389928397	go:0.07794149254212782	looking:0.07600713917236553	turned:0.07555119914301632	was:0.06771655535477566	get:0.06476469590114642	:0.01
W:0.14910773017956414	M:0.1227699057854245	J:0.12075148222724486	C:0.1115655270998523	S:0.10363588713123016	E:0.1024768877844631	A:0.09710894198133284	H:0.0941368354934298	B:0.08844680231745826	:0.01
a:0.6184605957167129	the:0.1617425273187617	young:0.055874123434593345	chair-:0.03522402111342789	every:0.029278088684690014	A:0.026674336573004522	any:0.023318849933792005	The:0.021465424758925555	no:0.017962032466092043	:0.01
<s>:0.2515850059809436	it.:0.19353872239114622	you.:0.1844620301975842	them.:0.10249009170574473	me.:0.06643287048920697	letter.:0.05416107030367487	him.:0.050256473431770275	time.:0.046546342467754326	life.:0.04052739303217467	:0.01
the:0.687155698161224	a:0.09926412524647917	and:0.05783497411347455	tho:0.03982605397173966	The:0.03679760787972348	his:0.02065830727749758	their:0.016927207345608427	of:0.015783681792882275	or:0.01575234421137065	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.04553578393787439	of:0.03051332981678091	tbe:0.02261446403444868	in:0.021612439669724332	or:0.020196218295911488	:0.01
was:0.2200263626512731	and:0.17470488313649699	be:0.14965647015878766	been:0.13551786225509604	day:0.09425440065845268	is:0.08026221041518597	complaint:0.05093229333825429	were:0.049970490810027836	duly:0.034675026576425336	:0.01
of:0.3526385491742855	to:0.13103707010491314	in:0.11549089879728176	and:0.10989597192834454	that:0.09765435494094213	as:0.05432796679015035	by:0.045095007438119554	with:0.042440557531144486	for:0.041419623294818395	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
and:0.2685633561871919	place:0.197636491457497	point:0.10900414669138925	places:0.09156843115676222	know:0.08779810459606872	or:0.06814347546305576	that:0.060841080099000584	spot:0.057084733352071426	cases:0.04936018099696283	:0.01
it:0.2827850527348108	It:0.13400289869302948	there:0.11771483856766453	they:0.0914384776859708	that:0.08313239062920649	which:0.0769409879360296	he:0.07501873352304173	and:0.07330080551631972	I:0.05566581471392691	:0.01
is:0.15693200988701747	was:0.12437983444286474	able:0.12124315460698397	and:0.11308774668948363	him:0.11120160900787303	had:0.10669981862934205	have:0.10056465621645724	enough:0.08254049511913548	as:0.07335067540084245	:0.01
and:0.20576986051327525	be:0.14724677861411745	to:0.12535070885684524	of:0.12147274158796671	the:0.10006651747810341	in:0.07829719106333621	was:0.07464897261101211	is:0.06959459791180371	re-:0.0675526313635398	:0.01
the:0.39061153225281675	a:0.20578738864179644	Republican:0.12157589057162636	Democratic:0.09411185095111646	democratic:0.04884458342251398	republican:0.04323115387600637	The:0.030144247240888093	of:0.02869102807445859	his:0.027002324968776973	:0.01
the:0.4599927872615986	of:0.1634562097807633	a:0.14066187480017714	and:0.06639694701307704	in:0.05683406702093618	his:0.027178148902089767	to:0.0260219763838325	tho:0.024744497426334864	this:0.024713491411190506	:0.01
provisions:0.1662709801773117	copy:0.15165327534695816	date:0.12617568642366098	part:0.12388683156619235	one:0.1044724200406653	out:0.09585475097905363	people:0.09019386903076455	publication:0.07733017020422428	members:0.05416201623116908	:0.01
it:0.20687419694626066	It:0.2041185812592859	he:0.1333143470069787	which:0.10094655584395615	and:0.08473585855072226	This:0.08385958200134509	there:0.061722523003561965	that:0.0578315595216127	He:0.05659679586627655	:0.01
the:0.2699167513597936	of:0.22863414607389046	a:0.1956776447616477	and:0.08012155706952374	in:0.06648174290277829	to:0.041416398455620944	that:0.04057890955687607	for:0.03777775842672882	The:0.029395091393140355	:0.01
and:0.25185878883423884	the:0.2072452636779586	of:0.15112589901721624	to:0.11438239617512232	a:0.07936575491862678	.:0.06597470122122459	Mr.:0.04986098764367698	his:0.03714276033701832	in:0.03304344817491738	:0.01
the:0.5482517723804015	in:0.10741815570253402	an:0.09960163901175907	and:0.05905484159515788	of:0.0440504393525389	tho:0.0371270364664374	The:0.03505258737422286	In:0.03226729578470423	any:0.02717623233224421	:0.01
a:0.3255052262781406	the:0.30875976821960277	and:0.12601521406860194	most:0.05968582038335043	The:0.041492328212898895	all:0.037484164927805826	some:0.03417038857912965	of:0.030555132334639697	or:0.026331956995830196	:0.01
there:0.2740496566197586	There:0.17723295450543133	they:0.15534843854080438	you:0.08800592379828924	who:0.0826317217689927	we:0.060363321449991576	which:0.05462337782344626	They:0.05090007251785308	and:0.04684453297543266	:0.01
have:0.35328946251732746	has:0.2674436609141953	had:0.24268234427973356	not:0.035514939864548255	having:0.033545822314682665	bad:0.01624217359426345	ever:0.01499857179966968	never:0.014904747853835006	havo:0.011378276861744831	:0.01
he:0.3634437410218274	I:0.13157381415302535	who:0.10981486652824841	and:0.08461387234011652	she:0.08286708567003691	He:0.06824356390193378	they:0.06276980176163761	which:0.047238774116240737	that:0.03943448050693315	:0.01
the:0.22172023892309115	of:0.1544891538036754	and:0.11358465086891449	a:0.09386538603318524	an:0.08847174821825284	-:0.08766195108438139	i:0.08336830757296744	.:0.07459740798853857	to:0.07224115550699349	:0.01
sum:0.18676829411122214	number:0.1566486321513545	line:0.11140081741272478	city:0.10844765106291132	out:0.10739005474369737	day:0.09286734076326106	county:0.08286139477536687	amount:0.07384405151900511	Board:0.06977176346045691	:0.01
and:0.20576986051327525	be:0.14724677861411745	to:0.12535070885684524	of:0.12147274158796671	the:0.10006651747810341	in:0.07829719106333621	was:0.07464897261101211	is:0.06959459791180371	re-:0.0675526313635398	:0.01
of:0.31101947367550115	in:0.209214267670119	for:0.11484718694913078	that:0.0766872168502006	by:0.06348196936772817	to:0.05920693872818296	In:0.058553940535881546	and:0.05124266403440448	with:0.04574634218885127	:0.01
of:0.456779205531727	in:0.19557195177795295	on:0.11682660122731528	to:0.07163715345213986	from:0.04861819879234171	In:0.033203995113863786	for:0.02380139164983446	and:0.022599561494651324	by:0.020961940960173606	:0.01
and:0.4404125920026467	that:0.15993193301104297	but:0.1458687762109243	But:0.059014690576080095	time:0.053670320440024406	And:0.04318137511098315	or:0.033058010851285305	even:0.0307843536729195	day:0.02407794812409341	:0.01
the:0.36607440056592166	a:0.1206726139929553	this:0.11846607832365261	of:0.0958619226053198	in:0.07087262514001848	quarter:0.0699348578883592	every:0.05601517811335796	that:0.049404704985791026	first:0.04269761838462403	:0.01
number:0.3151231238799622	men:0.17229968969123002	place:0.10988395833308089	line:0.10172534584100218	people:0.0595510882617014	and:0.058886226579927224	out:0.05876135183634695	case:0.057204101019378235	board:0.05656511455737076	:0.01
they:0.29207908252070486	we:0.1676192807591628	and:0.09114719991682552	you:0.08976365771910488	who:0.08197059636375331	which:0.07240034505594667	that:0.06870135276315271	They:0.0653886468311585	there:0.06092983807019062	:0.01
the:0.47903667398290684	a:0.11370506167381013	of:0.09440040826175843	and:0.08354887372366623	in:0.057676552958459415	The:0.05420090682184145	Mr.:0.044846709943212826	tho:0.033054569066270495	.:0.029530243568074287	:0.01
the:0.4746267265053567	a:0.131907483651067	of:0.1007590190865449	to:0.08910379844883512	and:0.062019131417750235	in:0.04138117825067977	an:0.03520509424521904	The:0.029277029391030936	at:0.025720539003516413	:0.01
of:0.21570058734606717	in:0.1728729059915376	with:0.11189587087684338	is:0.11146700495359303	for:0.09601496085793076	and:0.09067536895922884	was:0.0830374109603367	to:0.05722590135037264	by:0.05110998870408978	:0.01
was:0.18609210225558076	be:0.17626256083489128	been:0.11713550526545646	he:0.10977763222090388	is:0.10435434563569165	have:0.08552884006206818	and:0.07688131440645274	were:0.06934451711809962	are:0.06462318220085538	:0.01
the:0.386574314273706	a:0.15809553049707567	by:0.13046022031856155	of:0.13006274991044894	at:0.05438110867780819	any:0.04121068743486792	in:0.031987309314137784	from:0.02890792684724989	The:0.028320152726144	:0.01
the:0.3427693240260209	of:0.21602836901853545	and:0.11438287019823319	by:0.07906031001802383	Assistant:0.07868958465865546	for:0.05046041861854934	at:0.04613945025696396	to:0.03480786954590887	The:0.02766180365910902	:0.01
an:0.5511589795883921	the:0.16279241623096996	An:0.09660635235658192	The:0.051206358143988856	that:0.03283618867218284	of:0.032471135473506704	and:0.026388352464213772	this:0.02018456527720478	any:0.016355651792959044	:0.01
the:0.6100044772242765	of:0.11000701681646093	and:0.06131583589590928	a:0.05431474031693975	to:0.05261938159270191	by:0.033096519072140916	The:0.031083783735471	tho:0.019191795543115866	A:0.018366449802983683	:0.01
and:0.22458167922187433	was:0.15845754335842704	is:0.15354270397073008	be:0.10167950708594856	are:0.09874780213142718	that:0.07830957835228297	had:0.06279708169084898	or:0.06275160902085997	not:0.04913249516760088	:0.01
a:0.24580596669659693	the:0.21392435819367955	to:0.17353992207852967	of:0.11842530520464337	and:0.09849366756785694	his:0.04193434682729111	will:0.03288031864573486	for:0.03285250715623164	with:0.0321436076294359	:0.01
it:0.23939408018857475	It:0.16828534012759358	he:0.16454501357099513	which:0.0902688174425402	I:0.08004437355512885	and:0.07938802779302434	He:0.07395771847278129	effort:0.047940905990124544	who:0.04617572285923735	:0.01
the:0.606669990683497	thence:0.08936048745329642	of:0.0843529368967872	at:0.06056471064823884	tho:0.035904188216807124	on:0.030501626257094606	and:0.029898017898067862	along:0.02664384183042985	feet:0.026104200115780997	:0.01
for:0.19042752589945175	of:0.18076167403246415	with:0.13520594799391125	to:0.11565724229176091	do:0.09480001307818249	in:0.0870673048804502	upon:0.08263226039551462	on:0.05198804008200455	about:0.051459991346260246	:0.01
of:0.39069519806903263	in:0.29966885823527784	to:0.07226490385681053	In:0.06125235605787519	for:0.060811880032801115	by:0.03640068529315854	that:0.02882992028270966	from:0.024633936286291767	and:0.01544226188604281	:0.01
it:0.1921278232971985	I:0.1635367281436464	he:0.1482809775130435	It:0.12009222869643392	we:0.11874289695586417	they:0.11459528351250943	We:0.047894328539064	and:0.04657853342455461	you:0.038151199917685306	:0.01
men:0.22138520218205965	hundred:0.1558942795559107	north:0.10685697554134092	city:0.1011969083901475	time:0.10104458013162132	wife:0.09063836038824036	gold:0.07617105277490645	up:0.07172578973742141	land:0.06508685129835164	:0.01
of:0.28994221244572643	the:0.2669786708795727	a:0.10820700959838013	Of:0.10299973273875702	his:0.07715121731116066	this:0.04996423768273851	my:0.03618936930178237	in:0.031044141834272645	our:0.02752340820760929	:0.01
the:0.24870750539414407	and:0.15280921384714968	of:0.14963076019526078	to:0.1416723431280715	a:0.07424214706605248	was:0.07406576152840909	in:0.054385616643279414	be:0.05096598855244618	at:0.04352066364518655	:0.01
with-:0.46632044646735804	the:0.1539085863958493	and:0.08596017255087202	with¬:0.06723834848740935	sent:0.05472696095044099	with­:0.04803875409079339	it:0.045898502810535244	went:0.0371727423738534	go:0.0307354858728882	:0.01
<s>:0.4458746059749088	it.:0.11780244766415972	them.:0.10803539018274376	him.:0.08881126762075175	her.:0.05377580028917395	country.:0.04581172414059134	.:0.04486262216140508	life.:0.04364347368662915	time.:0.041382668279636346	:0.01
a:0.21970941759205206	some:0.1800692170079992	any:0.16843077267227866	the:0.15388554440113666	in:0.06205688825992296	and:0.06076940692583292	this:0.052799678774424076	of:0.04791071776690913	no:0.04436835659944431	:0.01
he:0.20467953392940436	it:0.17352503062908353	which:0.12427682101891602	who:0.11450803170646717	It:0.10623926897970518	and:0.08774926960631164	He:0.07544002955486519	that:0.06822902221926003	she:0.035352992355986816	:0.01
of:0.25110008680856005	to:0.16744332014316266	and:0.16224009217217664	with:0.09544071025413058	for:0.08459037388239334	by:0.060715013485822686	is:0.06010677878913492	that:0.0594453624766449	in:0.04891826198797427	:0.01
the:0.2974502811850691	of:0.22091422415753312	to:0.09236837889488791	boy.:0.0741306415053232	and:0.06960437249933987	girl.:0.06679148007921792	a:0.06486805677156715	in:0.05550313372308324	for:0.0483694311839784	:0.01
the:0.8806090680672324	The:0.033923303132548904	tho:0.031292131321869934	of:0.013544302279215756	tbe:0.011117242043315882	that:0.005714024709215409	this:0.005269696849502975	in:0.004756604207904668	and:0.0037736273891940974	:0.01
the:0.4238741542787785	of:0.16374166870874587	fellow:0.08105829617968345	and:0.07760805768747463	other:0.062460506014162705	many:0.05044250192930765	these:0.04717971220006907	our:0.04394742878281456	his:0.039687674218963485	:0.01
p.:0.6020914823384439	a.:0.24948273637872642	p:0.04265345257429452	and:0.03378638887832207	the:0.025224453602801573	of:0.014232170386764914	a:0.012019616217549715	for:0.0057458651499188275	dis-:0.00476383447317817	:0.01
for:0.37084304946778357	For:0.34825188804472973	of:0.09460090389027315	by:0.03580642000414916	and:0.03546843818444796	to:0.03496562791295715	in:0.0327851678372496	so:0.020579669177683863	the:0.01669883548072592	:0.01
of:0.4468065481333238	in:0.2549864520782995	to:0.06584627851651556	In:0.061115859765892074	that:0.05067302138547659	for:0.03344342961836898	and:0.028264986661587204	by:0.026820730348017352	from:0.022042693492519097	:0.01
was:0.20412182450603952	and:0.20169165137129316	is:0.12947828874399422	are:0.10175590872617729	were:0.10073473205662961	be:0.07904296505976684	been:0.07613469255728672	to:0.05995154331148197	of:0.03708839366733057	:0.01
the:0.2932409016870283	a:0.23998928172580805	at:0.15034919759650225	and:0.07182154388193047	for:0.0666322168819539	of:0.05584523135313212	an:0.04384379936494865	to:0.03932135472048774	in:0.028956472788208523	:0.01
to:0.6026440147287682	the:0.09755961911125956	of:0.09195344666440448	a:0.057426842961217514	his:0.03239475453058889	and:0.032014316104730295	for:0.028310157439576423	or:0.02606295764713373	in:0.021633890812320946	:0.01
the:0.4461692203566346	of:0.14632936042277622	a:0.1352649169718063	and:0.10866647053161567	The:0.03842502825777736	that:0.03384604098467835	to:0.029822141814817096	tho:0.026213018071044227	as:0.02526380258885024	:0.01
more:0.2490902927657509	hundred:0.134690266933597	time:0.12263157115822501	it:0.10794115522609624	one:0.101524313187105	and:0.07488886690434852	good:0.06723530496956324	up:0.06695252341214791	due:0.06504570544316612	:0.01
North:0.13111784523567158	men:0.12713026361383212	good:0.12223213007737145	rights:0.11603360763305576	;:0.11248937097616772	hundred:0.11064013261731231	one:0.09319961030774508	time:0.09026249751989895	street:0.0868945420189451	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
of:0.373790027318163	and:0.11064651762657036	by:0.0979476469116305	to:0.0960842434794955	that:0.09365692350098352	in:0.08591511003978067	from:0.04868450381138683	for:0.04731402886002136	with:0.035960998451968235	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.04553578393787439	of:0.03051332981678091	tbe:0.02261446403444868	in:0.021612439669724332	or:0.020196218295911488	:0.01
the:0.5218671725517094	a:0.2292614204004845	at:0.09713513435559556	of:0.03789980923057573	The:0.03697451047052328	tho:0.023250438109019316	in:0.01679406494627638	his:0.013769221151170517	for:0.013048228784645137	:0.01
;:0.3840263387983164	it,:0.15497401647515496	him,:0.0795489849267356	nothing:0.07708431625029438	them,:0.07485407417374608	and:0.0665484646690773	time,:0.06309009911455096	,:0.04974258339627379	is:0.040131122195850605	:0.01
the:0.563928614948719	an:0.1806288040150447	The:0.10029305416345588	tho:0.035302363468252364	An:0.033818851768805364	of:0.02837565583957356	a:0.01654139297485534	and:0.015698979897856683	that:0.01541228292343703	:0.01
he:0.1844508277501066	I:0.15710561152912347	be:0.14996479679083113	and:0.13884661129474918	have:0.11279735394749539	was:0.07355239049895101	had:0.06961889218449678	has:0.05296174208083489	they:0.050701773923411415	:0.01
to:0.4163928763069554	I:0.11740405099284232	will:0.10107728573336958	we:0.07030954123135347	can:0.06986242202464288	they:0.060231303814863475	would:0.05896579788676696	and:0.05063872248850818	could:0.04511799952069788	:0.01
the:0.5482572488591566	a:0.0841989353068151	and:0.08378957766868562	of:0.07848222583720928	The:0.05345950920168889	his:0.040390397354862884	tho:0.03868702521058552	to:0.035087892638117714	in:0.027647187922878312	:0.01
the:0.18724306507641134	to:0.18077131898187318	of:0.15258123624921413	and:0.13849688479985894	a:0.12798809496438834	for:0.060523932480332616	in:0.05940955402818503	that:0.04697685432893022	with:0.03600905909080634	:0.01
a:0.527750321979875	the:0.19344212701295332	and:0.06534025628671497	of:0.05238532507227174	A:0.0486930165113133	The:0.029610913959564885	I:0.028059657919546725	his:0.023703526461418004	this:0.021014854796341936	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
it:0.22325425354406936	It:0.18073812601551806	he:0.13727858521627867	I:0.11191228799780636	and:0.08870640983891163	that:0.08161767685932303	which:0.0771773028444455	He:0.04629648082110498	.:0.04301887686254254	:0.01
the:0.4270584136959109	a:0.14309777737447968	and:0.131942363598631	of:0.08816915922092719	to:0.058783131799565215	in:0.05243461749308481	The:0.038548730950057127	tho:0.025718331359892915	an:0.02424747450745096	:0.01
of:0.2517877187637788	in:0.11862893944457929	and:0.1101937409790417	by:0.10115177251456758	as:0.0993963729095034	with:0.09036254022029053	to:0.08210389171537748	for:0.07060070573615879	such:0.06577431771670236	:0.01
the:0.5079334324155349	of:0.1334123110432054	in:0.07936604865389497	their:0.055110577303331854	and:0.04796204374129678	to:0.04723149758713573	a:0.044651597285777306	our:0.04040448290484977	his:0.03392800906497305	:0.01
sum:0.18676829411122214	number:0.1566486321513545	line:0.11140081741272478	city:0.10844765106291132	out:0.10739005474369737	day:0.09286734076326106	county:0.08286139477536687	amount:0.07384405151900511	Board:0.06977176346045691	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
and:0.48418249689778053	was:0.12164717504817875	to:0.08832599986692405	is:0.05803663438175559	not:0.0557028420824183	will:0.05484565658493217	but:0.045030662583615134	that:0.04317406489546546	I:0.039054467658929795	:0.01
of:0.23817198602954937	and:0.23415746017761663	in:0.1159835339547378	to:0.10227189079610366	fact:0.07859923495468527	said:0.06648519540808896	on:0.0596758126790623	all:0.04959175794549596	is:0.045063128054659965	:0.01
is:0.2230148973533917	and:0.222282191772373	that:0.14464741245660026	have:0.08555992119807336	was:0.07695120368029752	but:0.0675974400481729	had:0.06295209377835262	be:0.054718557126771025	of:0.052276282585967636	:0.01
to:0.31999042639567954	and:0.1676215586300303	a:0.10536380127142606	be:0.08872539083623003	the:0.07733797992910578	was:0.07646677301500278	of:0.055860816515527066	were:0.05193302674586891	been:0.046700226661129454	:0.01
let:0.29618821472107515	Let:0.1668918465107833	to:0.10725998975269603	with:0.09991758401048549	of:0.09020054999938384	give:0.0819136352958766	for:0.06061639611336362	make:0.05188251099659503	upon:0.035129272599741114	:0.01
to:0.34783171586156336	a:0.23012735766194548	the:0.1606712933165899	and:0.05444727395613893	his:0.04404320674415505	will:0.043004316120444044	not:0.03903055091006171	water:0.03641639977122087	good:0.03442788565788065	:0.01
I:0.20583663599222907	may:0.14005540753689458	and:0.11410119660520186	we:0.10785438444078474	they:0.097410963615948	who:0.09437546482641358	not:0.0861387097811974	We:0.07584478842025026	will:0.06838244878108053	:0.01
and:0.2808865126133064	of:0.18110105178426195	by:0.0890019322958133	after:0.08628254589152269	to:0.08481509878285398	in:0.08017321435285804	with:0.06690692854729513	for:0.0645443809184253	without:0.056288334813663216	:0.01
to:0.3090601878195526	told:0.14278894841878884	tell:0.12860424837849574	with:0.09865692941968927	of:0.08690267099343689	for:0.07491970946035412	asked:0.058868943861272276	let:0.046385088344825805	gave:0.043813273303584394	:0.01
the:0.3228698187643638	ex-:0.114593476709363	have:0.10965667180511404	has:0.09755787820430278	and:0.09453321513977447	a:0.09189759785132103	had:0.07250167266071433	im-:0.04355794221735939	of:0.04283172664768701	:0.01
he:0.38849891655495344	I:0.1703402659945047	who:0.10764818183127708	she:0.08687619162378198	they:0.05686182628798717	He:0.05356136149383488	and:0.05127843371595929	that:0.03799428484738596	which:0.03694053765031557	:0.01
and:0.3368867573222019	he:0.1549769412789273	who:0.10338771671707458	which:0.0909195716384232	they:0.0801704496582459	I:0.07126511057150876	have:0.05577489734492613	be:0.049431978353745326	He:0.047186577114946955	:0.01
that:0.24070356897177694	and:0.2066373954245568	but:0.1124924508880899	which:0.08495451539749252	if:0.0797877518395288	as:0.07882064849224737	when:0.07322290696827845	what:0.06140855944929352	If:0.051972202568735866	:0.01
the:0.2899795600254739	of:0.1925437567589803	and:0.12243096533024841	to:0.11386310768867342	for:0.09375048998506734	in:0.07126045959287809	or:0.03837028848854728	be:0.03525126191285086	that:0.032550110217280326	:0.01
to:0.3776743323375729	will:0.18654030884254372	shall:0.12031851619161153	may:0.06825075784830757	not:0.057059568128779804	should:0.054521246604789644	would:0.04395639941907777	can:0.040892350634496456	must:0.04078651999282058	:0.01
spite:0.14875076345484542	out:0.14582096981607984	and:0.13969007688794002	that:0.10391708813818726	value:0.10208382150396515	part:0.09633133876814111	one:0.08915362516772864	sum:0.08654755829201863	amount:0.07770475797109393	:0.01
the:0.2730064410655565	of:0.2061915982928831	and:0.15730310785276438	to:0.11328772494832277	a:0.06157042052140126	be:0.0599458265993358	was:0.0422612169580392	in:0.038887589225826774	is:0.03754607453587028	:0.01
the:0.5127272789304043	a:0.23517497611423513	his:0.05489953664360392	The:0.04516778331350332	one:0.03513993067973525	tho:0.03104808852321818	any:0.027275570784857827	this:0.026504297917232505	every:0.022062537093209593	:0.01
the:0.3015884484456102	and:0.25642323575886267	an:0.10627089881044774	his:0.07445213079601586	to:0.06108293203761954	a:0.06092789979618991	not:0.05795846867123337	their:0.03626432469099974	will:0.03503166099302071	:0.01
the:0.38391767057250453	an:0.26507021518905566	in:0.07947250393724045	of:0.07250479359108833	and:0.06927770300643729	The:0.04652707781736411	tho:0.025861171121499528	a:0.024219550547497953	In:0.023149314217312207	:0.01
and:0.27085552295032383	of:0.16875357166365473	the:0.158060285497167	to:0.1266985020119527	be:0.0650613607990289	a:0.053672339130749605	more:0.05256459709133613	in:0.0487134238363311	was:0.045620397019456235	:0.01
a:0.5472232738122392	the:0.10842550523653091	this:0.08927046355413623	that:0.05308081961577929	some:0.05145681132144478	any:0.051326223933317885	one:0.033177753117194744	every:0.03074316920394686	and:0.025295980205409834	:0.01
in:0.2335867042216249	;:0.18180926332834607	it,:0.13404308968719741	them,:0.09254351752819094	one:0.07978662201318663	it:0.07120360777468793	each:0.06887856934156845	country,:0.06722110733653862	time,:0.060927518768659074	:0.01
set:0.5464406566180147	laid:0.10853300540929889	not:0.07685737887788532	lay:0.052602180062143636	brought:0.05044672759855534	come:0.043456139994180354	and:0.04094714425402938	put:0.03998443336673161	thrown:0.030732333819160615	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
the:0.46033412976773436	a:0.36017589931428606	tho:0.03460400684205308	The:0.03309691376371025	this:0.022877588013632252	any:0.02076715397980888	every:0.02018205545705526	tbe:0.019232185946481177	whole:0.018730066915238517	:0.01
he:0.3390078559396793	and:0.2346082625202602	He:0.13008066230814802	I:0.08204761783944349	she:0.06151609560227265	they:0.04195121520443963	who:0.04102932608802959	it:0.03176962273236587	be:0.02798934176536127	:0.01
the:0.36304377329152115	of:0.3064252505830489	and:0.08430237719193066	his:0.07563121391564365	a:0.04269945854931228	their:0.03715887784917257	with:0.03468210901713125	in:0.024077677224499827	for:0.021979262377739645	:0.01
enter:0.15707859451169695	went:0.13566825596248216	put:0.1320759020253611	it:0.11418668608397747	go:0.11173622366522463	down:0.08711492391028465	came:0.08442360978451802	them:0.08398051124388721	entered:0.08373529281256771	:0.01
to:0.34739097116669293	not:0.1541070221479696	and:0.13930222606997117	they:0.13914602541423918	be:0.05379866854308465	will:0.048159907184756115	we:0.04667703199673607	he:0.033191676189113825	I:0.028226471287436477	:0.01
be:0.22788456098513138	was:0.22374506806938643	is:0.11421013764356235	he:0.11030471795849181	and:0.08189933011953017	I:0.08104948251744341	been:0.07291465745726625	were:0.0409482661708114	have:0.03704377907837664	:0.01
of:0.1926333337813431	and:0.1813553382693573	any:0.1008568370578388	that:0.10060974795795614	the:0.09319827636714861	in:0.0855547461656995	no:0.0800722605647559	is:0.07940036475391278	by:0.07631909508198774	:0.01
the:0.7662407475416705	in:0.08675334781171919	tho:0.03828050465988184	In:0.025676253657966237	a:0.017987272952194554	of:0.015353875157795363	tbe:0.014365905258533374	The:0.012911139872560276	to:0.012430953087678581	:0.01
the:0.8678710279810202	tho:0.029483012255888924	his:0.021780451468762913	The:0.019724066629943356	their:0.016078340322547444	and:0.01325370357238667	tbe:0.008407804459876687	in:0.0077834450852429715	her:0.0056181482243307925	:0.01
the:0.4552464530266765	in:0.30179780446801047	In:0.10174953151761064	tho:0.029332335754685517	of:0.027577790142245637	a:0.026028634438036095	and:0.020957368298853123	tbe:0.015359865777543844	to:0.011950216576338275	:0.01
;:0.20953252095776806	it,:0.11451281996419217	him:0.11252660622910599	one:0.10399558216214487	in:0.10038399485273586	and:0.09216727949281207	,:0.08702126563998025	it:0.08638247894281384	up:0.08347745175844686	:0.01
<s>:0.6492982155015994	it.:0.07853896143876415	them.:0.053124750990971276	day.:0.04446674231809224	time.:0.03708839517432011	country.:0.03434974887523696	year.:0.034230490011684205	.:0.03128113046441826	years.:0.027621565224913366	:0.01
of:0.4061718721844182	to:0.12549127481807343	that:0.11646835314454525	by:0.09842653733529987	and:0.0980731300960812	with:0.04982855422007515	for:0.03312161317314034	as:0.03243387979934148	all:0.02998478522902497	:0.01
will:0.2314864949605809	to:0.22902111758308236	may:0.10891355019453598	would:0.10850275698671288	shall:0.09873092185867913	should:0.0735300070915607	not:0.05362039445388324	must:0.052449064313358294	can:0.0337456925576066	:0.01
and:0.29052563843363216	fact:0.1718349679940122	said:0.11307705641045758	so:0.10296766644522751	believe:0.07467485194323314	is:0.06547998110151379	say:0.06072622423233118	know:0.059576482780927004	found:0.051137130658665285	:0.01
and:0.3634141544211112	<s>:0.12328289904923408	that:0.09684773293490097	men:0.08157220027204973	them:0.07157924329124106	of:0.0691920685253098	:0.06355906914139595	one:0.06108162000188266	or:0.05947101236287445	:0.01
a:0.3375227376095189	the:0.21597906244623652	and:0.11215036501996944	of:0.08385073496078967	most:0.08126947048179928	in:0.04674392906692192	an:0.03972457800105657	very:0.037696819570954054	The:0.035062302842753655	:0.01
foreclosed:0.2135442648197597	accompanied:0.15326393402647306	made:0.13791131994204262	and:0.13215418511823612	followed:0.12340081914410175	surrounded:0.06977781461101068	up:0.05787632017490193	caused:0.051337079258656944	secured:0.050734262904817244	:0.01
more:0.45007886000620634	less:0.16900716644448102	better:0.08289749761439143	greater:0.07115848974331247	rather:0.07103038283837583	worse:0.038621411591282295	larger:0.0362060645346208	higher:0.03591796783111621	other:0.035082159396213466	:0.01
of:0.44660158442698566	by:0.12729871029891673	to:0.09888604239265325	in:0.088609702075633	and:0.06919424034955875	that:0.06568702388412936	from:0.03325376273190707	on:0.031150827613947475	for:0.029318106226268754	:0.01
so:0.3208319646178633	are:0.14159112889468242	and:0.13166571168402633	as:0.11503279089203586	of:0.08048529411413097	how:0.05303614260614504	were:0.05228468329384491	had:0.04819914816066517	have:0.04687313573660602	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
purpose:0.3773391734173146	instead:0.09819396728465436	cost:0.09148072139326435	means:0.08969382980505947	number:0.08912303002812703	amount:0.07373767961386134	out:0.06290247248285934	capable:0.05440872462117451	method:0.05312040135368499	:0.01
be:0.32850161245558773	was:0.2158576417232646	been:0.13650032687852157	is:0.08966340750133171	were:0.06201926578024389	are:0.055244316792661216	and:0.04870200421138481	being:0.027050905008995485	had:0.026460519648008978	:0.01
of:0.359798493356762	to:0.14574332540129797	in:0.12225210686770449	and:0.09250020907122011	<s>:0.08105948979019703	from:0.05118238803048259	at:0.05008768458850507	In:0.04384176711984438	for:0.04353453577398641	:0.01
the:0.5302647342717777	a:0.09379040849225813	his:0.08653167655656369	this:0.0606807457226521	of:0.05673828037177204	their:0.04321116325159295	The:0.04199312193181506	and:0.04052723752014906	in:0.036262631881419476	:0.01
and:0.1674992470934373	out:0.14565391982511547	known:0.12534583499375515	made:0.10013516281350522	up:0.09724793368394277	men:0.0960741322376755	it:0.08860926082279433	them:0.08758909713195738	him:0.08184541139781679	:0.01
the:0.343080409568924	of:0.22607572958109026	and:0.10859322234510584	to:0.06740740167436085	be:0.052773548997891474	was:0.049347904824061664	their:0.04900935454528534	for:0.047583541976881645	his:0.0461288864863987	:0.01
it:0.18996776648825842	which:0.16693146919859037	It:0.16388385093027855	that:0.10887832266608082	who:0.09754653858074362	he:0.09729440751502057	there:0.07644641877125939	and:0.04784424293313712	There:0.04120698291663113	:0.01
of:0.287458900755063	West:0.1979357005841358	the:0.17340369709888584	and:0.1352812785317711	in:0.07869330011157703	by:0.039548231068572415	from:0.030672576324871498	to:0.025484861426447653	for:0.021521454098675778	:0.01
up:0.18784817241181564	him:0.13798931775247322	made:0.10264202715188683	men:0.10201710279215712	them:0.09620596658941417	time:0.09421834293644567	right:0.09205460387281904	out:0.09059386969571254	it,:0.08643059679727585	:0.01
to:0.22893816365933314	and:0.21927175130171564	a:0.13044495051147906	the:0.10455834179792872	of:0.1011261308984118	not:0.0771920522945969	most:0.04816885945488863	or:0.04415662684441343	in:0.0361431232372327	:0.01
he:0.20999095849564722	which:0.13994856696027383	it:0.12467601249833848	who:0.10787117938575443	and:0.10302585195074532	He:0.09074100677468909	that:0.09065361366615365	It:0.08707779466734858	she:0.0360150156010493	:0.01
the:0.293762765722081	.:0.17134530985259755	said:0.15375922560436153	of:0.08272409744354312	and:0.07129465678483367	<s>:0.06476326068198769	W.:0.0601724588420952	Mr.:0.04846581534136762	E.:0.043712409727132695	:0.01
and:0.25037799561132223	to:0.19051743664518078	of:0.12818071300755096	the:0.11341275889843262	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.05790590474591629	for:0.056443486992488516	:0.01
the:0.34170127421390223	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093987	to:0.07847171568184984	in:0.05339647102682973	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
and:0.24151777868860197	be:0.22162191064265238	was:0.11218206542882789	he:0.08556831953736074	have:0.08202933259870306	been:0.07365512728838011	is:0.06978542924344051	had:0.05236969389416216	has:0.05127034267787138	:0.01
<s>:0.4851179010250927	.:0.12190847012452048	it.:0.09718665845214788	them.:0.07584715059411823	him.:0.04733775978303209	time.:0.04552582678968357	of:0.04253708239082296	day.:0.0377231102703919	country.:0.03681604057019033	:0.01
of:0.34636176612243513	to:0.13371672413562832	and:0.10322387083542393	in:0.08829925572734358	on:0.08212807313414627	that:0.07262316533185112	at:0.0622988372973047	by:0.05226651861755746	with:0.04908178879830939	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
the:0.24396549952477586	of:0.23870554191131643	and:0.16867944032370094	to:0.09602054029006399	a:0.08605946585714348	by:0.04298573567867295	be:0.04176676461510814	in:0.039650273917566196	as:0.03216673788165189	:0.01
the:0.6886622143861707	their:0.060799467020123114	tho:0.040905715857116345	of:0.03753947035307754	his:0.03727156910010496	in:0.03367203721781362	a:0.03222613430262321	and:0.03158984082480506	its:0.027333550938165443	:0.01
the:0.2920206063550032	various:0.16893164814783385	all:0.1318452033211202	other:0.11983024834571739	and:0.10752906840918997	by:0.04707719038775557	a:0.04544728164337629	many:0.04016509199507486	two:0.037153661394928574	:0.01
and:0.17722291469113732	of:0.1320986679916092	put:0.1292215154372875	as:0.1200634474294562	make:0.10394397296081155	that:0.09994954798090329	for:0.08271405305777427	to:0.07588001229998376	with:0.06890586815103678	:0.01
of:0.28857126887919654	to:0.26105545738157976	by:0.13538119302038915	and:0.12009298652543947	that:0.05911344252605078	<s>:0.0389639698773558	at:0.03228453512543334	in:0.02998718371779933	from:0.02454996294675593	:0.01
tak-:0.47827214992525896	giv-:0.170375902182651	giv­:0.06409163406788329	was:0.06176940002568713	be:0.05070492348904952	and:0.049546040771766185	tak:0.04242778007012746	wom-:0.03826287112186383	fall-:0.03454929834571278	:0.01
and:0.2809266111445266	was:0.17900214778011597	is:0.0945251456025579	be:0.08014558148011883	been:0.07686580796122695	that:0.07385564291420019	men:0.07171313538046635	found:0.06685817018390401	were:0.06610775755288324	:0.01
a:0.29758910663305543	the:0.27423539380877837	any:0.11748842211131855	that:0.08968490661350283	this:0.05472192640486378	every:0.0465843682137706	greater:0.044608758332540806	latter:0.034305529520777776	no:0.03078158836139183	:0.01
of:0.3716924261869277	to:0.17193924987089776	in:0.11935353230576481	by:0.08533205149350881	that:0.08165966200872264	and:0.046004432117204466	for:0.04345500529355947	from:0.03743283839818228	with:0.033130802325231974	:0.01
and:0.27085552295032383	of:0.16875357166365473	the:0.158060285497167	to:0.1266985020119527	be:0.0650613607990289	a:0.053672339130749605	more:0.05256459709133613	in:0.0487134238363311	was:0.045620397019456235	:0.01
and:0.27450857336140555	<s>:0.26162084714562844	that:0.1699342133178428	or:0.05576776309130725	the:0.04936802957034037	as:0.046385375339913625	but:0.045851221137373104	it.:0.045766580465523544	them.:0.04079739657066547	:0.01
I:0.23086540759643293	who:0.14925482731446138	they:0.13058427908829326	we:0.11932986473664363	to:0.11370738096737318	We:0.07067216971575686	which:0.06063801984309636	would:0.058702001532130725	and:0.05624604920581184	:0.01
the:0.3299177818426395	of:0.17897670274827274	to:0.1253793792460873	and:0.10985980430753879	in:0.06240993305390326	for:0.06192854377065038	be:0.05083764956696977	was:0.037005804169285124	is:0.03368440129465309	:0.01
be:0.2697150722950719	and:0.23248807470937383	was:0.12142753494127821	is:0.08844418386101736	are:0.06598468883793729	were:0.06054546306121178	he:0.06003635550473341	the:0.04656404401279456	been:0.04479458277658157	:0.01
of:0.41093113273584714	to:0.12363286140947108	in:0.09654701169880539	by:0.06754995806087415	and:0.06599732598478977	that:0.06571057222679623	on:0.061258127847751774	with:0.057414135166623845	from:0.04095887486904074	:0.01
the:0.5270789346827331	a:0.15225564582038037	The:0.14689237317806214	annual:0.052796198007862456	and:0.033926998477043724	tho:0.026078067181713974	to:0.02501957430027673	A:0.015345005899799006	tbe:0.010607202452128471	:0.01
was:0.15079312281235296	and:0.12892320104615598	be:0.12819326967956626	are:0.11849748009984636	is:0.11717414714935541	very:0.10833468733583616	been:0.09492681337171813	the:0.07808909440529012	so:0.06506818409987848	:0.01
;:0.20953252095776806	it,:0.11451281996419217	him:0.11252660622910599	one:0.10399558216214487	in:0.10038399485273586	and:0.09216727949281207	,:0.08702126563998025	it:0.08638247894281384	up:0.08347745175844686	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
the:0.6306070272208348	The:0.1110024988353385	of:0.059472527055618236	tho:0.04456348658796447	our:0.03450277373018428	a:0.03375126442123598	and:0.03125011525589155	that:0.02505413845430237	this:0.019796168438629653	:0.01
of:0.36597206643577573	in:0.1823143283517522	to:0.12382778770500491	on:0.09100975044733065	by:0.05770265481544607	In:0.04571798197709016	from:0.042333293595580294	for:0.04156662776938954	and:0.03955550890263057	:0.01
they:0.3392024735004142	which:0.12118407359814243	who:0.11815342309856959	and:0.09183938307199785	we:0.0855906139993737	They:0.08047925341627658	men:0.05701719245668255	that:0.054512408456425396	there:0.04202117840211774	:0.01
and:0.30132020239915897	is:0.11119746070334266	be:0.10342383628277003	served:0.08924283171230941	that:0.08794619158593867	time:0.07790541440461883	was:0.076814248307636	or:0.07597111826904795	now:0.0661786963351774	:0.01
to:0.6247354854669194	will:0.11350799950024257	and:0.05517861641908905	would:0.04495011017254534	not:0.04081232325128098	the:0.03825074671268737	a:0.029215690618604923	that:0.021840946178124942	which:0.021508081680505498	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
at:0.9029605927761987	that:0.015017249046676394	At:0.014049693192665485	to:0.011311625106861234	of:0.010420820757350307	or:0.009990592374411737	and:0.009886145502600556	nt:0.008993707827522212	was:0.007369573415713434	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
and:0.22154144942409318	in:0.1751847015715406	of:0.1732615536862833	to:0.12617456948815445	that:0.09796003053355466	at:0.057823312230028234	for:0.05690399318780436	nearly:0.04106679620263339	In:0.04008359367590796	:0.01
the:0.3848969270449203	not:0.25309895436503554	is:0.08049586543360475	The:0.06666606115667228	was:0.061576993344001275	and:0.05014147968100146	are:0.0355566998920736	of:0.03272328629210211	tho:0.0248437327905889	:0.01
the:0.3409949041121723	and:0.15658513337246238	of:0.12204702080513387	a:0.10733998225526857	Mr.:0.0681260778711515	to:0.0632222629247171	The:0.05315973059712353	.:0.04005483391901651	was:0.03847005414295407	:0.01
well:0.2610088217337818	is:0.12706465464591282	and:0.12479899526424607	such:0.11271106012114854	far:0.09310908289722408	soon:0.09205111820651238	be:0.06264986800560325	was:0.060059284719779886	but:0.05654711440579088	:0.01
the:0.7671690872974316	a:0.07321876706274168	The:0.06998052364219105	tho:0.03537844426937753	his:0.016578063351196187	tbe:0.01023283867509458	our:0.005992348029543761	of:0.005933120766747189	their:0.0055168069056765155	:0.01
it:0.20687419694626066	It:0.2041185812592859	he:0.1333143470069787	which:0.10094655584395615	and:0.08473585855072226	This:0.08385958200134509	there:0.061722523003561965	that:0.0578315595216127	He:0.05659679586627655	:0.01
<s>:0.6400511223546401	.:0.0709313879917318	it.:0.06711720443580214	them.:0.04313920104028784	of:0.039253640317857566	him.:0.03884930182090156	time.:0.03440278764068053	day.:0.029863919568001253	country.:0.026391434830097118	:0.01
of:0.407674785398844	to:0.12776120936196508	in:0.09811001276740029	and:0.07987385520716707	for:0.06192213266467771	by:0.059814335151744225	on:0.057195378560192196	that:0.05542901686480434	In:0.04221927402320508	:0.01
the:0.557461331453639	a:0.12279282956952885	and:0.08953298869576322	The:0.06089563246587472	of:0.0577208440333668	tho:0.030157168399956497	at:0.02498290423304081	street:0.0234155096838943	to:0.023040791464935772	:0.01
is:0.18336254493424237	and:0.1626156882405988	for:0.125136307656876	it:0.1216789185158926	the:0.10256216924325931	of:0.08143217335119213	was:0.07793968671481832	no:0.07165541845470023	a:0.06361709288842012	:0.01
of:0.22344194380638926	the:0.18313460700300754	a:0.1122430308656475	in:0.1032507962804404	and:0.1009048540365834	on:0.07803679364194174	to:0.074488468988281	Block:0.06824989879763524	by:0.04624960658007412	:0.01
the:0.4974604752497801	a:0.15317323249329562	and:0.10726366464388512	The:0.057559537220838675	in:0.04977834433955817	of:0.03619878888254589	with:0.03368169541364677	that:0.028928872659250416	some:0.025955389097199202	:0.01
the:0.34170127421390223	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093987	to:0.07847171568184984	in:0.05339647102682973	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
the:0.29242299376304726	same:0.1323931761480207	that:0.12811239000743924	some:0.11771260359614572	any:0.07870866864566575	this:0.07580715791851901	a:0.06410079654467474	short:0.05805803952501539	long:0.04268417385147234	:0.01
they:0.2546521839887731	who:0.13828826579684958	we:0.12518837572895375	there:0.11161529427978657	which:0.08749207623852749	They:0.07640094200774883	and:0.06748748739621648	There:0.06707657581183858	that:0.06179879875130556	:0.01
such:0.23654042860977972	far:0.1816066967499457	and:0.16563509176312066	well:0.11267453631111059	but:0.07162293676184678	much:0.057845272314092686	it:0.05620874592396648	so:0.0550190271895161	that:0.052847264376621225	:0.01
have:0.27285136205340593	had:0.26243738413040885	has:0.24604284376243907	be:0.07028832007197476	having:0.03436867572204443	was:0.03088460125157038	and:0.02750379104379665	been:0.02687662953016941	not:0.018746392434190663	:0.01
to:0.20902957655457752	I:0.16655200030199055	1:0.11770690458188565	re-:0.11136263162798808	his:0.10239043797028881	a:0.09405729129221148	and:0.07980297581912119	of:0.054726851908434127	the:0.05437132994350246	:0.01
in:0.18748581496340022	of:0.18423244885590986	to:0.15730112477002278	for:0.13799613394199625	on:0.0840348768867624	at:0.07927984924882012	and:0.06021195698595258	with:0.05462968241787593	from:0.04482811192925988	:0.01
carry:0.2531501453566948	through-:0.22987000183719136	with-:0.14502040137148212	carrying:0.08293987265271315	pointed:0.06672683102072542	and:0.05936970305473142	sent:0.05515216574947199	brought:0.049249105518804445	carried:0.04852177343818517	:0.01
of:0.412950939217297	to:0.11990500541163832	that:0.08959119075983422	in:0.08643545798081827	by:0.07458037983631868	and:0.06933577586268834	for:0.0562045144127505	with:0.04347534129150477	from:0.03752139522715014	:0.01
virtue:0.25311183237842694	one:0.13783951179045356	out:0.13781151302830075	part:0.09564158558656302	pursuance:0.08911439945977417	result:0.07412670930619976	all:0.07128278395402766	tion:0.06738851371312382	means:0.06368315078313053	:0.01
in:0.3674130102293674	the:0.306636512522947	In:0.09960758933503548	and:0.05634684002294841	of:0.04530582614910075	a:0.03619049219165578	to:0.032413650825389106	with:0.027072074583974058	from:0.01901400413958211	:0.01
it:0.23204502001293217	he:0.18765002605837577	It:0.18344252609944198	I:0.10040823419784754	which:0.09209489367834259	He:0.05562362972640946	and:0.05033030329012505	who:0.04541235279631012	she:0.04299301414021547	:0.01
of:0.20866201254320824	such:0.13442344006003665	in:0.12225921162042327	as:0.1139524941246192	to:0.10095302234974583	with:0.08511636218624308	for:0.08026719715052424	at:0.07459268879412438	and:0.06977357117107504	:0.01
the:0.7001355484257517	The:0.0971252529660804	and:0.05736882706387371	a:0.040533231156767054	tho:0.04003951688606809	of:0.01933351048407585	tbe:0.014798629077194663	in:0.010974457424059527	or:0.009691026516129112	:0.01
want:0.13730234775444217	and:0.12849906441009235	him:0.11827474395563467	able:0.11603193328707657	enough:0.11148322268590738	is:0.10430757478864867	right:0.09699959145920163	me:0.0893034866934016	not:0.08779803496559498	:0.01
<s>:0.506094054992253	it.:0.11022051438151417	.:0.0798586658839131	them.:0.07488603320414092	him.:0.0544840748886087	time.:0.044641607244588453	country.:0.04378582246711113	of:0.038659765299898896	day.:0.037369461637971564	:0.01
and:0.27219024079039217	which:0.17338738770050574	I:0.1377195394297396	he:0.10954476549676714	it:0.08884411690584305	It:0.07226003036080321	who:0.05308587695662466	that:0.049970432816167455	He:0.03299760954315693	:0.01
feet:0.20369910497051205	hundred:0.13885787882952885	time:0.13881344903869058	men:0.10485961158169452	dollars:0.10279516636190753	day:0.0901382387105537	city:0.08363606810351575	county:0.06360745730856465	up:0.06359302509503244	:0.01
the:0.47911636853392614	and:0.10078480860105794	of:0.0995407933199606	a:0.08696531253960743	in:0.08219915636699002	that:0.04998438521116081	tho:0.03221695525275762	no:0.029856704288588637	any:0.02933551588595079	:0.01
more:0.41161164146810636	less:0.18362374950924787	better:0.13599912322140095	rather:0.05983419842875672	greater:0.05765890386352618	worse:0.04828098980866279	higher:0.03623970215530858	other:0.028809056396717218	larger:0.027942635148273283	:0.01
and:0.3776336399226695	have:0.1108918259041158	had:0.0894419759147792	he:0.08703384543663331	not:0.08432089866799548	it:0.07684407704179935	who:0.0654067330334365	has:0.05084086006385274	It:0.04758614401471813	:0.01
the:0.6077366731494058	The:0.13336262168206606	of:0.07873612056181115	a:0.0526800701663647	tho:0.03751435388605632	this:0.028207280533686895	his:0.020089550317942097	to:0.016212021690227958	in:0.015461308012439036	:0.01
a:0.3898260785832512	the:0.17310068393146513	and:0.13757758952628132	very:0.0782381518834639	of:0.05982963881509073	too:0.0446022885087144	with:0.04321157279419195	is:0.03346529380006879	was:0.030148702157472288	:0.01
a:0.43421034936863223	the:0.28127427940390076	large:0.13107432102392513	A:0.04765830538767432	The:0.04331646657401486	great:0.01764427777232608	total:0.013916780429481905	and:0.011073407679680021	tho:0.009831812360364641	:0.01
of:0.44567778408062725	to:0.09560895113887721	in:0.09284068819157618	for:0.08486881655226551	and:0.07299337516704156	that:0.06857975944056091	by:0.0554287724517427	with:0.04558075691807832	on:0.028421096059230225	:0.01
and:0.22994110412097668	of:0.15074220750171063	the:0.13609398973530615	go:0.09101913019175784	it:0.0882202051602568	to:0.08621447960423638	<s>:0.0763103291317782	that:0.06762861521539876	his:0.06382993933857863	:0.01
the:0.6643561816974463	of:0.07554437574782256	School:0.06416299006382471	tho:0.03957163501992464	and:0.039016064319902205	said:0.03529558725517045	Judicial:0.028691263663581563	The:0.022286146557811543	<s>:0.021075755674515972	:0.01
and:0.1978143526946136	to:0.14466106909272464	I:0.1251796321232261	not:0.12257520833491435	he:0.11632195933358677	who:0.10664595957338148	was:0.06440451393336206	or:0.05623573795580838	which:0.056161566958382654	:0.01
a:0.48473617204259745	the:0.13172392533075397	and:0.07959549444042359	most:0.06950671871679157	this:0.06714033165647862	of:0.05235663714026377	more:0.04037061119858452	an:0.036081528510675386	or:0.028488580963430966	:0.01
the:0.46837893163353955	of:0.19266679123214764	his:0.0759051333109318	this:0.05917553121757718	a:0.04831142166945196	and:0.037688812774526306	The:0.036596324324416556	their:0.0356632533042016	tho:0.03561380053320744	:0.01
the:0.25849151864721687	of:0.14281346037336015	a:0.13707013932066836	and:0.1357793825433703	to:0.10223324267269844	for:0.07851662265653193	in:0.061247679855368185	as:0.03734441294156196	or:0.03650354098922388	:0.01
be:0.16941498865227178	and:0.1639055107700193	he:0.13754692744368893	was:0.12116292269877052	had:0.09115645473692861	has:0.08322244124331735	have:0.08315543936463535	been:0.07194575902956372	is:0.06848955606080459	:0.01
;:0.27420800686232105	him,:0.17737404957553712	it,:0.12315888676290336	her,:0.0970250371841496	time,:0.07368920820762186	and:0.07026947959500657	them,:0.06937552138339675	man,:0.05855265829341169	me,:0.04634715213565194	:0.01
of:0.4061718721844182	to:0.12549127481807343	that:0.11646835314454525	by:0.09842653733529987	and:0.0980731300960812	with:0.04982855422007515	for:0.03312161317314034	as:0.03243387979934148	all:0.02998478522902497	:0.01
the:0.2974502811850691	of:0.22091422415753312	to:0.09236837889488791	boy.:0.0741306415053232	and:0.06960437249933987	girl.:0.06679148007921792	a:0.06486805677156715	in:0.05550313372308324	for:0.0483694311839784	:0.01
it:0.1900095888146276	he:0.16110325024293054	which:0.15311706561543725	It:0.11848383192016275	and:0.11795708004332672	that:0.06731496234496091	who:0.06485775346284849	He:0.06136725348354963	I:0.05578921407215611	:0.01
and:0.24071477033649377	of:0.14483685893981987	in:0.1360566596403614	by:0.13109891963922793	for:0.08206045742998254	that:0.07364198888901566	to:0.07246591375488963	with:0.06447335070149642	or:0.04465108066871277	:0.01
and:0.2098595374992915	<s>:0.1965590759163407	him:0.1456235752386668	was:0.13081175984509053	out:0.06888656479548366	is:0.06378433190510586	be:0.06228516144860735	it:0.057434144753248095	made:0.05475584859816529	:0.01
the:0.2191964634038101	of:0.21808534141663977	and:0.14216558001463114	to:0.12496468060450602	at:0.0958716347362906	a:0.06131232564407417	.:0.051114949878341163	<s>:0.04140729045389009	by:0.035881733847816864	:0.01
of:0.34204220533703655	to:0.1388434664336376	in:0.13786264416522528	and:0.0802795492422938	with:0.07123181302638901	for:0.06369579859368074	on:0.061350835439372385	by:0.04859824571313037	from:0.04609544204923424	:0.01
the:0.2982179762116652	of:0.15514889622797687	and:0.11022646645326517	to:0.1080607687080899	a:0.08566635339214891	in:0.06930531262865973	as:0.06422676447068884	be:0.05599602558940177	was:0.04315143631810392	:0.01
the:0.2740597899224893	and:0.16819347676945415	of:0.14959249176154793	to:0.08955528211699254	be:0.07249954314540304	in:0.07002756505712973	was:0.06530555940660154	for:0.053002778677901395	a:0.047763513142480334	:0.01
<s>:0.2467118255966122	and:0.201122431029365	that:0.10121479852359354	it:0.10019658219129267	was:0.08661432370720631	them:0.07618982158187139	is:0.06437390257107117	be:0.05870415714408844	him:0.0548721576548993	:0.01
of:0.276593823505341	the:0.229048816653081	in:0.12996591863148926	other:0.07919909902840935	white:0.06218357585957539	and:0.058429068901502325	on:0.054386632761011244	his:0.053740397087359365	an:0.04645266757223101	:0.01
hundred:0.38841378645436947	up:0.09123185635738856	men:0.08930224671194738	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.07306411117914521	him:0.0668423327581923	;:0.06651424040074755	due:0.06192290086804839	:0.01
made:0.3028069374576309	and:0.2023193696646394	caused:0.07375981344017991	shown:0.07207509517503563	up:0.0704269184181151	ed:0.07002219172812583	out:0.06751988832599078	taken:0.0665966498616986	done:0.06447313592858381	:0.01
and:0.25037799561132223	to:0.19051743664518078	of:0.12818071300755096	the:0.11341275889843262	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.05790590474591629	for:0.056443486992488516	:0.01
called:0.698969039297175	depended:0.06784725000117099	agreed:0.064445230094255	relied:0.060755695533892734	looked:0.03618610811376424	went:0.02063485173947466	levied:0.014420548732403194	due:0.013643896317551581	look:0.013097380170312457	:0.01
the:0.37503847625890124	and:0.15576776943066303	of:0.11608042505907362	Mr.:0.08439344936867431	The:0.07920241723488289	a:0.06163330838453249	his:0.04422423627476539	I:0.03748669960758615	that:0.036173218380920816	:0.01
the:0.27406754032465286	his:0.18858943517702526	their:0.15385372546191317	our:0.09547071380502052	her:0.07430318349032826	my:0.05797710405564234	its:0.05189144763736235	your:0.047348844648223996	of:0.04649800539983133	:0.01
of:0.19141594771183149	and:0.1683906335326966	such:0.11172487388999151	all:0.10015746455435352	three:0.08555952904865913	many:0.08555372626619262	the:0.08540595679879859	two:0.08393769740309494	or:0.07785417079438164	:0.01
of:0.3528551722288329	and:0.15074086227886466	that:0.10573925556427924	in:0.08766493281262588	for:0.08033526615083399	to:0.07918465191164795	by:0.049382162743138544	from:0.04404277256241283	with:0.040054923747363996	:0.01
the:0.5548194392288007	of:0.14079763192413183	an:0.07998220584320886	a:0.04693191712145825	The:0.039662295856803156	to:0.034146228963793226	and:0.03274701466001262	tho:0.03171099626269115	in:0.029202270139100404	:0.01
the:0.26358920341114905	and:0.22247837184209113	of:0.10956735851370904	to:0.07232054457748908	he:0.06999120373090945	was:0.06651369884694278	that:0.06332353782515143	be:0.06312110156437875	which:0.05909497968817937	:0.01
went:0.149761658615052	brought:0.14942738348440895	go:0.13643566576570176	came:0.12898405862473009	put:0.1042113337571022	enter:0.10272776065590386	and:0.07479320458739686	it:0.07351964022232435	them:0.07013929428737989	:0.01
he:0.1843955453752916	we:0.17411526059557736	they:0.16366668237796356	I:0.13007758849163434	it:0.10489832537168435	you:0.06947447338555371	It:0.056323863699246766	We:0.055963634332142354	and:0.051084626370905876	:0.01
in:0.27491975879897823	of:0.25055775993326446	to:0.13759898026396555	at:0.07492845160838572	or:0.05365651005110351	by:0.052895368993125476	on:0.05138919596931304	for:0.04764861892621107	In:0.046405355455652955	:0.01
to:0.3207121250979801	and:0.21375187088370692	not:0.12939142216265914	the:0.08101259716266937	of:0.06425013492321092	in:0.06237854147608914	I:0.04104134778136593	it:0.040349533460267775	or:0.03711242705205075	:0.01
of:0.2216131718424504	to:0.1440733024278153	for:0.1330542117905565	in:0.10590072061720249	with:0.08555920648509442	at:0.08101921951794563	as:0.07726333038235432	and:0.07234030289596569	by:0.06917653404061519	:0.01
of:0.2259884777378865	in:0.1279502676123141	as:0.10803511903377902	with:0.10289676309994414	to:0.10092096777749439	is:0.0958816162923596	and:0.08543175696245596	was:0.07364376919960383	for:0.06925126228416238	:0.01
in:0.42491855588137345	of:0.2604186618099256	In:0.09479368520374608	from:0.05294612002665521	for:0.05125993595821762	to:0.047227833867237036	and:0.0261606591385087	on:0.01976193352201645	at:0.012512614592319789	:0.01
be:0.32156657697067853	is:0.1568330289374639	have:0.08754088404422368	was:0.08565483519231519	are:0.08034143472356572	and:0.07398682099436456	has:0.06706642404199212	been:0.06427556358340865	he:0.052734431511987714	:0.01
was:0.22007097234612172	is:0.1441810447153424	be:0.13860391668106076	and:0.12238913741482674	are:0.10579914474946052	as:0.08443818948781102	were:0.06393388380587779	been:0.060799610939974914	the:0.04978409985952417	:0.01
it:0.15567811871116854	they:0.1445559325410381	and:0.11844918684415272	which:0.1181035235347431	he:0.11219145577320815	I:0.08839970325081575	you:0.08768468196965797	that:0.08334659137627827	It:0.08159080599893746	:0.01
and:0.33608506607029787	the:0.21529329851803855	of:0.2026054276455152	or:0.0488024395178824	by:0.045570984736706274	many:0.0433252082060845	for:0.034972156103886765	those:0.031756926546042896	that:0.03158849265554551	:0.01
Kansas:0.2419235274062442	York:0.2020471821407249	the:0.14645645397981108	Jersey:0.11242635250090746	Lake:0.06686019827611298	Sioux:0.06681204025849127	of:0.06392713479947768	Atlantic:0.04746921718208356	Carson:0.04207789345614691	:0.01
the:0.2974929019614971	of:0.17741408266195474	a:0.14645768029163825	and:0.09158810426380848	or:0.07279359814981001	to:0.06981668528850317	in:0.0589873299937157	any:0.04191987916735641	be:0.03352973822171622	:0.01
he:0.40631202622772916	and:0.16358711329535994	who:0.07839092266421754	it:0.0662456879800417	He:0.06303083549474069	man:0.06203013151814866	It:0.0535784533382702	she:0.05198216896990302	as:0.04484266051158918	:0.01
and:0.1975647219137437	to:0.16907305955240778	<s>:0.15427334652004357	the:0.09756035676727967	Mr.:0.09655888129056024	St.:0.0860623172553797	.:0.08074459945592269	that:0.05775931527564688	it.:0.050403401969015674	:0.01
was:0.24200121866158691	be:0.20382208209811248	is:0.19792787838507314	been:0.0792348263081028	not:0.06491108457002309	were:0.05843800385283713	are:0.050608191043375085	it:0.049134349133591444	so:0.043922365947297884	:0.01
the:0.2727566375617429	a:0.2164425752629676	to:0.12807344368841603	and:0.08590145220534966	southeast:0.07363709309279445	northwest:0.0665076847997374	section:0.06208202431813651	of:0.04820280815706006	northeast:0.0363962809137954	:0.01
and:0.21535870758024311	;:0.11922285953410493	.:0.1144942793660527	it:0.10909403337719908	that:0.101271211508559	<s>:0.09389979818878712	,:0.09077719436832991	them:0.07458335020026906	it,:0.07129856587645504	:0.01
in:0.37877244272213895	In:0.10745921186594276	the:0.09358155903086146	into:0.07589729978354309	of:0.07567799321613855	and:0.07314686314933046	their:0.06614896150833716	its:0.06583065838826546	his:0.05348501033544202	:0.01
and:0.2854264651535844	was:0.11993719073042852	made:0.10613345733596061	that:0.09908426282680673	is:0.07922806179484167	out:0.07754549482770906	up:0.07620427238330928	work:0.07579316491126532	but:0.0706476300360945	:0.01
May,:0.15682513485162528	D.:0.14586078259464988	January,:0.12478352808228106	August,:0.11191671639503174	April,:0.10960756029006052	March,:0.09510097679456046	and:0.08336373254427068	June,:0.08174843823854756	October,:0.08079313020897268	:0.01
to:0.3801713410396947	will:0.16905314483498002	would:0.09527916658290728	may:0.08675332896552816	should:0.06283728370881102	shall:0.06007446359778352	not:0.056307515032875996	must:0.039927651800072135	can:0.03959610443734722	:0.01
in:0.19251291019226321	on:0.16062293824778642	of:0.12176339236240091	the:0.10019052926164994	and:0.09212161000896579	at:0.08620086097637965	to:0.08445429587437066	along:0.08257357916963463	In:0.0695598839065487	:0.01
the:0.28902363059981356	of:0.17593165687854914	and:0.1348793468584523	to:0.11571139010764564	at:0.09107703037630033	a:0.06865240533232893	in:0.0501539119385692	his:0.03408494720244377	on:0.030485680705896984	:0.01
and:0.31982389216306817	of:0.1596039141430895	to:0.11027367998179562	for:0.07689806423854514	the:0.07589420012617806	wi:0.07036934175147526	I:0.06734863880605987	<s>:0.05936046500734497	that:0.050427803782443444	:0.01
of:0.45342923718440115	in:0.3254056691018211	In:0.11693891493125913	on:0.02389204755344477	from:0.017212054672921136	the:0.014523628168673268	at:0.014415826157853936	and:0.013146981933728924	with:0.01103564029589649	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
be:0.21173345442161423	was:0.20380423619830224	been:0.11870408380681109	and:0.10250945008524832	he:0.09555217903838803	is:0.07385701173743744	were:0.07290927519745026	the:0.058562397626507286	I:0.052367911888240956	:0.01
a:0.30249290864794176	the:0.1974057982167877	and:0.10836866720498886	more:0.097596988247444	an:0.06718989347695592	their:0.06608933415059492	very:0.05827060797492828	his:0.048337559671915886	of:0.04424824240844273	:0.01
and:0.24450790453368804	that:0.19100973831142734	as:0.1312787695426846	which:0.1000752644882214	but:0.0914280122991575	if:0.0788115121278171	when:0.06772802275698955	what:0.05016470161486356	If:0.034996074325150804	:0.01
of:0.2879095906736429	by:0.15147283143704132	to:0.13226073003663072	that:0.12854693906523482	and:0.12636804441264757	with:0.05074601143565901	<s>:0.04360499343411608	which:0.0371634933117646	as:0.03192736619326301	:0.01
as:0.188283813505136	according:0.14144678228402477	up:0.13904323060160725	and:0.1096650113200393	went:0.09104380703179268	back:0.08789812106037491	regard:0.08348580619122747	feet:0.07747526592666086	down:0.07165816207913696	:0.01
be:0.3968664771485683	was:0.16351985087298476	is:0.0913910722933337	he:0.07367113792143402	are:0.05875537795841714	been:0.05857393013555026	and:0.05676648061300989	were:0.056585308351661465	have:0.033870364705040554	:0.01
number:0.17500923902984578	state:0.148233131973424	amount:0.11773985628084181	State:0.11352957709246987	sum:0.0988140766364037	board:0.09469904310548298	out:0.08999762914645744	line:0.07962192824446167	rate:0.07235551849061271	:0.01
a:0.5571175052985183	the:0.25693392323785913	and:0.045184986862295766	very:0.032322191857413425	The:0.03033906959899083	of:0.01904064777571312	his:0.018588309830089696	most:0.015606421311653507	some:0.014866944227466044	:0.01
the:0.3141697498569716	of:0.13596872111181624	The:0.13148451940784603	Mr.:0.12071271065510486	and:0.08466951013671548	that:0.08137847559446529	a:0.05140346651734129	Mrs.:0.04087284649549475	his:0.029340000224244482	:0.01
the:0.42324988605616054	The:0.13716649437641382	a:0.11226261023989043	his:0.09629190662173172	of:0.06599523684775951	an:0.058006522121088436	at:0.03336418821355115	and:0.03293728603417995	No:0.03072586948922431	:0.01
a:0.7855270038428782	the:0.10843110075528772	A:0.0366846753530374	The:0.01775287814948813	young:0.013001015990614635	one:0.012607634036040434	tho:0.006480270029123675	any:0.004885809015891466	first:0.004629612827638441	:0.01
to:0.3122469870921608	will:0.20485207897649774	would:0.1021740153918475	not:0.08474241839299008	may:0.07385012372252263	should:0.06998515730852457	shall:0.05981425406312099	can:0.041262580581240854	must:0.04107238447109476	:0.01
;:0.19560871017648265	hundred:0.1873482483220045	in:0.1220635091368718	him:0.09976933337439968	.:0.08312133453057585	it,:0.07689453919982181	up:0.07680896320848367	,:0.07619677265738091	it:0.07218858939397886	:0.01
sum:0.18676829411122214	number:0.1566486321513545	line:0.11140081741272478	city:0.10844765106291132	out:0.10739005474369737	day:0.09286734076326106	county:0.08286139477536687	amount:0.07384405151900511	Board:0.06977176346045691	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
be:0.3178855599425476	was:0.2470501677531483	been:0.09954756831572338	is:0.07610151833945208	were:0.07195893831771638	he:0.05685795137236281	I:0.04204545597316422	are:0.04151033620898685	and:0.03704250377689836	:0.01
the:0.26991401513534163	of:0.17758310881913575	and:0.11321651702024871	be:0.10651158488158954	to:0.08172942900656562	his:0.06483671170343962	was:0.06424434113642574	re-:0.05726864252091722	their:0.05469564977633615	:0.01
No.:0.19335862831829934	and:0.1567674905590844	the:0.13393812525374674	of:0.1264478384532672	at:0.08881292736526274	.:0.08094643297346762	a:0.08008049067163032	said:0.06664873799122828	to:0.06299932841401343	:0.01
real:0.5503519720092609	the:0.297281622444104	said:0.047029909020652905	and:0.025560953655861498	The:0.022099742487972602	tho:0.014402094347121	a:0.014233197610004819	an:0.013001070735719772	of:0.006039437689302386	:0.01
the:0.4120376622209003	The:0.15992101481930823	of:0.1359821497044457	and:0.06975351737182432	no:0.0670702765518574	more:0.03916440146153698	an:0.035928390054214616	a:0.035124364656095496	his:0.03501822315981698	:0.01
the:0.21614232048115986	and:0.2099093438627317	adjoining:0.12738464198252578	of:0.12183320337136563	their:0.09705634519564448	he:0.07374078656922674	his:0.05478146755112003	or:0.05474976586804479	is:0.03440212511818085	:0.01
of:0.2491342968063796	on:0.1863194877503726	in:0.15912037733914042	along:0.12906100249938385	to:0.10594922826768385	at:0.04571782022631747	In:0.03949969212586573	from:0.03870358109929882	by:0.03649451388555766	:0.01
the:0.3403905148531271	and:0.16659851149759872	of:0.13116392200896862	a:0.09639762150594985	to:0.07305075389892439	in:0.06502167312187218	The:0.054186631065786375	or:0.032195262228691665	for:0.030995109819081067	:0.01
the:0.46741999347675467	of:0.20889783548664825	a:0.0956427133582503	and:0.05955978078087502	their:0.035128054512738996	The:0.03409734441592623	tho:0.03067258300163228	his:0.02953417428869872	with:0.02904752067847545	:0.01
they:0.25441784426455916	There:0.2237308937134608	we:0.09660721890196075	and:0.09439339941937587	They:0.08373820747316887	there:0.06642448319695794	who:0.06501410351225388	I:0.06188933887969361	you:0.04378451063856914	:0.01
and:0.2890589453903504	fact:0.17470833014099296	say:0.11253810832358295	said:0.09120492845322879	believe:0.07930045219409566	know:0.07644438943481723	so:0.06057015398612147	all:0.05512445087235804	is:0.05105024120445252	:0.01
it:0.35835403077289185	It:0.18033896309510394	there:0.1000580278728347	he:0.08633223790107593	that:0.0786661222512119	they:0.062195379566770945	which:0.057389596688828697	and:0.04098930196902008	I:0.025676339882261926	:0.01
is:0.28864523959228316	was:0.16933152055155845	and:0.1048242516527738	are:0.1023574009550515	but:0.06950835789498844	has:0.06540553462125906	it:0.06484502596599319	will:0.06299047004929505	had:0.062092198716797255	:0.01
he:0.29500987484408203	I:0.19376324032223383	who:0.1125784489564256	never:0.08593073808983334	He:0.07631551042939898	and:0.0723846951432724	she:0.07083838596467333	they:0.047238711897998185	1:0.03594039435208231	:0.01
get:0.1466179279908691	was:0.13816166858847517	and:0.13411725524820045	him:0.10611862598008345	it:0.10231181039389517	them:0.09727726821367766	are:0.09515897845536368	go:0.0876807812405961	come:0.0825556838888391	:0.01
the:0.7362775675072113	The:0.07017880030734062	tho:0.04408204628181011	at:0.036252825475169545	of:0.03612165390794826	and:0.01984695913789242	a:0.01618274263545179	tbe:0.016176710396298505	his:0.014880694350877615	:0.01
law:0.16218267092714145	one:0.14556723921392092	druggists,:0.13232240255366615	person:0.11234231917965817	action:0.104824856729166	man:0.09403780487015163	year:0.092438423945039	that:0.07522461816800771	whether:0.07105966441324908	:0.01
the:0.2934620670631731	of:0.21415933326674222	and:0.15945002087278182	to:0.06780370218056996	that:0.06419988100345986	The:0.06058387775262814	in:0.05834616193645579	which:0.03917179644278348	or:0.032823159481405344	:0.01
and:0.3306180242931977	the:0.1767625438498928	to:0.1368941465017046	of:0.08138673707942748	that:0.057245998708623805	a:0.05593567434879071	or:0.053491063882586704	as:0.052224507983525514	I:0.04544130335225057	:0.01
and:0.17926550313153172	was:0.16628087709068295	have:0.1486627718746175	be:0.13567589038686034	had:0.10665876559019574	is:0.07426900646011182	been:0.06920912049558835	he:0.06563633343813495	has:0.044341731532276794	:0.01
of:0.43580142754149415	to:0.1531093731291102	and:0.08040415029648905	by:0.06289461336991557	with:0.06274588427243205	that:0.06159974322409432	for:0.050715085076952895	from:0.04373051977298655	in:0.03899920331652538	:0.01
as:0.188283813505136	according:0.14144678228402477	up:0.13904323060160725	and:0.1096650113200393	went:0.09104380703179268	back:0.08789812106037491	regard:0.08348580619122747	feet:0.07747526592666086	down:0.07165816207913696	:0.01
and:0.3857537221777003	to:0.12749703631409126	the:0.0832729895141636	or:0.07839401701236305	is:0.07150390314177352	of:0.06957668997556903	was:0.06249555105519552	are:0.05719013146982267	with:0.054315959339320916	:0.01
the:0.3451306091772989	other:0.12662729981696896	of:0.12259741749204248	such:0.08450001342363102	in:0.08320057303437431	any:0.06553778575019732	public:0.057052268818912	and:0.05323549661334684	two:0.052118535873228324	:0.01
the:0.2953544238323082	of:0.19055023568005686	and:0.11048656488447617	.:0.1043098401589576	a:0.10238929871975468	to:0.06490874828103699	at:0.04110832370796647	<s>:0.04061879714325808	in:0.04027376759218518	:0.01
<s>:0.28959282112107226	it.:0.21022465222414613	them.:0.11239194466960023	him.:0.09858905609399621	.:0.0946485576702798	?:0.05463746146655853	her.:0.046137129110367804	me.:0.04272151964455287	life.:0.04105685799942615	:0.01
sum:0.18676829411122214	number:0.1566486321513545	line:0.11140081741272478	city:0.10844765106291132	out:0.10739005474369737	day:0.09286734076326106	county:0.08286139477536687	amount:0.07384405151900511	Board:0.06977176346045691	:0.01
it:0.35505309117815476	It:0.22568515482115037	which:0.09186997500389063	he:0.07427712557156561	and:0.06860291172058657	that:0.06252393229388647	there:0.04564675615568341	who:0.03881624702318382	This:0.027524806231898343	:0.01
be:0.31658553589868493	was:0.19806118958828486	been:0.13830702710670267	is:0.10389228061505444	are:0.06511657973760925	were:0.06137127801363572	and:0.03916078365446688	being:0.036327735848701685	have:0.031177589536859476	:0.01
the:0.3620523228938267	their:0.11641603190724382	a:0.11020829734808012	his:0.1086080344477148	have:0.07301036936541769	of:0.06836627044075912	and:0.054634016611461236	no:0.05435374229961597	its:0.042350914685880356	:0.01
the:0.25015508706163736	of:0.17327320107306698	and:0.14388289249475145	to:0.11475751953988335	a:0.09038001401223485	in:0.07346713906469311	be:0.06537517806815311	is:0.04234795454789139	or:0.03636101413768829	:0.01
State:0.48516267501827987	state:0.11382629769278048	County:0.07464197106053201	city:0.07314915251400972	deed:0.05795292972465241	county:0.054711514442634265	day:0.04883483738593811	City:0.04542161393026801	line:0.03629900823090494	:0.01
part:0.21496902104278676	one:0.2091236923398804	some:0.12867331343811733	out:0.10573031168796258	members:0.0761860450243411	and:0.06636584999188522	tion:0.06479865598258486	portion:0.062262355322562794	side:0.061890755169878825	:0.01
to:0.2082400486603598	the:0.2040097545902015	and:0.19980432728505823	of:0.15978957334487476	in:0.06337877849958568	a:0.05463758289552893	not:0.03746152227349155	I:0.03180451839090819	be:0.030873894059991414	:0.01
the:0.2553346072704995	and:0.20610306713581772	of:0.12083930905472437	to:0.09606507596447904	for:0.07692082258265391	or:0.06305416228986642	in:0.06256745572774815	be:0.05983040214564901	are:0.04928509782856194	:0.01
to:0.22915990236004585	I:0.13871946602755938	would:0.1330455404601739	they:0.11537319596311132	we:0.10498230354658346	who:0.08173080463455147	will:0.07730390766292998	you:0.05776733890846798	and:0.0519175404365766	:0.01
and:0.19396328468818805	he:0.13365383260949584	be:0.11806085430041523	have:0.10614162871845492	had:0.10296288022868404	re-:0.10205391325344307	was:0.09560052359529135	has:0.07351152497054814	He:0.06405155763547932	:0.01
to:0.23090650016367734	or:0.22134855339998571	and:0.15817835130364993	not:0.08565977709869413	of:0.07757705371130531	there:0.05662018253673488	the:0.0564554375395424	nor:0.05269989987556751	that:0.050554244370842806	:0.01
of:0.7704670414623825	in:0.08410069789098448	and:0.023562903674285852	In:0.021562097605687548	for:0.020948368070855185	to:0.02040241108878299	on:0.018448471031969168	by:0.01572211702242854	from:0.014785892152623728	:0.01
the:0.37720785757464537	a:0.13352058254078977	same:0.10396549509983742	this:0.08585507385488905	any:0.07569160803987773	some:0.07443381334643433	that:0.06809169460489285	in:0.038514001914205474	first:0.032719873024427866	:0.01
the:0.644194935483103	a:0.13314543296683976	The:0.07019736486477647	his:0.04347877121592439	tho:0.03205045406619371	and:0.022957530293930557	their:0.017564704392708463	its:0.014844471825225223	tbe:0.0115663348912984	:0.01
an:0.5350895995198338	the:0.33259141945902676	and:0.03219023834702909	The:0.023248960564139626	tho:0.015271596503208326	to:0.01427520322908516	his:0.012978268335188333	their:0.012316018469069344	fair:0.012038695573419498	:0.01
the:0.2782233929538808	of:0.17148416018172988	to:0.16579699066053727	and:0.09961601000483424	be:0.0757146188840659	is:0.055974772635520684	was:0.05344171784257729	in:0.04789553186835626	for:0.04185280496849777	:0.01
it:0.25097333459790794	It:0.2176541700899006	he:0.1311540454517954	there:0.12120230720663004	I:0.06941485828457919	There:0.06680822164937165	and:0.046048934831408664	which:0.043541152132383125	He:0.04320297575602343	:0.01
of:0.32647624327627356	deprive:0.14958020731633473	with:0.11603167015733605	to:0.08373334408907589	upon:0.08282820460043942	for:0.07933566352658349	by:0.07107643872081175	make:0.041611497456854	give:0.03932673085629125	:0.01
and:0.2712036552885177	of:0.21884358885980182	for:0.10098045936083726	to:0.09387665395253708	in:0.07091223433498646	do:0.06543447855452027	or:0.06277370140691008	with:0.059560187208199326	the:0.04641504103369007	:0.01
and:0.22755681361843408	of:0.19835713573838598	the:0.1750661188511791	to:0.07855314553146202	for:0.06714821591926587	a:0.06638766281106359	that:0.06195441710685245	which:0.06002681078592803	or:0.05494967963742877	:0.01
of:0.24154188555195136	and:0.173042376018457	by:0.1606782708899791	that:0.13187717922165462	to:0.12562545643049147	with:0.05639936317199463	<s>:0.03923997264814014	which:0.03754629138117386	for:0.02404920468615786	:0.01
have:0.18485434417454974	be:0.1765667700685031	had:0.17023946061106557	has:0.1540325496340527	was:0.10104992764692051	and:0.07140707470773454	been:0.061684058504134776	having:0.03596030390708445	were:0.03420551074595442	:0.01
of:0.43367588416535513	in:0.18198945878128966	to:0.0859369262720145	from:0.07268217448810713	on:0.047132076030598394	and:0.04629463717442626	In:0.04427137854320853	by:0.043379093600198544	at:0.03463837094480181	:0.01
of:0.30276290336098427	in:0.1737307069958136	and:0.13568525275055715	with:0.08434661399621209	all:0.06845724320055334	for:0.06369570354113539	to:0.06297147020028783	from:0.05046437720855155	on:0.047885728745904826	:0.01
able:0.14511234966528905	and:0.13172820859723178	is:0.12476866142304593	have:0.11730326646781511	him:0.11082659939939717	had:0.0955401572626202	right:0.0904087707975284	enough:0.08874364021609925	willing:0.08556834617097307	:0.01
a:0.34598725464759816	the:0.3283501778455404	of:0.09846787096716496	with:0.0548625526729733	this:0.041521199089276914	and:0.035077604809546886	in:0.032406961593652236	A:0.02759301902458879	so:0.025733359349658282	:0.01
and:0.31789955081615595	of:0.16358606292870748	to:0.13691460109544495	the:0.08644963190126366	for:0.07099377802019305	in:0.06222996015954024	be:0.05394763601971609	is:0.051040146446549244	that:0.046938632612429566	:0.01
and:0.36589722240622397	that:0.11879104527843785	was:0.08083215690966293	them:0.07581696606510144	made:0.07343615971296245	as:0.07226863543357237	it:0.06934005464314698	up:0.06798728477283876	or:0.06563047477805344	:0.01
to:0.2620983149693371	and:0.19664402247129265	the:0.18720703494025467	of:0.14061051340842873	in:0.0675925481954826	a:0.03867755248806961	<s>:0.03389464108121401	not:0.032510411574388075	that:0.03076496087153255	:0.01
Provided,:0.24644062284530988	provided,:0.13147875694719013	probable,:0.124164628559132	;:0.10165909247333557	is,:0.09395304785497588	not,:0.08126377474949689	and:0.07681205152383602	vided,:0.07617883209823592	are,:0.058049192948487705	:0.01
would:0.22980511667265655	to:0.17299540970927663	who:0.12482764014450815	they:0.10355307675313528	I:0.09251266344910342	which:0.07981734282547859	must:0.068890066387715	might:0.06196287097814179	shall:0.05563581307998454	:0.01
to:0.3450145402883448	for:0.15055317088344503	of:0.1469207325204697	with:0.09077090886718046	upon:0.06781586361479995	about:0.05433488245062121	told:0.04623333154274717	and:0.04620147482878301	in:0.04215509500360876	:0.01
can:0.18098901248605526	to:0.1659695046158237	cannot:0.15808000669320924	not:0.1421335086080808	will:0.07634708129153069	could:0.07414555074282377	may:0.07089403193888263	would:0.06706704231569628	well:0.05437426130789767	:0.01
the:0.4465904907661075	The:0.1240460109259073	of:0.09374944352364632	and:0.08394905078618381	our:0.06558140274255207	their:0.058945936460697936	whose:0.04095331905140395	or:0.03946353525545512	these:0.03672081048804612	:0.01
the:0.5883396130897794	a:0.0750303272859434	his:0.07198244691007162	of:0.06540436634609044	no:0.04337883192676094	all:0.04068284365031736	their:0.03884940461324831	and:0.03613749321613871	was:0.03019467296164977	:0.01
to:0.19422964350110639	of:0.15346316236262098	in:0.14986241726053254	with:0.11532042492079263	is:0.10068276498994977	was:0.0893625709974834	and:0.08077115614549235	for:0.05444008091069593	as:0.05186777891132598	:0.01
and:0.23183133418765586	the:0.13842903994752387	a:0.1374455868380882	to:0.1226698161955936	was:0.1081159260317003	of:0.08400626301946436	is:0.06715857563499822	be:0.06124511336723199	will:0.03909834477774367	:0.01
and:0.4162827671405096	was:0.12024829337141718	but:0.09736328321631767	that:0.08175425546610224	is:0.07069528269203697	be:0.05669742233657562	or:0.05192989983919824	for:0.04771454213559816	it:0.04731425380224425	:0.01
and:0.21642584433739415	the:0.18885767900801698	to:0.18295619766489257	of:0.17590457566188464	or:0.0598191581918418	Mr.:0.04713004865049868	in:0.0437372215412144	at:0.037874282386880835	for:0.03729499255737596	:0.01
to:0.6194380468106147	the:0.07238411457568586	will:0.07192472989289116	and:0.05366895701807343	not:0.050838692867740495	would:0.04929800511207572	a:0.0259368584757549	who:0.02523365048732784	in:0.02127694475983586	:0.01
;:0.2000152789882484	it,:0.14877559242951102	in:0.12835553907260505	them,:0.12593272057487867	it:0.10305320470409958	and:0.07956995347202288	him,:0.07299083279436133	country,:0.06910355977411445	him:0.062203318190158674	:0.01
and:0.15530937392777583	was:0.15137634111133313	be:0.1487442486421533	the:0.12796474752290588	of:0.08903807697582501	were:0.08183999956142589	for:0.08099005293109081	is:0.07883259730964695	are:0.07590456201784317	:0.01
is:0.21195456106380814	was:0.1859480684071109	and:0.12458818270878295	are:0.10792044490391381	be:0.10144608060811117	not:0.0973382902401097	been:0.08094473760390439	were:0.04303418097637435	or:0.036825453487884886	:0.01
of:0.19381311708231033	in:0.13240262203516157	was:0.12077952196646938	is:0.11894943926782861	with:0.11269108025424518	to:0.09070902869366251	and:0.08833499517502996	for:0.07458665233341359	as:0.05773354319187895	:0.01
the:0.7112809646207012	a:0.06224123930305567	tho:0.04654865014661705	The:0.040541369517809206	of:0.03287029346012305	this:0.031118357627258723	and:0.030991338681147347	whole:0.01721794163122145	tbe:0.01718984501206631	:0.01
they:0.25956532968075857	we:0.1521400782738606	who:0.12500425308399937	which:0.11989538953713956	They:0.08060046956785759	and:0.07765330570739913	that:0.0631487587584007	We:0.06286480250372296	you:0.049127612886861634	:0.01
a:0.43986142181815896	and:0.09949409326576678	the:0.08341991100097332	as:0.08145051347669884	is:0.07045150935387656	be:0.06887067707409349	was:0.06763473168803592	very:0.04070898719340258	A:0.038108155128993515	:0.01
the:0.44638495849755416	their:0.28254640983532703	his:0.11306450890872312	our:0.03806355715600463	her:0.025395369660383468	its:0.023267032797950837	my:0.02261750201413293	your:0.02111211954597108	and:0.01754854158395274	:0.01
and:0.15102446943273357	are:0.14854899004163236	was:0.12412994394505579	of:0.12399017547321085	in:0.10709134682524876	is:0.10343911594973666	by:0.0836165799928223	not:0.08247136895991398	were:0.06568800937964554	:0.01
to:0.20527369532103773	and:0.14880207268286827	thrown:0.1423574989352598	as:0.10644976759601357	the:0.08842552599357811	be:0.07859477347501505	is:0.07800568349858021	not:0.07404538955020998	an:0.06804559294743714	:0.01
one:0.25015495079787564	many:0.1757390329727802	some:0.17337378259433658	most:0.07828004008705716	all:0.07823258544774271	Many:0.06550115768656496	Some:0.061797050544534854	none:0.05877108516148293	any:0.04815031470762492	:0.01
as:0.32534795360424856	is:0.25718267498295616	was:0.07651146423974801	are:0.0763852078067522	so:0.07623780218664909	be:0.05902347664986763	very:0.044599148320689515	not:0.03751516159636232	Is:0.037197110612726715	:0.01
is:0.27895089347394464	was:0.18284798182988365	are:0.13445381363945924	ought:0.12584359622938077	and:0.06513450641913239	were:0.05719786316946085	do:0.0533822138451066	it:0.047540208614637425	Is:0.04464892277899437	:0.01
the:0.6261244812284218	The:0.12712941704000227	an:0.09870552677078394	tho:0.03331558561014028	his:0.032973338689084176	and:0.024447963367181462	this:0.019277430596089856	our:0.014266752192708707	my:0.013759504505587385	:0.01
to:0.3010286378598682	and:0.20724594162951251	of:0.11561430117577179	the:0.08949931874126585	in:0.06780950692820928	is:0.05678672479774324	I:0.05395775487226536	for:0.04939417435915029	not:0.04866363963621349	:0.01
hundred:0.6389868143918725	six:0.08088672398022753	one:0.06116866387430241	seven:0.04018900659987838	dred:0.038886899065741644	eight:0.03833575595545554	two:0.03305614024225163	four:0.031662822252967175	three:0.026827173637303046	:0.01
the:0.2934873403594792	and:0.2180090586943857	of:0.1579869325799081	The:0.07098336672023306	that:0.06016316734182635	these:0.052563094898741204	These:0.04957857554119428	in:0.04771053298285781	such:0.03951793088137417	:0.01
more:0.38720454320079856	less:0.1274678320325706	better:0.12158741757974662	rather:0.12142093748923803	other:0.08832922506272661	worse:0.04437335553269277	greater:0.03996358276254126	and:0.030156291921976445	larger:0.029496814417709356	:0.01
the:0.38447412760105504	a:0.3347151515652913	his:0.09796736014343985	The:0.04259892521660847	my:0.03354427168580721	other:0.025643542584733538	any:0.024346761200172908	tho:0.023565946916658507	and:0.02314391308623331	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
it:0.22923910640386372	It:0.2169656170215026	This:0.15216872378118323	which:0.0937113430805337	that:0.08236996073179681	this:0.07426658989754333	and:0.053275560998039914	there:0.04840760209046867	he:0.03959549599506813	:0.01
the:0.46292400564847713	of:0.1408888935902379	and:0.09662029428034556	a:0.08706327361212383	his:0.0432369580269794	to:0.043067572561428874	this:0.04135601908202062	in:0.04089234333616177	said:0.033950639862224956	:0.01
him.:0.3169248401898988	it.:0.13949911392381134	<s>:0.12506969138523333	man.:0.07827922638998108	them.:0.07537644556736484	himself.:0.06726313432168331	time.:0.06509369886937053	years.:0.061925090795403176	her.:0.060568758557253695	:0.01
able:0.1495811783587245	and:0.13040836033028885	sufficient:0.11994031207783663	necessary:0.11688007835974758	enough:0.1045505884320622	willing:0.0952220659910422	as:0.09235881522695014	order:0.09070201900010365	have:0.09035658222324433	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
it:0.2602933463206855	there:0.14822319293947891	It:0.13196436136428402	which:0.11581767029202342	they:0.08952698954231514	that:0.07758736314856882	and:0.07379772084395009	he:0.04666991240312073	There:0.04611944314557337	:0.01
be:0.2571645315874598	are:0.14924447153706805	been:0.1378768362758317	is:0.11838536690518436	was:0.10435595743715866	and:0.07431285818282264	were:0.06712033533255245	all:0.04288858029494269	of:0.0386510624469797	:0.01
of:0.304931965672655	in:0.16074047003209624	to:0.1565135799130396	with:0.07592812289576903	and:0.07237570133419094	for:0.0670803666626771	on:0.05494805033434717	from:0.05004281324890066	by:0.04743892990632432	:0.01
of:0.21273320864402664	in:0.21166732525992338	to:0.1384233625958649	and:0.12764864566375037	the:0.07226946113830912	for:0.06862873274940519	In:0.06440110323789766	with:0.04802726676342639	or:0.04620089394739648	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
and:0.3294047220715406	sell:0.13117314771691077	sold:0.11389993313276532	that:0.09923629982502082	held:0.0666072485977382	was:0.06614582821402237	sale:0.06354571690789447	the:0.061421152584163884	out:0.0585659509499433	:0.01
I:0.4208523058892845	to:0.11833748804942415	we:0.10093117896127532	not:0.09600938038249417	you:0.07443592845010683	We:0.04810254140413765	they:0.044819148195299134	and:0.04457015953235622	would:0.041941869135621875	:0.01
be:0.14926745483380552	de-:0.14635272172283212	I:0.144668652770975	was:0.13815516418869722	and:0.11161447717183821	who:0.08567764239321125	have:0.07876177208883689	he:0.07792125474175592	had:0.05758086008804793	:0.01
of:0.36226013485795494	that:0.11220426843255646	and:0.11046656645039242	to:0.10016033931618204	in:0.07679062975241426	for:0.06987244220546178	by:0.06859827749999091	with:0.05542257345330004	at:0.0342247680317471	:0.01
the:0.24532168858997552	and:0.16201373497773278	of:0.1480249964756765	to:0.09143878973251966	a:0.09134777440121443	is:0.07327943306749635	was:0.06763514483225812	be:0.061231115717340516	are:0.04970732220578616	:0.01
of:0.3400842150760191	to:0.14245170551518713	in:0.09821383389610315	with:0.08562937222312629	and:0.0835684555939252	by:0.07420884523753812	for:0.07240349553571329	at:0.04727950565718312	on:0.046160571265204474	:0.01
have:0.16937240790068525	had:0.15238298488133423	has:0.1498722999789704	was:0.12379529102399679	and:0.10098620054057114	been:0.09795510293512803	be:0.08500000407867403	not:0.05792646901194774	or:0.05270923964869238	:0.01
the:0.7421208747197328	The:0.08731140054733215	tho:0.047343719242868905	and:0.029332267622238565	tbe:0.0200992589236571	of:0.01998143295896958	his:0.017703164535152954	in:0.01386222600386276	I:0.01224565544618504	:0.01
the:0.25902991300484424	and:0.1922925332292614	of:0.15200133789812978	a:0.11409576332505225	to:0.0907524324597557	in:0.05682246385942078	Mr.:0.05010215957775509	I:0.038709962914415676	or:0.036193433731364924	:0.01
and:0.24790714641123507	a:0.2243451211530669	that:0.18502506708728905	the:0.0776914185608924	for:0.05969860726509257	worth:0.05347961006883459	which,:0.05047186681939452	but:0.04885645226548191	and,:0.042524710368712824	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
and:0.2744444130928031	be:0.12345591986975629	was:0.11370676435240681	is:0.08387600113083488	been:0.082838792000403	put:0.08214892651684683	feet:0.07773528657796573	are:0.07655147956221409	engaged:0.07524241689676935	:0.01
the:0.15315417542670545	of:0.1474619205254358	and:0.14348950811639422	be:0.13801014947019485	to:0.11257930602342807	was:0.10680730325663454	is:0.07750856055039423	or:0.055811257091116194	are:0.05517781953969663	:0.01
the:0.23570404230476563	and:0.21166939385424047	of:0.18855223785339162	to:0.11273607281375628	a:0.07464987090796715	in:0.07091596806632813	for:0.04336301227595875	is:0.026477265487999994	Mr.:0.025932136435592064	:0.01
made:0.2404543554274467	and:0.2346421007340919	or:0.1200765638048787	it:0.07362996342121234	paid:0.06765443619763341	accompanied:0.06763820500275661	that:0.06328132990515498	ed:0.06221375546530908	done:0.06040929004151634	:0.01
a:0.7038653707072383	of:0.05159583750373922	in:0.05159454917536368	the:0.03967448643047195	A:0.03736891064884707	very:0.03512685980877532	some:0.032428677457634884	no:0.019324252711664425	and:0.01902105555626513	:0.01
have:0.25646434511640126	had:0.20503723815050195	has:0.19901048861202175	and:0.09948435867721137	he:0.05599936186248047	was:0.05457556858301402	to:0.04718136065353269	is:0.037621876963646834	been:0.03462540138118967	:0.01
that:0.2313352929971607	and:0.14554677685704964	as:0.1385584360292289	which:0.12962450073616844	when:0.12158027153775615	what:0.07139832008184537	to:0.053039693094008536	but:0.05215324775526153	if:0.04676346091152076	:0.01
with-:0.3294735660952328	sent:0.12249209755219008	went:0.11138474984797314	carry:0.0925712987331246	go:0.08597935103613076	and:0.07544523771438562	brought:0.061232582341261346	it:0.05974849918813548	carried:0.05167261749156616	:0.01
the:0.5640648124426098	a:0.13185406712291045	said:0.06809080004971169	of:0.060008672035583153	this:0.04321210747080296	The:0.037264535299650764	national:0.02868622315723842	state:0.028683324658206225	tho:0.028135457763286676	:0.01
and:0.2266486165267129	as:0.1934422667972694	referred:0.12074368986982918	according:0.08073166665105852	him:0.07930815903864512	them:0.07519512347493013	regard:0.0738618507565589	up:0.07251302816663488	back:0.06755559871836105	:0.01
and:0.29169997815308213	was:0.1328703627143118	out:0.08873310066938216	that:0.08746131418060452	placed:0.08440072742047074	work:0.08020079681811661	made:0.07677797059304475	is:0.07472371838239819	up:0.07313203106858901	:0.01
and:0.20576986051327525	be:0.14724677861411745	to:0.12535070885684524	of:0.12147274158796671	the:0.10006651747810341	in:0.07829719106333621	was:0.07464897261101211	is:0.06959459791180371	re-:0.0675526313635398	:0.01
as:0.3193870440018067	of:0.1274155696417627	to:0.12425073508623133	and:0.10219002223470813	so:0.08766325524152807	such:0.07203918087376687	in:0.06852451201064279	not:0.05363444458844262	by:0.03489523632111097	:0.01
of:0.22871137441962763	in:0.20116997686987204	on:0.1970654909515564	the:0.11927585330170387	to:0.059978249321771676	and:0.055637613998603924	In:0.055082089661524405	at:0.05204744622290157	from:0.021031905252438508	:0.01
and:0.3243481058981709	was:0.1183254908156455	held:0.10061653345026714	Beginning:0.08194282066246006	is:0.07787052591190631	look:0.07433840727139067	arrived:0.07348439933321942	that:0.0714853472708103	interest:0.06758836938612982	:0.01
in:0.36797370135840796	of:0.24684038641517161	the:0.12614981250136761	In:0.07374787436192651	their:0.04781001779692663	to:0.03487714275252986	his:0.03322971962123463	and:0.03146299115030143	its:0.027908354042133765	:0.01
was:0.20193603430416612	be:0.19500826357730472	been:0.15313743286030404	have:0.10520633734007284	were:0.08690370962202162	and:0.07408833708934001	has:0.06064158246132065	are:0.05884818018824541	had:0.0542301225572246	:0.01
is:0.24938818339884394	and:0.17470086472406937	was:0.12300638101664427	are:0.11237245590725609	be:0.09685869862858826	not:0.08430211360329397	have:0.056256803441405226	but:0.05121592218602622	were:0.04189857709387261	:0.01
the:0.30337617970676906	of:0.18860457588018725	and:0.131061740829474	to:0.0977610809207078	a:0.0809566554459928	in:0.055741965423345884	be:0.051143240024298715	was:0.041879765140534715	is:0.03947479662868964	:0.01
the:0.6439944484813407	of:0.0848728776520234	a:0.054754924940078865	tho:0.043571956353849195	this:0.03782046956475189	their:0.0354993992870832	The:0.03340049691868224	and:0.028695391433148053	our:0.02739003536904235	:0.01
it:0.2966184730900446	he:0.20627930897279048	It:0.17127721049246514	and:0.08343957979389993	who:0.054600188205149745	He:0.054231088749391795	that:0.04784992185095356	she:0.03864014143725656	which:0.03706408740804832	:0.01
and:0.32104413587673764	held:0.11913627744537654	Beginning:0.09356489044308804	arrived:0.0879161924675928	was:0.08706518445520153	made:0.08250334337502359	look:0.07066734238521886	is:0.06479898094200459	up:0.06330365260975668	:0.01
Mrs.:0.26262486911841987	of:0.21463577314294943	and:0.1700582359691536	Mr.:0.12917591220708455	to:0.07019888883577809	by:0.048585087622727535	<s>:0.03723256139004651	Dr.:0.03402689517132182	said:0.023461776542518752	:0.01
the:0.44889084416550845	of:0.13781431161451618	a:0.12755325474485127	and:0.07380706786468028	in:0.05901549127962673	to:0.04445461870596513	The:0.037908583893187346	tho:0.03250442892711475	an:0.028051398804549783	:0.01
sum:0.18676829411122214	number:0.1566486321513545	line:0.11140081741272478	city:0.10844765106291132	out:0.10739005474369737	day:0.09286734076326106	county:0.08286139477536687	amount:0.07384405151900511	Board:0.06977176346045691	:0.01
in:0.24333994743612922	of:0.18871067140801695	the:0.14254258973892459	and:0.10760876324558526	for:0.09174081455919121	a:0.06366595919272895	to:0.061841865908333744	In:0.057337053099849385	was:0.03321233541124056	:0.01
part:0.21361158070694775	one:0.17380084287165437	out:0.1373975162565351	side:0.09101456173050997	that:0.0871961473660544	some:0.08124242756234752	end:0.07179676690489906	members:0.07134260443302047	portion:0.06259755216803149	:0.01
the:0.6777584246959248	The:0.06915165470174502	and:0.04842016432690056	assessed:0.04551674762519811	par:0.04420237735750634	tho:0.03296174905145366	in:0.02540120118173746	of:0.02341456917001633	a:0.023173111889517525	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
the:0.4259339050426437	this:0.18206439191787946	and:0.10875265204531974	to:0.06782583520594859	a:0.05436279429422575	that:0.04794057606991554	The:0.03941353590789	will:0.032393274545083096	of:0.031313034971093966	:0.01
of:0.40316531310489795	to:0.12736372892410702	in:0.10154153487178226	on:0.07125285218888039	and:0.0703598536060374	by:0.06835885070795458	that:0.06685322347755783	from:0.05109680215086357	with:0.03000784096791896	:0.01
and:0.29538761890386145	was:0.1642849013116615	is:0.11706638838186677	up:0.07776716508545513	it:0.0755910625150025	made:0.06655680901265408	put:0.06578409847025993	placed:0.06489134807601944	that:0.06267060824321909	:0.01
of:0.3124951714525788	in:0.1300365572469722	to:0.12344850859765634	that:0.11209186957322424	and:0.09754412661615615	by:0.0706162176725679	from:0.05255384316254582	with:0.047565462387641616	for:0.0436482432906568	:0.01
of:0.3989036664639626	on:0.1384394206446652	to:0.12488824693427367	in:0.09317210224440976	from:0.06773716470692583	by:0.06296905924729021	and:0.04042338979755726	at:0.032210157132134785	that:0.031256792828780675	:0.01
not:0.4867271388082776	is:0.14194347155789805	was:0.11531716010435228	and:0.057783908704550274	are:0.056910812779554856	the:0.038499753959317366	be:0.035048715901967446	were:0.033285545981042636	had:0.02448349220303921	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
I:0.27310768437938776	we:0.15933113582762962	he:0.15648002229428756	they:0.10057778365832153	you:0.09529397351832634	it:0.07899457658743934	We:0.04629343800466313	she:0.043711673885674325	and:0.03620971184427032	:0.01
was:0.17584493089030287	as:0.16443101964905726	has:0.13234520231417712	is:0.12644395331522404	have:0.10123395717999979	be:0.09370249981688841	and:0.07731566920750205	had:0.06448463978186816	been:0.05419812784498035	:0.01
of:0.2259884777378865	in:0.1279502676123141	as:0.10803511903377902	with:0.10289676309994414	to:0.10092096777749439	is:0.0958816162923596	and:0.08543175696245596	was:0.07364376919960383	for:0.06925126228416238	:0.01
a:0.5347695878634166	the:0.14439402095615028	of:0.1118142165060303	very:0.04603857313318238	and:0.04010013624384312	in:0.038127891774981285	A:0.03311745653708695	with:0.022490932011573383	some:0.01914718497373582	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.04553578393787439	of:0.03051332981678091	tbe:0.02261446403444868	in:0.021612439669724332	or:0.020196218295911488	:0.01
It:0.24612309943433328	which:0.15624772724583408	it:0.13892354900780857	There:0.11864799852327101	he:0.08736842706875794	He:0.08146436082796094	there:0.05554555692574892	that:0.054179473266229315	and:0.05149980770005591	:0.01
the:0.48625601792001394	this:0.12699226624334792	his:0.1047503070143391	any:0.060948283430748706	a:0.053850779444917896	that:0.049775567303109274	her:0.03956137157143338	their:0.03524167297283129	some:0.0326237340992585	:0.01
the:0.3273937360618406	of:0.17154315531338243	and:0.11457586309098995	that:0.0882540181402867	a:0.0676947108217954	or:0.0676601352380678	Mr.:0.054501622271896526	in:0.051361416337432554	The:0.04701534272430806	:0.01
a:0.5729986426676754	to:0.1522611765199855	his:0.07420467543922266	the:0.06242003144119501	will:0.03626251476986205	not:0.02690576671265113	no:0.022724680623935345	their:0.021873595826671758	would:0.020348915998801117	:0.01
of:0.35796474690506297	in:0.18242506847414067	to:0.11509581180698816	with:0.07482727780129385	a:0.06374045167626073	and:0.05340914456130075	by:0.04868100332507169	In:0.04720463511630782	from:0.04665186033357346	:0.01
the:0.32480110412421503	his:0.16595461333287717	deaf:0.10684513007931863	a:0.09760199291013949	an:0.07234003559304783	their:0.06926407178482155	and:0.055373736429846714	any:0.052839340787233804	no:0.04497997495849974	:0.01
of:0.23897896941438565	in:0.14736878007097337	or:0.1241006045417599	to:0.12245093798757783	for:0.09263127300695609	by:0.08465844924066222	with:0.06310156749724585	than:0.06038160389902458	without:0.05632781434141452	:0.01
of:0.18242760989038814	his:0.16550895578920932	to:0.13246705234292105	their:0.10864221375430748	and:0.0938697481800076	the:0.08827065202011275	on:0.07915151995661938	for:0.07166782863381427	in:0.06799441943262013	:0.01
and:0.28597110709384155	was:0.15209778801823104	is:0.1131862121182907	that:0.09899005776040866	be:0.08751947588476208	it:0.0754049270540565	made:0.06124528147747632	are:0.0591092152748314	been:0.056475935318101675	:0.01
hundred:0.38841378645436947	up:0.09123185635738856	men:0.08930224671194738	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.07306411117914521	him:0.0668423327581923	;:0.06651424040074755	due:0.06192290086804839	:0.01
for:0.24140626793705325	during:0.19231343715245583	of:0.14465502715335166	at:0.11400731514317922	in:0.10699592583044876	to:0.09416183970439251	that:0.03471871988397661	In:0.031604938578395095	by:0.030136528616746983	:0.01
the:0.24130576549866314	of:0.18833662870322207	and:0.16607091897550066	a:0.12226357561830728	to:0.08119819928176736	was:0.061441215918139495	be:0.05012797215849653	is:0.043156408701399925	been:0.03609931514450369	:0.01
one:0.2617741089986468	out:0.15556960502827208	part:0.13008893117226905	some:0.11334280627319533	time:0.07945996676975539	account:0.07275376099225171	all:0.06506597645229725	and:0.0565737601528326	that:0.05537108416047968	:0.01
the:0.22172023892309115	of:0.1544891538036754	and:0.11358465086891449	a:0.09386538603318524	an:0.08847174821825284	-:0.08766195108438139	i:0.08336830757296744	.:0.07459740798853857	to:0.07224115550699349	:0.01
and:0.29538761890386145	was:0.1642849013116615	is:0.11706638838186677	up:0.07776716508545513	it:0.0755910625150025	made:0.06655680901265408	put:0.06578409847025993	placed:0.06489134807601944	that:0.06267060824321909	:0.01
a:0.7111798593475791	the:0.10704412807900004	to:0.05153678972521329	his:0.03464118747937615	no:0.020389530424963276	and:0.018158880252680004	A:0.016617045006806982	in:0.01616079533325574	or:0.014271784351125397	:0.01
the:0.24299096642388376	of:0.17944178124292026	a:0.14711227117666442	and:0.09739169781471861	to:0.09535608284625503	at:0.07619903937954135	in:0.06526911809219721	that:0.043778472339258696	an:0.042460570684560696	:0.01
time:0.13064218374537684	up:0.12573595628147205	him:0.11330701295672524	him,:0.11054501382843579	it,:0.10942532644676572	;:0.10553097932343962	day:0.10256164346852442	years,:0.09614516788333727	night:0.09610671606592308	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
of:0.2827270889195742	half:0.1808843097726027	for:0.13511710125142476	in:0.11172813880162867	and:0.06630852434043231	about:0.06320155018041856	as:0.05796581370807037	to:0.046802267138643	cents:0.04526520588720536	:0.01
of:0.2598406720956008	and:0.17442274625049692	in:0.14929081280303838	to:0.11915842599096313	with:0.09850658388411324	for:0.08129115424453193	that:0.04121667325016176	from:0.033549611433839624	by:0.03272332004725417	:0.01
the:0.39253980715584635	of:0.1650432388393469	a:0.10764249000073335	and:0.10428052347848171	in:0.07457195753787811	an:0.04671150769878361	to:0.04012872818785867	on:0.030758521170264643	with:0.028323225930806745	:0.01
and:0.29169997815308213	was:0.1328703627143118	out:0.08873310066938216	that:0.08746131418060452	placed:0.08440072742047074	work:0.08020079681811661	made:0.07677797059304475	is:0.07472371838239819	up:0.07313203106858901	:0.01
the:0.7035234799171926	The:0.059689736797382535	Assistant:0.05416326427501456	and:0.044695111451058735	tho:0.03846347742728098	by:0.03481249284238624	of:0.025105650629314046	tbe:0.018068946487600903	in:0.011477840172769297	:0.01
one:0.17274957462093676	more:0.15830689709340226	on:0.1180870273712836	day:0.11354905359128066	two:0.11347581961369303	person:0.08335828476893935	in:0.08180463954838182	man:0.07974273265284054	law:0.06892597073924195	:0.01
and:0.24480150934910483	of:0.19831800793855617	the:0.15503471541294492	to:0.12421354508199411	a:0.08795833645796104	for:0.04918084978502393	more:0.04701501648138087	with:0.04234441851998724	that:0.04113360097304692	:0.01
was:0.4220177887678498	be:0.16859316572816346	been:0.13138401606271582	were:0.08824820612122063	is:0.05621083759671001	and:0.04481779580452215	being:0.03351897141749623	are:0.03214879573561432	bo:0.013060422765707538	:0.01
of:0.4709247234528312	to:0.10710907481470838	on:0.10443302613520368	in:0.10076163009324696	and:0.05004898068857059	by:0.04623607448315895	that:0.043989736091607924	from:0.034082051242215736	for:0.03241470299845666	:0.01
.:0.15438664456730355	-:0.15362943493272804	the:0.11933625733393634	and:0.11296240035600535	a:0.10895012607202664	of:0.09520941932943469	re-:0.09500709933870541	to:0.08672690330200528	<s>:0.06379171476785475	:0.01
and:0.2689151139273388	of:0.1813093838232699	the:0.17602082260909474	to:0.11104422014641267	a:0.05883687834777981	or:0.05374590265053665	in:0.04919264289177943	be:0.04839534901778331	for:0.042539686586004447	:0.01
of:0.4242642462880091	in:0.19273237060249465	to:0.0686320184328053	for:0.06136687089676981	that:0.05977452530490363	In:0.05628263650469279	from:0.050008618190843575	and:0.03945831975094633	with:0.03748039402853479	:0.01
is:0.27938267157149843	was:0.20846905625620596	be:0.15742764172954302	and:0.08529372763793437	are:0.08031508694685718	Is:0.05014266602809595	been:0.048279809114525875	he:0.043369032948718265	were:0.03732030776662089	:0.01
of:0.2679537299997522	in:0.24968656503801295	the:0.14208793242754617	to:0.0715502629996642	and:0.06708137909135513	In:0.059353801275521374	for:0.05203124166072335	a:0.05174115049071751	with:0.028513937016707156	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.04553578393787439	of:0.03051332981678091	tbe:0.02261446403444868	in:0.021612439669724332	or:0.020196218295911488	:0.01
the:0.32067441216919823	of:0.19509698738632383	and:0.16380040676288102	to:0.07702811663089545	in:0.07297891074665765	at:0.051240410711176985	a:0.040610518771225464	for:0.035677038228000835	or:0.03289319859364054	:0.01
the:0.34020716971867	a:0.216593434340553	of:0.1923418780740828	in:0.09426131815212657	and:0.043402889006874196	at:0.03082700388110051	for:0.027131864199648775	The:0.023216250106938695	to:0.0220181925200056	:0.01
the:0.34170127421390223	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093987	to:0.07847171568184984	in:0.05339647102682973	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
and:0.25037799561132223	to:0.19051743664518078	of:0.12818071300755096	the:0.11341275889843262	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.05790590474591629	for:0.056443486992488516	:0.01
and:0.26276554424049875	well:0.1716573563828568	regarded:0.10215108442096364	him:0.0868823661881788	known:0.08594969760882572	soon:0.07468266047506814	it:0.07254659441566476	is:0.06743217334715046	but:0.06593252292079284	:0.01
it,:0.14655437048479533	;:0.14651261782270228	in:0.12799865390899787	him:0.11899667414945186	him,:0.10719169468918925	it:0.09551640005551054	me:0.08715278686365512	me,:0.08200452814831055	them,:0.07807227387738713	:0.01
it:0.22923910640386372	It:0.2169656170215026	This:0.15216872378118323	which:0.0937113430805337	that:0.08236996073179681	this:0.07426658989754333	and:0.053275560998039914	there:0.04840760209046867	he:0.03959549599506813	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
the:0.5662368498647241	a:0.15347911344443924	of:0.07752140131172598	this:0.04607836581959223	other:0.043672408851566556	The:0.03387488811709083	tho:0.03140081044328854	his:0.02027451113196363	new:0.01746165101560884	:0.01
the:0.29854557202464377	and:0.1745190950987386	of:0.1577593822396738	that:0.12083926351875786	in:0.06834174670401257	The:0.046248470501835864	which:0.04414875418318485	a:0.04010688611046934	Mr.:0.03949082961868327	:0.01
the:0.6547322374994279	of:0.11103145010647858	our:0.055658695456357675	tho:0.03434571568996227	on:0.031064361998574885	this:0.02891482799750118	national:0.0283383293324163	their:0.025458028084723843	general:0.020456353834557437	:0.01
of:0.20565190925800664	the:0.1660746349531274	in:0.1505340311988318	to:0.13124658681616796	and:0.12728372839497432	a:0.08360530564891518	for:0.044302951644053776	from:0.04169054936175086	In:0.03961030272417226	:0.01
of:0.40987882311526097	to:0.11427802605963411	in:0.10276287703077736	that:0.08587226574314683	and:0.07620517836169619	for:0.06729836345788287	by:0.048080320176242766	on:0.04721984987769162	from:0.03840429617766718	:0.01
and:0.4082358659059084	as:0.2017374621113305	that:0.17582805740589308	but:0.052442417101731906	or:0.050145927858206596	But:0.027024808179309193	even:0.02545671249821749	which,:0.024580779794228312	And:0.02454796914517463	:0.01
of:0.28770370756719166	to:0.28178977863867954	in:0.09386194809018834	by:0.08604650998185538	from:0.06750920683895259	and:0.06658523455174176	with:0.038563847188142604	at:0.0350137719512351	In:0.03292599519201298	:0.01
<s>:0.23358845970132816	them.:0.18903509587319997	it.:0.1724966423983064	him.:0.10926581495440557	day.:0.060546864087163005	time.:0.057653465509720184	said::0.056836976913188855	us.:0.05588687225099124	life.:0.05468980831169658	:0.01
is:0.1815986994529839	and:0.1717953105391938	able:0.10655438802395227	not:0.09979355570018282	enough:0.09754236129868774	was:0.09443533816025794	necessary:0.08193237885771504	as:0.08002224408975005	began:0.07632572387727644	:0.01
and:0.28507767804085166	the:0.19073040138173197	to:0.12693588429601235	will:0.08429340490171174	a:0.072686525726779	I:0.061370902454194805	of:0.05933450778658343	that:0.05616777084013765	would:0.053402924571997454	:0.01
they:0.2713746856320205	who:0.14360646706026395	we:0.1367652737312479	which:0.09851775476155003	They:0.08084987608252571	and:0.07611851499662178	you:0.07104204677341487	We:0.057582914325766586	that:0.05414246663658872	:0.01
the:0.2885930082027725	of:0.176566445622439	a:0.12380099638058098	to:0.10274053766955328	and:0.0921597664603577	be:0.0664805226347077	in:0.04958752016343719	is:0.0472461089247686	not:0.042825093941383084	:0.01
the:0.5337895079109269	and:0.10479129547898335	a:0.09414582408897566	The:0.056522237983250546	in:0.048561637204278404	tho:0.04049642010764207	an:0.03868495708573351	or:0.03764185398832563	all:0.03536626615188383	:0.01
the:0.47464404067718874	of:0.2608500974662088	in:0.10140855640289276	his:0.04051093359674552	In:0.027073614568162485	a:0.026670520085453862	this:0.02245022784142855	The:0.02231823148701149	that:0.014073777874907935	:0.01
was:0.22863867899744214	is:0.17831669998207356	are:0.14620573767902223	been:0.12729010522512407	be:0.11560819912602946	not:0.058147038987484384	were:0.05636166242013338	and:0.04379350058476081	have:0.03563837699793004	:0.01
and:0.21828020561444822	to:0.14810812633782972	the:0.12071102988751305	be:0.10684057769511973	was:0.10284699336272368	of:0.09856651257560423	is:0.08491814584169231	a:0.06353227345484107	are:0.04619613523022794	:0.01
the:0.7900575393048064	of:0.07940465941530708	tho:0.023504694097257244	this:0.021949161700440856	to:0.01972713175458658	their:0.017096013645578393	our:0.014567030389908397	tbe:0.012102915137046656	said:0.011590854555068609	:0.01
the:0.4499840393586303	of:0.10467589123066733	and:0.0927099164749287	a:0.08246352135201986	in:0.07978939990411628	their:0.05757745154860734	his:0.04943940311418125	this:0.039506762603342425	any:0.03385361441350647	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
was:0.2544172327013956	and:0.19955599665715545	is:0.19547002864059693	of:0.07010461317583334	are:0.0627475276870601	in:0.05598169113426562	were:0.05472803904289641	be:0.05228167172485969	not:0.04471319923593673	:0.01
of:0.2924572405128456	to:0.20133099472303057	the:0.1486806753797706	in:0.09578637671013539	and:0.06817206326196834	their:0.06030178495354799	all:0.0471384317633664	his:0.0425937961930589	for:0.03353863650227622	:0.01
be:0.2499001751757246	was:0.19738593341375582	is:0.1429618958592757	been:0.12316902054107134	are:0.08495343071417714	were:0.055457558975921285	and:0.05348852066221893	being:0.04193988601827661	not:0.040743578639578636	:0.01
the:0.31032794402353153	of:0.174136548685278	and:0.16924373084989436	to:0.09410335785526062	a:0.08334285316950657	in:0.052679580193748875	be:0.03777522488732701	his:0.03486601099791866	or:0.033524749337534535	:0.01
and:0.2710696967606447	known:0.156941522701815	day:0.11100125645455493	it:0.10160713723388112	time:0.09755837941679073	that:0.07129265144458598	was:0.0662267983759105	well:0.05862081223223828	up:0.055681745379578824	:0.01
the:0.6956492008545523	an:0.0733136693768175	The:0.06889258600937896	a:0.0466683693198102	tho:0.039318613189928284	and:0.019505399983322222	large:0.016477752013691328	tbe:0.015626140911448788	great:0.014548268341050387	:0.01
and:0.2672217858895417	of:0.2112789625448935	fact:0.1019608101479107	in:0.0791609458810982	to:0.07843080071801038	on:0.07168556724478214	at:0.06837539212894797	from:0.05600713728423182	said:0.05587859816058349	:0.01
it:0.17037426329838556	and:0.14174261789677803	we:0.14037973385204586	I:0.10362820403401543	he:0.10039541192651863	who:0.09371210623600676	which:0.09066766917666816	they:0.08406250956690225	It:0.06503748401267924	:0.01
the:0.3802269069357302	of:0.2368005893171391	and:0.07278223648295776	for:0.06680633399571746	no:0.05461729482527823	more:0.0499604820284595	lawful:0.04703674772702043	purchase:0.04120679092822409	their:0.040562617759473306	:0.01
a:0.39762937211289445	the:0.3116155207767049	every:0.05806746390617471	this:0.049838984523384	one:0.045107332570729006	next:0.038107790130259306	per:0.03686452437829919	any:0.027058185324829426	that:0.02571082627672521	:0.01
the:0.34019618993787504	of:0.240155642426544	and:0.16013376025602905	a:0.07170049273834138	to:0.06296078068773416	or:0.03521548682411402	be:0.030611162199687562	at:0.024869717258834054	in:0.0241567676708406	:0.01
and:0.7407940785526226	by:0.05797403005559059	of:0.04970703625137381	that:0.046417452531141025	to:0.031737023665866025	<s>:0.020804703099274662	sister,:0.0159707692147877	as:0.014387246311649305	from:0.012207660317694224	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
the:0.2780568606759797	to:0.22111432623243477	in:0.11937496125832864	of:0.08001804520266365	and:0.07428158183042437	a:0.06766640196720597	their:0.057171050902614165	his:0.04748224116534601	its:0.04483453076500287	:0.01
of:0.3630350740586406	the:0.16525916370445748	in:0.14689974290592142	and:0.09288862333737676	to:0.07357308745747565	for:0.04133873686138478	from:0.03766019187032088	In:0.03640713816326296	by:0.03293824164115941	:0.01
the:0.3224852564672679	this:0.2848279540121546	his:0.09088106918864729	that:0.06859700697630083	first:0.05947118118695923	same:0.04797143455841141	taken:0.04065417182474257	on:0.038616192981846424	took:0.03649573280366982	:0.01
the:0.5749300566611416	.:0.09797140648806993	and:0.07375341517721737	Mr.:0.055894554355038685	of:0.04616207875552563	The:0.03830981975734198	in:0.037952209239577595	a:0.03260105964127538	<s>:0.03242539992481173	:0.01
the:0.74758940726442	tho:0.04825115283859905	Missouri:0.03951170062128028	Mississippi:0.03737177324677295	this:0.02529033350494812	Potomac:0.02512207618263307	of:0.02457131655566464	The:0.02209680380678616	tbe:0.02019543597889561	:0.01
to:0.5713396587176942	would:0.10664463213504294	will:0.09197415498835895	and:0.05154602893074633	may:0.050308092856749864	should:0.03683502471823457	must:0.03446010719749396	shall:0.027002165036296787	can:0.01989013541938243	:0.01
a:0.5285894156313351	the:0.17255324276019945	so:0.08470015464522204	of:0.042693623189662695	very:0.039102776465665484	and:0.038133752630373996	with:0.02998158487568294	his:0.027278757496292813	not:0.026966692305565556	:0.01
of:0.4600304435958753	in:0.20473900936933384	In:0.06933580610044542	that:0.05288902983856291	with:0.05149520072139174	to:0.05040786890611163	by:0.03646003837515748	and:0.033665831321182914	for:0.030976771771938735	:0.01
that:0.1751952737192002	of:0.153999680637494	and:0.1381360908575846	as:0.11758637130900122	make:0.11246320939134008	is:0.07640499637967577	have:0.07530631215710927	for:0.07338481310994635	which:0.06752325243864829	:0.01
it:0.257466533529841	It:0.25205201211021616	and:0.14667181899366263	three:0.07676953665274139	a:0.05946744435916446	with:0.05754892834535004	more:0.05122033147676269	two:0.04612397821274796	that:0.04267941631951359	:0.01
and:0.2808182652484284	recorded:0.11992459715138466	is:0.11459601146648146	that:0.10719611749566714	was:0.10127129399640518	are:0.086604104023806	distributed:0.0680936502147143	but:0.05624580094236255	divided:0.05525015946075051	:0.01
in:0.23176056584564408	the:0.22922597676137094	a:0.19283618731722818	In:0.07547192777710238	and:0.06988170885653702	of:0.06537158545466365	to:0.0583319685340444	on:0.037901432790618333	any:0.029218646662791017	:0.01
and:0.29052563843363216	fact:0.1718349679940122	said:0.11307705641045758	so:0.10296766644522751	believe:0.07467485194323314	is:0.06547998110151379	say:0.06072622423233118	know:0.059576482780927004	found:0.051137130658665285	:0.01
that:0.2968599375384999	when:0.15715050128609484	as:0.12795173048123434	and:0.10951149090591757	which:0.0984638316299557	if:0.07921282114607717	where:0.0479481426733494	but:0.04396335491412129	what:0.02893818942474975	:0.01
of:0.3108483877539172	and:0.13815892733162294	to:0.1344776080676971	that:0.09374700529029623	for:0.07646731947579559	in:0.07347617594719306	by:0.062385447118821234	with:0.05181949044827674	all:0.048619638566379936	:0.01
-:0.25227573195342895	to:0.1571088705924915	of:0.12345253920146988	ti:0.11113881617372436	tl:0.09175920428620733	.:0.07250890677037669	t:0.06821446183354181	I:0.05690039405087973	w:0.05664107513787971	:0.01
and:0.3034547542678917	fact:0.1440565811319426	so:0.13152370160571608	know:0.08260028208832158	is:0.08095989746473178	said:0.07087056127395946	say:0.06823789382897713	believe:0.06072470125158067	but:0.047571627086878905	:0.01
would:0.16373213366039768	I:0.1627234680084594	who:0.15526351879405154	they:0.1382993958556345	we:0.10261487473663207	to:0.09650160414444703	you:0.06659725641677033	and:0.05562288190815359	which:0.048644866475453755	:0.01
the:0.592916631589201	and:0.09412718281202043	of:0.08923142221002688	for:0.04266168133123158	The:0.04225219893625455	their:0.03310002998438263	in:0.03256119792140089	other:0.03251880848548638	tho:0.030630846729995793	:0.01
the:0.28798183721523385	and:0.1575327885414201	of:0.1453406848104951	a:0.11459453407493772	to:0.09366775566947534	The:0.0625261785204545	he:0.044508308886668506	be:0.042865151024944	as:0.040982761256370945	:0.01
the:0.3216922696944346	a:0.2530832922847258	and:0.16157406523942264	of:0.0938185627525038	The:0.045733845660928356	an:0.0375460460148574	to:0.02952504036310183	in:0.024364532629874133	that:0.022662345360151548	:0.01
sum:0.3149340804479307	rate:0.17400702794505174	day:0.08790673471107428	amount:0.0856604774755793	number:0.06879770470221991	instead:0.06854397621643124	part:0.063987735638917	period:0.06350550857227623	distance:0.06265675429051952	:0.01
of:0.4031026744812287	in:0.11793184852163248	to:0.11230356340835247	with:0.07660881890752107	that:0.0659878164877224	for:0.061282731101551725	and:0.06071900406796395	by:0.0490860660133021	on:0.04297747701072523	:0.01
the:0.8863726773530108	tho:0.04767429894468295	The:0.020379110130635744	tbe:0.0148488543841555	of:0.010704508851547227	and:0.002907084065353344	by:0.00269076816764734	a:0.0026265092802739095	tlie:0.0017961888226931213	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
to:0.3504444290396577	will:0.2304633529847178	would:0.1501700179848306	may:0.06048113618382543	should:0.053613581943932904	shall:0.048343128300104954	not:0.03947290497029301	must:0.037456228416852026	can:0.019555220175785402	:0.01
the:0.27964689468410575	of:0.2563686976829857	West:0.23893680022046138	and:0.0619725264253952	in:0.06174121919183766	by:0.02825626547529986	from:0.02205524963850787	said:0.021401474727824353	for:0.01962087195358231	:0.01
of:0.43553516001062287	and:0.21062461002871755	by:0.11957439995156405	with:0.05929120257371001	in:0.04915838581707449	for:0.04910082938300587	the:0.024062400138702936	or:0.02209154817518951	as:0.020561463921412677	:0.01
the:0.35092405232751495	a:0.28402301950307646	large:0.1618837607503019	this:0.058819841737954535	great:0.039540909410168815	in:0.024891985434679038	tho:0.024133254069734475	small:0.023704921761750545	every:0.022078255004819282	:0.01
and:0.22111249128563978	that:0.21743310883168446	which:0.13075176333571684	to:0.1302618191357963	when:0.0740264242364343	as:0.07080483563122836	if:0.0626355239620253	said:0.042968280969298396	what:0.0400057526121763	:0.01
out:0.22440349511403934	purpose:0.15661113577272429	means:0.15047140533821599	matter:0.09493168070141218	right:0.09036209733894919	one:0.08148220186880954	sort:0.06640756183690587	number:0.06365241702057776	time:0.061678005008365844	:0.01
per:0.33065838744022596	a:0.3075034507375975	the:0.15738586440761415	last:0.05891165739412999	every:0.038800932459212116	one:0.03745429272803363	this:0.02168348352483583	each:0.020211864064509776	next:0.017390067243841047	:0.01
the:0.234408122978364	of:0.1828304793787199	and:0.1507094517828643	in:0.11802874539792414	to:0.07447537350815515	for:0.06971697362682312	a:0.06501836054781819	that:0.047612702868950474	or:0.0471997899103806	:0.01
and:0.21653818074666914	the:0.18724203922351232	of:0.14904754853675406	to:0.11548725602063736	be:0.07888300539379996	was:0.07500647985195938	in:0.06698318540006266	is:0.05563421583847635	are:0.04517808898812875	:0.01
of:0.4615411973101024	in:0.11137165717899584	to:0.09513047033335133	by:0.06343332712141181	and:0.05663147022325325	from:0.05456811050109913	with:0.05190400109284522	at:0.04889680529175253	that:0.04652296094718855	:0.01
to:0.28050422016448795	and:0.12786361473977498	or:0.12096590304787198	know:0.10921157206642874	in:0.09629825600601075	of:0.08520573511441608	that:0.06876531201963951	question:0.05354459834235271	see:0.04764078849901737	:0.01
of:0.18383825471853363	the:0.1739891032618196	to:0.15525049370627406	and:0.11672107791500232	was:0.1034123872197639	be:0.07570604815225464	a:0.06544450239941506	is:0.05918487794894573	for:0.05645325467799111	:0.01
cents:0.47926474277722947	bushels:0.0979450247413502	a:0.08123742788406446	dollars:0.0746752204559354	cent:0.06595716956108871	the:0.05324282560681479	pounds:0.052076295981265015	feet:0.047557837429080804	$10:0.038043455563171256	:0.01
of:0.3652246737007466	in:0.2275088120608873	to:0.15598182665747765	for:0.055790666473105606	or:0.0528262842106371	by:0.03726442505553475	at:0.03219554393672553	In:0.031727441186266754	if:0.03148032671861887	:0.01
to:0.4385135250335698	will:0.16324866138041177	can:0.07452340487766579	would:0.07425658527585954	and:0.047126099027859594	not:0.044903116629873854	must:0.038560208891705826	should:0.037827058818278	could:0.03670956134393318	shall:0.034331778720842615	:0.01
the:0.5147524550492377	a:0.17308681514271188	his:0.09819501249635076	no:0.05708873000806569	their:0.03606467904858163	and:0.035053361335571256	tho:0.027722030127988694	my:0.024282416799627952	her:0.023754499991864443	:0.01
the:0.46780287458227066	and:0.12600683507819926	The:0.09122706886129628	a:0.08677684446646411	by:0.06267888051035743	<s>:0.04529726990196418	in:0.040903944320799523	said:0.03671892523937614	tho:0.03258735703927238	:0.01
it:0.2602933463206855	there:0.14822319293947891	It:0.13196436136428402	which:0.11581767029202342	they:0.08952698954231514	that:0.07758736314856882	and:0.07379772084395009	he:0.04666991240312073	There:0.04611944314557337	:0.01
sum:0.18676829411122214	number:0.1566486321513545	line:0.11140081741272478	city:0.10844765106291132	out:0.10739005474369737	day:0.09286734076326106	county:0.08286139477536687	amount:0.07384405151900511	Board:0.06977176346045691	:0.01
the:0.3393255573743127	and:0.21178061799709652	of:0.18374035432791083	that:0.05355193750391202	The:0.0526274655332642	a:0.050428225266492877	or:0.03381932134870706	I:0.03348309181440277	in:0.031243428833901205	:0.01
be:0.31252622867909885	was:0.1674491276480626	been:0.12225056648155873	were:0.11428149616158988	are:0.08962461743903057	and:0.0588296469343432	is:0.05402384369387775	being:0.04230657152576341	he:0.028707901436675076	:0.01
of:0.31876437138648034	to:0.20391238508521137	by:0.14848970306611875	and:0.08937556930622116	in:0.08244090402807668	at:0.04837363854293882	from:0.03708491368932265	for:0.034544457097768176	that:0.027014057797862215	:0.01
be:0.24235324266211036	not:0.19816699655760078	was:0.11750324736213572	and:0.09813991380544801	I:0.08456133493179452	been:0.07134618064437706	is:0.06339308621076448	are:0.06233541288225441	he:0.052200584943514636	:0.01
to:0.2620983149693371	and:0.19664402247129265	the:0.18720703494025467	of:0.14061051340842873	in:0.0675925481954826	a:0.03867755248806961	<s>:0.03389464108121401	not:0.032510411574388075	that:0.03076496087153255	:0.01
in:0.21318660546642726	for:0.18278527504286687	of:0.1746559009532644	within:0.09270317324720144	and:0.08112620763954174	only:0.07401156421911753	In:0.06727676343538885	with:0.05638982722093511	is:0.047864682775256746	:0.01
;:0.21404065237104034	mortgage:0.17515171653900855	Mr.:0.11907178366862221	street:0.0987546964492122	mortgage,:0.09579419019654718	contained,:0.07947761068705063	,:0.07874590570648386	feet:0.06699557099634464	one:0.061967873385690424	:0.01
the:0.31666971748217954	of:0.17198936940398363	and:0.17039295119002779	to:0.09468759621184349	a:0.06394087066527632	or:0.046071176001295275	in:0.04596010506438172	be:0.04055357620733018	for:0.03973463777368206	:0.01
Mr.:0.37070884027995693	Dr.:0.10141784322623174	.:0.09298695590522033	C.:0.08276181098787226	John:0.07999455338443963	Mrs.:0.07703912347449965	J.:0.06371202538268078	H.:0.060804247533275034	M.:0.06057459982582376	:0.01
and:0.35300645440956296	that:0.2031892171245079	as:0.15692861119759352	but:0.06651879692357406	even:0.059756851233982874	And:0.04221613606704582	or:0.03780334824475082	But:0.03563116184475345	see:0.03494942295422832	:0.01
of:0.16171533164899285	and:0.12834322834344805	to:0.11159342813169176	was:0.10960649845261716	in:0.10403090544422154	as:0.10094522988167552	is:0.09776695379763362	at:0.09585973654954104	on:0.08013868775017846	:0.01
and:0.25037799561132223	to:0.19051743664518078	of:0.12818071300755096	the:0.11341275889843262	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.05790590474591629	for:0.056443486992488516	:0.01
the:0.2974502811850691	of:0.22091422415753312	to:0.09236837889488791	boy.:0.0741306415053232	and:0.06960437249933987	girl.:0.06679148007921792	a:0.06486805677156715	in:0.05550313372308324	for:0.0483694311839784	:0.01
the:0.5131603592134009	a:0.11527568679058686	The:0.10070563517200992	protective:0.07086984136888776	of:0.06775415174115337	that:0.04091370054940553	tho:0.029041031291896464	his:0.028096256289590157	new:0.02418333758306905	:0.01
they:0.26004076152708355	who:0.12520266395751165	there:0.11579702370869374	we:0.11373584132620912	which:0.08776419117906965	and:0.08322440250912155	you:0.0759804396257324	There:0.06594329369292241	They:0.062311382473655905	:0.01
of:0.34204220533703655	to:0.1388434664336376	in:0.13786264416522528	and:0.0802795492422938	with:0.07123181302638901	for:0.06369579859368074	on:0.061350835439372385	by:0.04859824571313037	from:0.04609544204923424	:0.01
and:0.2228553872631746	was:0.1728650831973889	is:0.14273502771221838	be:0.09765088978212885	succeeded:0.09724584251917125	are:0.08563394993110227	made:0.05974393509723394	that:0.0564594886726032	were:0.05481039582497857	:0.01
on:0.20918125627299392	his:0.12737312723777505	a:0.12625882510914266	to:0.12041853840198323	the:0.09766052277994444	in:0.09556025346082296	of:0.08601222006831136	other:0.06875055856734806	my:0.058784698101678384	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
feet:0.18820779826405398	number:0.13581018877971063	line:0.13405977390680573	out:0.10925881939599179	day:0.10457358973002052	city:0.1033857689656701	one:0.08474822717655583	cost:0.06583415159954255	amount:0.06412168218164876	:0.01
said:0.36725523220800993	the:0.300570197816995	this:0.09136809472810976	a:0.06542056807351146	and:0.06183712062680591	Lake:0.03243818539158042	each:0.027640017718262178	of:0.023973642694128237	any:0.019496940742596978	:0.01
the:0.22197520014450645	of:0.2177237390561906	Mr.:0.1314333334185832	and:0.1286336289491267	in:0.07541098831116165	Mrs.:0.0597039868939133	The:0.0543213280268013	to:0.05231851964556478	Miss:0.04847927555415207	:0.01
be:0.1487539229361705	He:0.14567749892737922	is:0.1442043539122911	and:0.13441473568740878	was:0.13392760463164483	he:0.12999120857265814	also:0.055670980871974196	so:0.050605795670441565	been:0.046753898790031806	:0.01
and:0.22158270743167624	was:0.15199464461561035	nothing:0.1109550121238297	is:0.10855734364607732	of:0.10829193851587912	talk:0.07804623821504884	anything:0.07352763093930294	bring:0.07110415866648015	brought:0.06594032584609526	:0.01
of:0.3096856172746496	in:0.14100487814111134	to:0.13329306485422202	and:0.07821901956930732	that:0.07696243073014421	with:0.07483149595502309	for:0.07321059035763545	by:0.06357423846538594	all:0.039218664652521315	:0.01
of:0.3985080413315299	that:0.1721156530772638	in:0.1232120737040275	to:0.0748279081698287	and:0.06055651828061461	by:0.058491283953950556	In:0.03615021769348043	on:0.03526406217359936	from:0.030874241615705237	:0.01
the:0.2812044052940049	of:0.1800381040595876	to:0.1740636308333416	his:0.0948388705242987	and:0.07006636267118804	in:0.051540903536249384	a:0.04968633933768278	with:0.04566637931585572	their:0.0428950044277913	:0.01
of:0.2235414280181508	the:0.2055028193899123	and:0.20306238334498614	.:0.07441972313208528	Miss:0.0683093461906957	Mrs.:0.061937537517321554	Mr.:0.05526692757326752	to:0.053314342044632326	<s>:0.04464549278894842	:0.01
of:0.36546924240853723	on:0.18804857990730695	in:0.1354692933676715	to:0.0876040783675638	that:0.058870572282997864	by:0.0511215293997571	and:0.04513769945804229	In:0.03150080499049843	from:0.026778199817624856	:0.01
and:0.21478188009611848	he:0.19330813860656118	who:0.13138827513574444	He:0.1184038239303812	have:0.10382543716136199	has:0.07550136236987587	had:0.05716928157214664	be:0.05149728414581346	I:0.04412451698199661	:0.01
It:0.393583286780561	it:0.30313957484994525	he:0.07231474942823446	which:0.0669361427302353	and:0.041564112037185956	that:0.033807116749135245	This:0.028490296415007513	who:0.026536063687931554	He:0.023628657321763828	:0.01
the:0.25343926032239733	of:0.17100735611663734	on:0.13727359310810225	a:0.13463513246181139	to:0.08535295780479639	and:0.07315426809265119	in:0.06413492827375611	an:0.03562058100098499	or:0.03538192281886311	:0.01
was:0.29578794663198116	be:0.2681315838906674	been:0.10153484006102381	is:0.08598282019804383	were:0.08034647534682861	are:0.04583303221275168	and:0.043335463123005576	being:0.03453955087783862	had:0.034508287657859314	:0.01
be:0.2645551239871119	and:0.17371714310953304	was:0.13780593030608446	is:0.09147678120023692	were:0.07592384833648981	are:0.07490768378835624	been:0.05993485332162293	the:0.0582805700899753	he:0.05339806586058932	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
the:0.30337617970676906	of:0.18860457588018725	and:0.131061740829474	to:0.0977610809207078	a:0.0809566554459928	in:0.055741965423345884	be:0.051143240024298715	was:0.041879765140534715	is:0.03947479662868964	:0.01
the:0.6692761813205071	The:0.06893984106593677	an:0.05894257887907795	no:0.057671726161649145	tho:0.0377223135145587	any:0.028417109712122558	a:0.027217368294440058	said:0.02320160859617037	and:0.018611272455537363	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
of:0.4491749989899173	to:0.1261594361122625	and:0.0875745755637848	in:0.07738882911989842	for:0.060257025684107124	that:0.05202350694046633	with:0.04791087771246698	by:0.047057970707842664	on:0.042452779169253906	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
to:0.20487655441416142	and:0.18246493303403308	of:0.11584133028314691	be:0.10372481665333814	the:0.08834941605031948	was:0.0860434312432148	is:0.07279233720822897	for:0.0705517086366464	in:0.06535547247691063	:0.01
the:0.38927280081367605	of:0.1721048516462148	and:0.17082175439220346	The:0.11627151869807548	that:0.04169052592452665	his:0.028205704258302672	tho:0.025059907039819845	these:0.0233235448187877	to:0.023249392408393497	:0.01
and:0.2963518930506839	so:0.14127294388052722	fact:0.11934677619133643	said:0.0938250666715126	know:0.0932134021518468	say:0.08466047801883071	is:0.06122937996269785	but:0.050994404267622175	believe:0.0491056558049422	:0.01
the:0.26397004977439464	of:0.15574157203250094	and:0.14850263550729131	a:0.10910328092713903	to:0.08804885207533807	be:0.06921959297159311	was:0.05921495157049566	in:0.05157668098062004	is:0.044622384160627214	:0.01
and:0.2160840011441677	was:0.19307515823599952	is:0.11710328468798123	it:0.10413802935542998	be:0.08213321675775359	that:0.08153929039311944	made:0.07493813651076084	him:0.060976853873786464	up:0.060012029041001134	:0.01
the:0.3816807557499502	of:0.17885201543177992	their:0.09435519923129529	a:0.07696487234189694	his:0.06890389883398439	and:0.060236879761505165	great:0.04618152326874402	no:0.04243338657032099	in:0.040391468810523114	:0.01
and:0.30132020239915897	is:0.11119746070334266	be:0.10342383628277003	served:0.08924283171230941	that:0.08794619158593867	time:0.07790541440461883	was:0.076814248307636	or:0.07597111826904795	now:0.0661786963351774	:0.01
the:0.8537148219419838	a:0.03646549641959217	The:0.03415727439235482	tho:0.033432113009629	tbe:0.013223462958107468	and:0.00497735480955054	final:0.004847810719444485	great:0.004724303892995823	his:0.0044573618563419955	:0.01
the:0.23666950497411446	of:0.171417182725107	to:0.11036429500137059	and:0.1057347235049789	.:0.09473422559031634	Mr.:0.08825249857628613	a:0.0777462500971279	in:0.0620918774307186	at:0.042989442099979944	:0.01
the:0.29169140340864314	a:0.17682271904931793	of:0.15001235717298542	in:0.11178362391156614	on:0.0715420022317204	other:0.05795661884925812	his:0.05265325980936914	and:0.042227099989975245	school:0.03531091557716451	:0.01
of:0.2031739616185215	and:0.13548357950372356	to:0.11696348443706661	is:0.11229325087655455	with:0.10863235700154435	as:0.09128257097035432	was:0.08267520742978154	by:0.07469177062071582	that:0.06480381754173785	:0.01
and:0.20441155362062136	of:0.16327144141342845	as:0.12887591249990385	that:0.09355068236284071	to:0.08961813963778745	with:0.0882792008450396	for:0.08365585488562442	but:0.07491240817982038	make:0.06342480655493389	:0.01
the:0.6843748006586471	and:0.09607457325995261	a:0.06566294379963716	The:0.04817734587786814	tho:0.029760582997710814	this:0.019629211545014374	or:0.018249888394030005	any:0.014737698648866353	by:0.01333295481827352	:0.01
to:0.31700299373896074	the:0.22844371918683537	will:0.11689581369254008	would:0.09780256411812872	and:0.05955112327239363	a:0.057860295059639084	may:0.04482893272437918	not:0.03863726897614818	can:0.028977289230974923	:0.01
the:0.4923260238685299	a:0.2694278503914999	of:0.09762209184444574	tho:0.02942349932664076	and:0.029245879564661216	The:0.02654712497700138	said:0.018504150935478466	A:0.015465421516017003	tbe:0.01143795757572563	:0.01
the:0.4284306883178777	and:0.13704320309447432	of:0.13642565239073168	The:0.09125990139267993	that:0.051823608614280814	his:0.04823585977536792	a:0.033871308428658584	their:0.0328017053654433	said:0.030108072620485753	:0.01
for:0.49702887677701013	at:0.10564648975041047	For:0.08119390809636862	and:0.07606969388421331	of:0.06079672961748245	in:0.054030443245629244	that:0.04896255138113204	to:0.03760503741379566	by:0.028666269833958133	:0.01
it:0.2596385820886084	which:0.14112918128503313	and:0.13477755288321686	It:0.11476539973660432	there:0.09895590903510541	they:0.07621371801179058	who:0.05780478023937095	we:0.05506058752131993	that:0.05165428919895034	:0.01
to:0.44841248916078574	of:0.10503332415444672	a:0.092390985712939	and:0.08927693338704441	the:0.06253424492358145	who:0.05156320469127678	not:0.048830822390530736	I:0.048693659182018664	will:0.04326433639737642	:0.01
<s>:0.3271962857015993	it.:0.10325049113195386	.:0.09953347739113037	St.:0.09342446718944997	of:0.08465610576595067	years.:0.0760687821738957	him.:0.07286073740079481	and:0.06890757655354131	them.:0.06410207669168383	:0.01
be:0.23893475862471644	was:0.13272343317214613	is:0.12322426583270757	and:0.10365936902192133	are:0.10160753868608319	the:0.08561809761797053	he:0.07305608621317848	been:0.07072200155014091	were:0.06045444928113534	:0.01
matter:0.17219495447466776	number:0.165495178991283	amount:0.15890840248788102	out:0.11634680947718255	line:0.08760833306018101	kind:0.08001854015275843	sort:0.07510809172159784	purpose:0.0686255154919188	lack:0.06569417414252947	:0.01
men:0.39887287178504227	those:0.19816641851664424	man:0.12380205661432733	and:0.06230704547424623	people:0.06040124982863035	one:0.04310213710037753	women:0.03975024267132114	woman:0.031880327251387744	all:0.03171765075802319	:0.01
<s>:0.5335445376024412	and:0.12858360613053946	.:0.0776742930948488	follows::0.06675138021982024	of:0.058739055762358536	the:0.042443315809541415	to-wit::0.030994442206746083	to:0.02943814711340439	in:0.021831222060299964	:0.01
more:0.2684865675627523	the:0.1903886250652765	less:0.15045372717491748	of:0.11019234800535599	an:0.08479253005238488	greater:0.06542892538288521	better:0.0428525734280848	and:0.041747285031251656	in:0.03565741829709107	:0.01
in:0.4026738715855254	of:0.17344755112266863	New:0.11925656366735468	In:0.10580465679112627	to:0.06101501640031685	and:0.03960640502136954	from:0.038238666621847155	with:0.027476138297944454	by:0.022481130491847023	:0.01
the:0.37734718415064106	a:0.18509434613327636	of:0.10625746342855687	and:0.09830198907477418	to:0.06265189895823563	The:0.047092503109217865	that:0.04369151760342626	in:0.038475347339193985	by:0.031087750202677636	:0.01
person:0.3232435209152325	more:0.2559052086025641	one:0.10619966703476634	two:0.06501802670087518	owner:0.05664963776690563	day:0.05290623161506306	law:0.05102689783353232	three:0.03995162509468569	piece:0.03909918443637516	:0.01
the:0.3312931097520635	and:0.21108308736221076	of:0.1491802110380001	an:0.108995047884571	in:0.0550179922604698	a:0.04243828136697654	his:0.038924184406959085	The:0.029611122121615558	county:0.023456963807133885	:0.01
the:0.3623264461583673	a:0.19318619796242859	of:0.10697167628326669	and:0.08798900079575751	at:0.068282409717623	an:0.05332547005967429	in:0.05275409283846943	on:0.03358000118700384	to:0.03158470499740924	:0.01
the:0.32273465849363664	and:0.1940022501450567	of:0.11403598547268402	in:0.0899633628898695	to:0.07329013016807916	that:0.06807699171598768	which:0.04427919217174508	or:0.041931633278455636	<s>:0.041685795664485506	:0.01
of:0.35319214700210916	and:0.14079851023511283	that:0.09316373522973623	in:0.08827366925128352	with:0.07002289924881078	to:0.06846501287257709	is:0.06362892294691856	for:0.06018159198869	have:0.05227351122476187	:0.01
it:0.2602933463206855	there:0.14822319293947891	It:0.13196436136428402	which:0.11581767029202342	they:0.08952698954231514	that:0.07758736314856882	and:0.07379772084395009	he:0.04666991240312073	There:0.04611944314557337	:0.01
the:0.2891176985137046	of:0.15034482710262845	and:0.14727364343021293	a:0.12256378698685641	to:0.11180388212332247	be:0.05566769946958988	was:0.044440704312762515	or:0.03660687066406267	is:0.03218088739686003	:0.01
of:0.2879095906736429	by:0.15147283143704132	to:0.13226073003663072	that:0.12854693906523482	and:0.12636804441264757	with:0.05074601143565901	<s>:0.04360499343411608	which:0.0371634933117646	as:0.03192736619326301	:0.01
more:0.4022429279849611	less:0.15067137643731532	better:0.1230713924831501	rather:0.08954190488344775	other:0.05711221219378548	greater:0.05507528844112588	higher:0.04136112785964676	lower:0.040775085638028175	larger:0.030148684078539354	:0.01
few:0.2796034914793986	two:0.24602716038520347	successive:0.12635262339605233	three:0.09141175143604004	several:0.07377646152133806	six:0.04930324721572907	five:0.04632869825141499	four:0.04058892810910521	ten:0.03660763820571819	:0.01
and:0.5090272997432482	that:0.10778905250937587	but:0.0684639826597466	days:0.06334103378610689	and,:0.062487699779472404	soon:0.05827063280562925	until:0.043075392254829384	shortly:0.03949720582159898	time:0.03804770063999252	:0.01
that:0.2242397841169138	as:0.20112268654969787	and:0.16259026870353488	which:0.0819586020395267	lots:0.06961765437813772	if:0.06702983015358581	for:0.06356026955113041	No.:0.06075331589668431	should:0.05912758861078857	:0.01
and:0.2217959233948369	as:0.17968607174145151	able:0.11310397413878423	order:0.09616887137836329	enough:0.08845797575586795	is:0.0816476071736821	or:0.0778553515372209	have:0.06728174995955606	used:0.06400247492023717	:0.01
and:0.3523122251038127	days:0.1345223648052471	that:0.10778518738845458	soon:0.09644262899501788	years:0.08035014631488718	shortly:0.06959919660962036	but:0.06585909942236041	months:0.04269488233574499	year:0.0404342690248548	:0.01
he:0.20675425549140283	it:0.18475842500457715	It:0.1334250418303093	which:0.105997050048137	I:0.10298335678013729	and:0.07837946795615702	He:0.07222450493760496	she:0.053710673787182674	that:0.05176722416449161	:0.01
out:0.174791524930527	one:0.1612745066563113	some:0.1543730398369646	all:0.11549577046618896	part:0.10442056941108602	because:0.07383495211930247	account:0.07284118264889748	many:0.07000946912075943	and:0.06295898480996275	:0.01
the:0.7693871219273434	tho:0.047311942275077595	The:0.04600197628103579	a:0.03976273346875239	an:0.03116183280524171	and:0.022624081278559825	tbe:0.013149322795398363	any:0.010522018235222079	no:0.010078970933368755	:0.01
of:0.25823735451086327	the:0.13793974357911257	and:0.1261945327872129	in:0.10903247852169386	a:0.1086515516966373	to:0.09238292652407408	-:0.07710713226639392	for:0.04331262260445606	by:0.037141657509556086	:0.01
the:0.34170127421390223	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093987	to:0.07847171568184984	in:0.05339647102682973	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
of:0.19503786139835497	is:0.13274997670602398	with:0.1120610632501183	to:0.10959842991036707	was:0.10479355257071764	in:0.09780160058672197	as:0.08209688634186149	on:0.07814660928628969	and:0.07771401994954492	:0.01
as:0.242172887431039	a:0.19248711863231097	any:0.12004235821020072	the:0.10411575443201083	earliest:0.10127916710561755	and:0.07045096962297188	every:0.06892688973918445	no:0.04694594807527492	im-:0.0435789067513897	:0.01
and:0.3073535947608112	to:0.22522162155475012	he:0.1066294831692129	of:0.07884913974184654	in:0.059724661676140794	the:0.05755099293026271	was:0.05520007854065904	that:0.050336197370971794	for:0.04913423025534491	:0.01
was:0.2662303657377885	is:0.1595159336515126	be:0.13850114351238244	he:0.09321828823311432	He:0.08559786602635801	and:0.0748090129530076	been:0.06238554798502385	I:0.05698744232859172	are:0.05275439957222097	:0.01
the:0.3526498906279167	of:0.145021302796096	a:0.13830183942177887	and:0.11687250676678289	to:0.06260836580021814	in:0.0616377005382601	for:0.039995669049465186	at:0.03716143353865227	The:0.03575129146082972	:0.01
of:0.2184003260443935	for:0.1346043907019011	with:0.12422092993006767	in:0.11776813624637303	to:0.11442191603901111	upon:0.07864262822475239	do:0.07707942101669678	about:0.07129825679925099	on:0.05356399499755348	:0.01
to:0.25899009985987886	and:0.20691113851486856	of:0.12222836551254561	the:0.08594736535787018	is:0.07480810658605942	in:0.06648717053326157	was:0.06439095079885329	con-:0.056444731101806235	will:0.05379207173485628	:0.01
a:0.37522543310283024	the:0.3475316158650999	of:0.0765495867665517	The:0.043773316655189756	and:0.03914281723655084	with:0.02847254312561346	his:0.02799582530753913	for:0.027388468582456485	in:0.023920393358168524	:0.01
and:0.2505542745934097	to:0.19788561512081743	the:0.19487051459150243	of:0.09620919366618566	at:0.056097441457620606	or:0.051490709985108525	a:0.05015325074972503	for:0.04773406540091405	will:0.04500493443471637	:0.01
person:0.2766733028777612	owner:0.11680070729807793	one:0.10260056195319607	lot:0.09529458363283674	law:0.09028724150887117	man:0.08431320878419844	land:0.08040370166281387	vein:0.07487358460354376	tract:0.06875310767870069	:0.01
the:0.39381414603745785	and:0.17874956314955723	a:0.10139976743193814	that:0.08859603852546727	The:0.08693418399001432	of:0.04140089710958792	no:0.04036971874704633	if:0.03064571247170885	tho:0.028089972537222205	:0.01
that:0.36676990832500156	and:0.2021494109104595	but:0.10784744981174714	as:0.09568602346329862	which:0.06159835272923168	if:0.04782769345076774	when:0.03962797280193356	of:0.0360745368983618	where:0.032418651609198594	:0.01
up:0.15814385675393813	addition:0.13742981650675554	and:0.12458187151217107	came:0.11414416982463267	as:0.11250542114965958	due:0.08882136789922332	according:0.08683615157811307	reference:0.08455786721599692	sent:0.08297947755950968	:0.01
of:0.2443616465891797	to:0.1643531234760542	in:0.11684415238069956	and:0.10866375010060321	on:0.10010561630903961	with:0.06756867261439999	In:0.06524748389156858	for:0.06304181195514776	that:0.05981374268330746	:0.01
and:0.4346875534670234	that:0.0996877437536805	soon:0.09684465170174159	days:0.0721940383736941	until:0.06335093878130185	but:0.06083641063096282	years:0.059025280635911205	shortly:0.05411458282283048	and,:0.04925879983285423	:0.01
of:0.20993237752508137	and:0.18156752908629392	the:0.1807155482430717	was:0.09763604278896215	to:0.09487097398635352	be:0.0684285804091485	were:0.05888709688381749	are:0.049473812351425936	as:0.04848803872584541	:0.01
the:0.44571471306807303	and:0.12920769746300784	a:0.12907302108291355	of:0.11031642532337377	his:0.04406354850620154	other:0.03668779787034549	The:0.034802214437989726	to:0.030351586090406495	one:0.02978299615768869	:0.01
to:0.356943770373367	not:0.13727417655490018	and:0.1342956483026428	we:0.08767538136744216	I:0.06478107680857884	would:0.06152308285481638	you:0.05227327993521021	will:0.04984713221852047	they:0.04538645158452184	:0.01
and:0.22011501553210386	of:0.18956680384299562	was:0.11714336304410325	is:0.11473007219766725	be:0.10498014728817076	are:0.07116894150708808	them:0.058574861565950334	the:0.05742102505034296	well:0.056299769971578005	:0.01
of:0.22648670452955055	to:0.2163693185701176	and:0.10697234843190744	in:0.1042200303603374	on:0.08066665556923433	with:0.08052720281802167	for:0.062032289200670464	from:0.05812749626373316	that:0.05459795425642732	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.04553578393787439	of:0.03051332981678091	tbe:0.02261446403444868	in:0.021612439669724332	or:0.020196218295911488	:0.01
one:0.2258671110877107	all:0.2031892481711279	copy:0.13585339809724553	some:0.08000904611832456	out:0.07379004803716031	those:0.07122279865131625	means:0.06962753566551792	purpose:0.06649818257859248	part:0.06394263159300427	:0.01
it:0.33853082227275716	It:0.24337835320521994	there:0.09520718488027768	that:0.07737003876586056	which:0.07332810869499344	he:0.05180014029682764	This:0.044145806979173884	this:0.03351125348578113	There:0.03272829141910858	:0.01
the:0.2561890529191202	.:0.18132581494084676	<s>:0.14304252250009233	and:0.12604447771047372	of:0.08421688709419642	Mr.:0.08123389001749105	Mrs.:0.041996931388998904	The:0.03909673829229777	de-:0.036853685136482954	:0.01
the:0.22669854374274823	a:0.16065144283152755	and:0.1568205597537097	of:0.14859189720612156	to:0.10768267476423311	in:0.05931814572121812	be:0.058573375309931834	was:0.03748628502926306	is:0.034177075641246855	:0.01
cents:0.47926474277722947	bushels:0.0979450247413502	a:0.08123742788406446	dollars:0.0746752204559354	cent:0.06595716956108871	the:0.05324282560681479	pounds:0.052076295981265015	feet:0.047557837429080804	$10:0.038043455563171256	:0.01
W:0.14910773017956414	M:0.1227699057854245	J:0.12075148222724486	C:0.1115655270998523	S:0.10363588713123016	E:0.1024768877844631	A:0.09710894198133284	H:0.0941368354934298	B:0.08844680231745826	:0.01
as:0.188283813505136	according:0.14144678228402477	up:0.13904323060160725	and:0.1096650113200393	went:0.09104380703179268	back:0.08789812106037491	regard:0.08348580619122747	feet:0.07747526592666086	down:0.07165816207913696	:0.01
and:0.19051943986217013	of:0.17206397922323483	as:0.1674750915859768	the:0.13450047028301987	to:0.09096766000852799	be:0.06575526900119627	such:0.06334143169216884	much:0.05500551658222766	in:0.050371141761477715	:0.01
and:0.3234860420568398	that:0.23011354878003332	of:0.17832799891731946	we:0.0589813997312036	but:0.04570774667341172	to:0.04289086264126601	which:0.03749877887606633	for:0.037004820607775005	they:0.03598880171608489	:0.01
of:0.294198250954212	the:0.16072125870391654	and:0.13399067353957803	his:0.09692266493711496	in:0.08517071875238715	their:0.07482011164731804	whose:0.05317389263355514	our:0.04579059064521459	that:0.04521183818670364	:0.01
the:0.6729026134981863	of:0.07345627494891396	and:0.06299703913573547	The:0.044365426488742074	an:0.04292392647288456	tho:0.03881086723732242	in:0.023144470113200824	tbe:0.01754886971346152	that:0.013850512391552893	:0.01
and:0.2202019350874184	to:0.18875350886844663	the:0.15010270598437445	of:0.14079752914703184	in:0.081314191720578	a:0.06643601526848641	at:0.0552515473130643	is:0.04373243898477513	was:0.04341012762582496	:0.01
they:0.34040268724789097	who:0.1244874830266704	we:0.10689241023493966	and:0.09089158376940626	which:0.07925649487084663	men:0.06662993537047474	They:0.06561130596804873	there:0.06230391826276886	that:0.0535241812489541	:0.01
and:0.30413027833732725	as:0.18924641207168316	them:0.09726241528116307	him:0.07844601042661695	is:0.06867894655758502	was:0.06648600916832235	up:0.06439498529403734	right:0.06202072547511117	according:0.059334217388153525	:0.01
the:0.3668959715827938	Mr.:0.1767222625569003	of:0.13075842474549082	The:0.10740889850841426	and:0.07994463174687759	Senator:0.0402666152831415	that:0.03453504701709032	Mrs.:0.0269200580416198	.:0.026548090517671617	:0.01
to:0.26225506739960597	I:0.16931184060192497	we:0.12346484057769215	they:0.09776933574499441	would:0.0864833454675596	you:0.06774747933723198	will:0.06494267316638795	who:0.06135371625710242	We:0.05667170144750057	:0.01
the:0.5605409704885158	in:0.14939785653120582	of:0.09611694499775511	and:0.060576783160684176	In:0.05535003172441977	tho:0.028694835697852274	The:0.014918762264209774	that:0.012412794633474231	to:0.011991020501882898	:0.01
<s>:0.5278114153904215	it.:0.10189007578985018	them.:0.06790456485491546	.:0.06423458543619096	years.:0.05152727330278201	him.:0.04837452537990927	year.:0.044626301188900055	time.:0.042073328989799486	country.:0.04155792966723102	:0.01
the:0.20441148452194385	of:0.17996877529857944	and:0.15951045419787307	to:0.1492321901077566	in:0.07549048297677494	a:0.07048717531546922	be:0.05901347106900489	was:0.05348993675704245	is:0.03839602975555542	:0.01
the:0.6883150274138988	a:0.0922211695186498	and:0.061953377115577156	The:0.05377856016924537	tho:0.023848194794420224	is:0.0211970858352573	of:0.019514276897375234	was:0.014613566241211367	are:0.014558742014364728	:0.01
as:0.173436796673747	up:0.13412971342767138	come:0.11852609360688013	and:0.10381223245833751	back:0.10327756606071099	came:0.10160162493467607	go:0.09825838167250896	it:0.0792353316354947	regard:0.07772225952997326	:0.01
at:0.29608329731210287	and:0.16531787069844336	to:0.13572386943498352	of:0.10451897004383971	.:0.07940952716214597	the:0.0684235530779237	a:0.0550455695292641	No.:0.04290906050450695	<s>:0.04256828223678966	:0.01
and:0.275043690857854	was:0.1781373168224017	is:0.1585876351105731	went:0.08595001111489019	are:0.07231122800960539	it:0.055955787163092074	go:0.055128845490300074	be:0.05465947075880728	that:0.054226014672476106	:0.01
that:0.2828025718074312	and:0.15471469586163317	which:0.11131121636496111	as:0.10906993953504171	when:0.09985182683911249	if:0.07411321035990023	but:0.06700446249732835	what:0.053777356052064504	where:0.03735472068252723	:0.01
as:0.26858075282354016	of:0.1939744398560488	and:0.1474519305487775	to:0.0894681090532654	is:0.07668138060114009	all:0.06073858506828187	in:0.05407183093101314	for:0.04956377793732997	any:0.049469193180603124	:0.01
that:0.2795537149247718	and:0.16784669293687343	which:0.13288961414759906	as:0.1287031239428842	but:0.06747648447971248	if:0.0649588975653151	when:0.05641663027445596	where:0.0503865815579276	because:0.04176826017046037	:0.01
be:0.3069300697601083	was:0.22833125568971024	been:0.12590439427914904	and:0.10376412773047115	is:0.08201314717645813	were:0.05133907717234386	he:0.032538454400331866	being:0.029986755975051127	are:0.02919271781637622	:0.01
and:0.3175932226717366	so:0.16318829802933252	said:0.11580597577209897	is:0.08137732008187601	fact:0.0807271285051356	know:0.0714249523065289	say:0.06047208978071325	but:0.05002696304033166	me:0.049384049812246374	:0.01
and:0.36422923722620704	he:0.11721760911433347	I:0.10095446607986534	two:0.092531776565107	He:0.06834317273715843	never:0.0653867679393968	to:0.06379214094170121	then:0.05939215785451976	ever:0.05815267154171115	:0.01
of:0.21008914129064668	the:0.20175451304969136	in:0.16396054932294438	Sand:0.16064220523186085	and:0.074406015503157	Grand:0.063924216539856	to:0.04801833247608487	<s>:0.03411974987418888	.:0.03308527671157019	:0.01
of:0.2710336655156713	and:0.20337464086542859	that:0.122515660061006	is:0.09459456761531375	to:0.07659595795707096	for:0.06965495383668813	would:0.05288499512228027	not:0.05039151031475474	in:0.04895404871178631	:0.01
the:0.21858781341275965	and:0.14787589235517212	of:0.11615811686309205	from:0.111777248760148	a:0.10253926757191248	to:0.08360693553216382	be:0.08051194311816404	was:0.06882079131216966	is:0.06012199107441834	:0.01
of:0.32455640810292513	in:0.1948584858200923	the:0.10758095155056181	on:0.09605208907587039	to:0.08259474890182571	In:0.05281619283818206	and:0.047185485823575256	from:0.04598869616292634	a:0.038366941724041	:0.01
the:0.4365117724906617	a:0.2849046959400741	this:0.10393312998632037	tho:0.03493805425792531	The:0.02955490250744988	to:0.02771983396303853	and:0.025964380604612626	every:0.02491832336238153	of:0.021554906887535953	:0.01
the:0.24130576549866314	of:0.18833662870322207	and:0.16607091897550066	a:0.12226357561830728	to:0.08119819928176736	was:0.061441215918139495	be:0.05012797215849653	is:0.043156408701399925	been:0.03609931514450369	:0.01
is:0.162169650821934	any:0.1217195243021058	and:0.12054420398903784	the:0.11116731840249168	only:0.104874240038575	no:0.10254712877798847	but:0.09429406910144605	of:0.09000943645194706	to:0.08267442811447404	:0.01
the:0.348671588837108	a:0.3355318519567851	to:0.075438739059772	and:0.07103736314876218	The:0.04384694958686546	not:0.03955326573518127	of:0.029636339505778504	his:0.028015044133126336	in:0.018268858036621174	:0.01
of:0.2879095906736429	by:0.15147283143704132	to:0.13226073003663072	that:0.12854693906523482	and:0.12636804441264757	with:0.05074601143565901	<s>:0.04360499343411608	which:0.0371634933117646	as:0.03192736619326301	:0.01
the:0.7262895499935809	a:0.06336948661367653	this:0.0539023603919897	his:0.04200302785940913	any:0.02229871174528502	tho:0.021783757259723674	good:0.021738489651801623	such:0.02117908808273212	other:0.01743552840180142	:0.01
of:0.4081628212113041	in:0.16635813724198137	to:0.11283613680692169	and:0.06357750287508196	on:0.0576540480511925	that:0.05439521740337205	by:0.04861181562825468	from:0.04328517603230415	with:0.03511914474958768	:0.01
a:0.7141254917362715	A:0.09131489173304719	past:0.05965808506483506	very:0.030266717117016402	the:0.029087521092811194	last:0.02825285119994834	next:0.01747011013382067	is:0.012332063653107428	are:0.007492268269142298	:0.01
to:0.7289463817174002	and:0.05818639908763791	or:0.035207595723421206	the:0.03439075903961461	with:0.03195345804480588	of:0.02870104643881925	not:0.026758983287198473	for:0.023661497156460758	at:0.022193879504641748	:0.01
the:0.743052182234936	The:0.1020077142559825	tho:0.038399774292953597	this:0.03697160398059592	that:0.02314790161712917	and:0.01416302293315108	tbe:0.014015665342848618	This:0.009945905582122362	a:0.008296229760280865	:0.01
the:0.371135423698651	and:0.19864601452824857	of:0.12115822588067769	a:0.10450067126904715	that:0.05407776359460795	his:0.05286694561978608	The:0.030662940469454444	by:0.030110722481654625	to:0.02684129245787236	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
the:0.32273465849363664	and:0.1940022501450567	of:0.11403598547268402	in:0.0899633628898695	to:0.07329013016807916	that:0.06807699171598768	which:0.04427919217174508	or:0.041931633278455636	<s>:0.041685795664485506	:0.01
and:0.1944372923421487	together:0.18064694998584138	connected:0.14784638791688007	connection:0.1448086892096974	accordance:0.11050849290477427	comply:0.06045119551015317	acquainted:0.053914338376547646	compared:0.051495838323954046	contact:0.04589081543000345	:0.01
provisions:0.1662709801773117	copy:0.15165327534695816	date:0.12617568642366098	part:0.12388683156619235	one:0.1044724200406653	out:0.09585475097905363	people:0.09019386903076455	publication:0.07733017020422428	members:0.05416201623116908	:0.01
more:0.3129744856959424	less:0.2618417597279203	rather:0.12876662735402433	better:0.09040894727453175	greater:0.08096024949886095	higher:0.031415642695880014	other:0.03021041228074172	worse:0.02815001935925768	and:0.025271856112840895	:0.01
the:0.4411418512344821	and:0.1066073846276101	an:0.10070338084895729	The:0.09816111424024515	to:0.06471785122561623	of:0.06101092674422021	a:0.04555539194407898	was:0.038848632627011985	that:0.03325346650777787	:0.01
to:0.25899009985987886	and:0.20691113851486856	of:0.12222836551254561	the:0.08594736535787018	is:0.07480810658605942	in:0.06648717053326157	was:0.06439095079885329	con-:0.056444731101806235	will:0.05379207173485628	:0.01
to:0.5960014567228901	the:0.0922429649312751	of:0.08012213852515139	not:0.057303263585336786	will:0.055752805293563856	and:0.033408833175302924	a:0.033318846670888	no:0.022920975828794914	shall:0.018928715266797107	:0.01
and:0.2256687380387921	to:0.1960869281037485	of:0.1841729779850611	the:0.11778544192554859	or:0.060458128431996085	be:0.05878648226268215	in:0.05278063336396053	was:0.05048015956549246	is:0.04378051032271861	:0.01
of:0.41412324201944567	in:0.14760655510293907	to:0.08971566318200533	by:0.07266953364523726	that:0.07024692219685606	with:0.061271235873321284	for:0.053160640547402147	and:0.05219722074512007	In:0.029008986687673082	:0.01
the:0.3456937354483388	and:0.1633661011270427	of:0.1104085984099148	an:0.10262132896789526	to:0.08739133869526655	The:0.06516044249316873	with:0.04591665146928726	by:0.03692983607400955	was:0.0325119673150763	:0.01
a:0.23112853977532444	of:0.19282450572902401	the:0.16095446733562854	to:0.1248249868617397	in:0.08623424496843125	and:0.07116240810342475	by:0.05556058722389453	with:0.038091135919888844	that:0.029219124082644012	:0.01
made:0.2113025151914233	and:0.16952049420522516	followed:0.13071593250465652	accompanied:0.12656081236401054	up:0.08186803086120985	foreclosed:0.0735146696741879	given:0.07096732626779255	surrounded:0.06674638686956419	caused:0.058803832061929934	:0.01
of:0.4512988004003195	in:0.13448528834203569	to:0.08969591296001134	by:0.061811958638130396	on:0.058825693268241476	for:0.05612314419641882	and:0.05400407004835466	that:0.04984207436083151	In:0.033913057785656606	:0.01
a:0.5476171192405779	the:0.1998176714516207	A:0.12097286792705815	The:0.03368853280211993	this:0.025895634437474058	and:0.018567886837968436	very:0.01744535097600343	any:0.013131560168770092	one:0.012863376158407328	:0.01
thousand:0.3938333363406736	hundred:0.18884332911889803	of:0.09480376930215767	million:0.07975387796171463	fifty:0.07585398667211364	ten:0.05404964923847882	five:0.05124053916119844	sand:0.027514971062327736	to:0.02410654114243729	:0.01
the:0.3715024034084613	this:0.16626123913880933	This:0.14535997115041407	The:0.12628907024917033	that:0.05950834396621428	a:0.053100638802202435	his:0.02757948429272643	tho:0.023340768981795868	which:0.017058080010206096	:0.01
the:0.4085878318896464	and:0.2262695885564932	a:0.07964002019825199	The:0.060169742600124	his:0.057845876180531455	of:0.04426383007900909	two:0.0399493108712036	their:0.03739740554731393	her:0.03587639407742624	:0.01
the:0.6713233763945993	of:0.11687539888944715	and:0.05069373171965821	tho:0.03556251707618633	their:0.02749147466608127	other:0.02377713385372786	The:0.022778706756521983	his:0.021009088951910743	in:0.020488571691867172	:0.01
the:0.6337331662659316	and:0.100385275269275	of:0.04502915812563193	in:0.0446265384225453	The:0.04052682497589725	tho:0.03890434100479111	a:0.0367021526749023	to:0.027326210880625385	on:0.022766332380400437	:0.01
per:0.33065838744022596	a:0.3075034507375975	the:0.15738586440761415	last:0.05891165739412999	every:0.038800932459212116	one:0.03745429272803363	this:0.02168348352483583	each:0.020211864064509776	next:0.017390067243841047	:0.01
the:0.4613376688203425	a:0.2463835524587815	of:0.07729649457006162	The:0.05679081327204603	very:0.042917985091996944	and:0.031107470991970525	as:0.029476281202605568	tho:0.024374500795677403	all:0.020315232796517972	:0.01
Sec.:0.34362500654586225	Section:0.316021925816973	SECTION:0.07254481270708073	March:0.05427426206194817	May:0.053218676374531614	July:0.04554054021446126	April:0.03657925512171409	No.:0.035223133291436136	Sec:0.032972387865992776	:0.01
it:0.2196645200517994	he:0.17608013749008636	and:0.16587607228618195	It:0.1163993040947284	she:0.0850720880778439	I:0.06184223044070628	which:0.0604464519692019	He:0.05498471135604163	that:0.04963448423341025	:0.01
sum:0.18676829411122214	number:0.1566486321513545	line:0.11140081741272478	city:0.10844765106291132	out:0.10739005474369737	day:0.09286734076326106	county:0.08286139477536687	amount:0.07384405151900511	Board:0.06977176346045691	:0.01
of:0.22635918393835464	and:0.19578068696887127	the:0.1831238563708327	in:0.11416871286388582	to:0.07625497705557564	for:0.07584096556344853	that:0.04967954350983973	at:0.03747132712301445	as:0.03132074660617701	:0.01
of:0.2538329665598862	to:0.20727055109777048	with:0.1347182029094102	at:0.10077494835918677	in:0.0686158778367297	from:0.06060723684877452	by:0.05596981355940958	for:0.05474557157912117	on:0.05346483124971136	:0.01
the:0.6360022559632109	of:0.125419793366355	and:0.057458305456279744	The:0.03730956227657025	tho:0.036160244409485266	a:0.032139325287532244	or:0.023481821991517392	our:0.023199366450798405	his:0.018829324798250734	:0.01
to:0.35773625818197463	and:0.28098332894706435	of:0.06366019721842933	I:0.05957609902579173	the:0.04920700422635031	had:0.04593436949706385	who:0.04468909427588246	would:0.044527264431605255	not:0.04368638419583798	:0.01
and:0.18784336682063274	as:0.15114329179679575	went:0.11423878004667351	him:0.10666558228731272	them:0.09110223752457794	up:0.08733803455919152	is:0.08689480544253657	go:0.08340199801381315	able:0.08137190350846597	:0.01
the:0.34170127421390223	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093987	to:0.07847171568184984	in:0.05339647102682973	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
it:0.35835403077289185	It:0.18033896309510394	there:0.1000580278728347	he:0.08633223790107593	that:0.0786661222512119	they:0.062195379566770945	which:0.057389596688828697	and:0.04098930196902008	I:0.025676339882261926	:0.01
a:0.31412562353195633	the:0.29981427646888115	of:0.10157272840598422	and:0.0771942319659407	in:0.046168688172206415	to:0.040950575232071795	their:0.03870390302215533	with:0.03729793228037973	his:0.03417204092042421	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
the:0.2934873403594792	and:0.2180090586943857	of:0.1579869325799081	The:0.07098336672023306	that:0.06016316734182635	these:0.052563094898741204	These:0.04957857554119428	in:0.04771053298285781	such:0.03951793088137417	:0.01
the:0.27938885224787174	of:0.2406935371809972	and:0.12966152383406998	The:0.07267202220526256	in:0.07258171900765915	that:0.06560050012973109	to:0.05278222210859477	a:0.039324300065401045	Mr.:0.037295323220412596	:0.01
able:0.16476468956565668	enough:0.11618499558449112	order:0.11277740044333048	and:0.10770230905684038	right:0.10423521491986491	is:0.10418823328546226	unable:0.09963857793164675	began:0.09074479233141822	ready:0.08976378688128922	:0.01
to:0.31399612164150875	will:0.21926672287967783	would:0.13018738393036042	should:0.08267222578139852	may:0.07193022020974588	shall:0.05069212515799661	must:0.04734539430017822	not:0.04080189947355908	can:0.03310790662557479	:0.01
was:0.2608402307265201	are:0.15394237978366046	been:0.13508871331830358	be:0.1298906667593338	were:0.12140704926572352	is:0.10589340458751631	being:0.03886036304357213	and:0.023604643308868998	not:0.02047254920650117	:0.01
he:0.18628532517817095	and:0.1755930954752694	was:0.16789938260974374	be:0.15910187080697213	is:0.07014523751633732	I:0.06223207543361711	been:0.0601713904475122	He:0.05675007210211281	were:0.05182155043026429	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
and:0.21746051759152893	which:0.20516410002001453	he:0.12195350346082298	that:0.1122394394386798	have:0.1048088754909986	had:0.07840874231310273	has:0.07174535703343389	He:0.044164732709876114	who:0.034054731941542106	:0.01
the:0.5287442165057871	to:0.08318080446947247	said:0.07965881719990922	either:0.07118276700088486	this:0.06856062529935945	any:0.05383571602779092	that:0.036890675912888186	tho:0.03493780960724023	at:0.03300856797666755	:0.01
of:0.31932650532188805	to:0.19260952806303336	at:0.13951872219659484	in:0.1075681656139362	for:0.07630148184682069	and:0.051621203961898704	In:0.041561371933621	that:0.034969788656551364	with:0.026523232405655753	:0.01
to:0.2963932331005722	and:0.17742488509091495	that:0.1553219406432185	will:0.10195723008745027	which:0.07081734537495585	as:0.06491107160138052	would:0.05621930438166285	but:0.037073093657891715	not:0.029881896061953298	:0.01
and:0.27169980257244286	was:0.11184075337002326	file:0.10845453490691333	that:0.1051508243735093	made:0.10493328986733917	is:0.08139378364250742	but:0.07267309056949599	people:0.07250388573087882	them:0.06135003496688983	:0.01
It:0.3684666802234463	there:0.18526059765294534	it:0.11843513162829254	There:0.11777388257227413	This:0.04942591871229191	which:0.04598534950147776	that:0.04180952542028888	he:0.03927996615360411	and:0.023562948135379035	:0.01
a:0.3630895823899278	one:0.1626852849559723	the:0.12274477225782521	northeast:0.10820384317181095	southwest:0.06246547107098326	northwest:0.04721632541128607	southeast:0.04499350165406935	this:0.0440959706621028	next:0.034505248426022234	:0.01
I:0.22998716380260267	would:0.1505972859920241	they:0.1360988603738689	who:0.12492719917717936	we:0.09223360780491349	to:0.07655724317347905	will:0.06228479337046462	and:0.060138657436611793	you:0.05717518886885578	:0.01
sum:0.18676829411122214	number:0.1566486321513545	line:0.11140081741272478	city:0.10844765106291132	out:0.10739005474369737	day:0.09286734076326106	county:0.08286139477536687	amount:0.07384405151900511	Board:0.06977176346045691	:0.01
of:0.24385817787456465	and:0.2085886842039571	the:0.19971576000689095	to:0.13107636841507067	for:0.05012123213400396	in:0.04911884580874728	a:0.03954096322027766	which:0.0342071020073916	that:0.033772866329096214	:0.01
away:0.19041587022310327	and:0.16519107313931605	taken:0.13090618369387813	miles:0.11772895341262953	feet:0.10551786830952455	come:0.07393483029145144	them:0.07169234007196142	out:0.06832721446888708	came:0.06628566638924843	:0.01
of:0.2678129763393077	and:0.13993840266720337	in:0.1265847365305745	to:0.11205829840066	that:0.11037755884417591	by:0.07056048392971129	with:0.06627530381848427	for:0.0520918704578307	at:0.044300369012052386	:0.01
on:0.22688654069868136	was:0.15730957394619174	is:0.13321595756781318	of:0.09751025484180743	and:0.09415732545720681	as:0.08717812901655257	in:0.07558875006124419	to:0.06664508040223205	be:0.05150838800827073	:0.01
and:0.3078810227098603	the:0.10811463794048605	of:0.10625629304959171	be:0.09492755211690666	which:0.08395235820199855	an:0.0778113210682708	he:0.07728194796405882	or:0.07140926743187255	that:0.06236559951695468	:0.01
and:0.2313115621847047	was:0.15909538271218185	to:0.15573397288949445	that:0.12293381669526605	of:0.08525391397710613	after:0.06791006392487135	but:0.06259345677106795	is:0.05673880963771279	or:0.048429021207594576	:0.01
and:0.2542315743163	is:0.19065841016179877	fact:0.1437993552448729	know:0.08130283477484336	so:0.07725281932750172	say:0.06882345549977154	said:0.059326111221560465	but:0.05750646672909321	was:0.05709897272425804	:0.01
the:0.1685163585130046	of:0.1632659099510633	to:0.14341948061092305	and:0.13878918389991693	be:0.09604762970813722	in:0.08579342052029842	for:0.07175680192759627	was:0.06587580127138717	is:0.05653541359767308	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
in:0.38702123536446104	the:0.10142855402477016	into:0.08565352199004973	their:0.07678278092125426	his:0.07667633426662655	its:0.0717083133404016	In:0.07113721681382928	of:0.06930351727704016	and:0.050288526001567205	:0.01
the:0.18967412161958205	and:0.16039812387112395	be:0.12426122688981936	was:0.12339453984543905	of:0.11493837137436898	to:0.0870008771225483	is:0.07482363279220873	been:0.06158286699078447	a:0.053926239494125026	:0.01
<s>:0.34714188336990975	it.:0.1461115153777781	them.:0.10698009092698697	him.:0.0760465222353163	time.:0.06982571844893741	.:0.06774271960613765	years.:0.06099889986584901	day.:0.05905659413694727	year.:0.05609605603213732	:0.01
for:0.6530554738298313	For:0.09946067353612544	of:0.07067180305318445	and:0.04686023841965851	in:0.03171354809843191	the:0.027443565460778505	about:0.023329008819522188	past:0.019290876407275653	to:0.018174812375192074	:0.01
of:0.2061539616451642	as:0.19803253787358074	in:0.11503058802990092	to:0.10494502158139339	for:0.08344074081674262	and:0.07463986255295042	with:0.07025521685656065	is:0.06963354785938101	that:0.06786852278432605	:0.01
J:0.21449292140077894	.:0.17936991704410596	of:0.11142272552285258	and:0.1066217726618469	the:0.09092192484287122	W:0.08338907550931707	to:0.0794165375189021	J.:0.07020474362210122	A:0.054160381877223926	:0.01
the:0.39502312612612495	of:0.19617942274272673	and:0.14040768228919073	The:0.0710306000590711	per:0.04915885632548692	a:0.04162684735413951	by:0.037817757137442815	with:0.029644789238077528	that:0.02911091872773962	:0.01
and:0.2634560948665868	o'clock:0.1159681840959783	made:0.10512494192256996	recorded:0.09847665883878827	was:0.09328897223653199	up:0.0898792761481785	that:0.07815145330434257	it:0.07748742649959083	is:0.06816699208743265	:0.01
necessaries:0.23216454198706044	out:0.14978894685561298	amount:0.11160141729187029	number:0.11082342571906223	state:0.1067766851951781	cost:0.07799713336275554	point:0.06840499324213632	kind:0.06800559040680766	system:0.0644372659395165	:0.01
the:0.6154685990640683	Wall:0.10726008834754658	Main:0.07040563542269553	of:0.043086726237184084	at:0.03270644360762105	Third:0.031866940878275254	Grand:0.030933167592953444	tho:0.029685431086847704	Fifth:0.028586967762808113	:0.01
have:0.15140266760362323	had:0.13781745126428402	and:0.11798701295625023	is:0.11245702919331751	able:0.10928472541411152	him:0.0982222270113287	not:0.09511104479459963	enough:0.08651267364281366	time:0.08120516811967134	:0.01
arrived:0.15612503630053667	and:0.15186192457036976	brought:0.15153952991396236	was:0.14598670015796067	came:0.10421350874649564	is:0.08182463187929213	are:0.0771168778491237	come:0.0663232340146127	held:0.05500855656764642	:0.01
hundred:0.38841378645436947	up:0.09123185635738856	men:0.08930224671194738	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.07306411117914521	him:0.0668423327581923	;:0.06651424040074755	due:0.06192290086804839	:0.01
the:0.2830871888837395	a:0.18763974055268534	of:0.17716499261558902	and:0.08862777746394604	in:0.07859147241606408	to:0.07293284411796729	for:0.04353539789268598	his:0.029674420450999446	on:0.028746165606323256	:0.01
a:0.4034682186426896	young:0.18998937502894128	the:0.16076074404138802	old:0.05602747112492515	to:0.05189096394198524	and:0.039704154148660534	of:0.03404400832640496	every:0.02906143242757944	A:0.02505363231742596	:0.01
the:0.6829889000127585	a:0.06662461514931393	of:0.06251505016465618	The:0.04405268879531581	and:0.03135961653613756	tho:0.02966418721453831	to:0.026485245522236533	their:0.02489574994589004	our:0.021413946659153176	:0.01
the:0.38374108814995894	a:0.18283464485699782	of:0.127121357496388	and:0.08376327608998164	in:0.08197485264964399	an:0.04944504856489463	to:0.029746410238945514	tho:0.026823144528946644	The:0.02455017742424293	:0.01
he:0.24368196984629362	I:0.21967787287204674	that:0.09637870629963129	they:0.0929775069240103	it:0.08640936203976551	and:0.07069242723716083	you:0.0686452267840503	we:0.06114142559648341	who:0.0503955024005578	:0.01
of:0.39396147309463553	on:0.13732908550728204	to:0.10524887488602366	and:0.08444405029839942	in:0.06658291668710074	by:0.06441523042226523	that:0.060897422350374576	from:0.03898391086526253	with:0.03813703588865638	:0.01
of:0.1586224136498121	and:0.15751333905624854	to:0.15637447451180364	the:0.14620390380107715	in:0.12953211612277396	a:0.06776996118423509	was:0.06062990956871154	is:0.06058567911506543	for:0.052768202990272496	:0.01
of:0.18463940321007147	in:0.14617523529018236	to:0.13514721016977788	for:0.1053719858983571	and:0.10149329879781753	with:0.09354922289429123	is:0.07935624664322646	as:0.07354191029639122	by:0.0707254867998848	:0.01
hundred:0.3571805595269565	men:0.11984593884522585	land:0.0977239149049336	gold:0.0878203473304748	power:0.07718876741385373	one:0.067369038259112	States:0.0634375480767728	life:0.062196736880744175	Baltimore:0.05723714876192671	:0.01
to:0.3801713410396947	will:0.16905314483498002	would:0.09527916658290728	may:0.08675332896552816	should:0.06283728370881102	shall:0.06007446359778352	not:0.056307515032875996	must:0.039927651800072135	can:0.03959610443734722	:0.01
a:0.2988719548054295	would:0.14319697463004774	was:0.10078173936968846	much:0.09982694147274047	and:0.08353878827861187	the:0.08017165069117652	looked:0.06381973248563472	not:0.059925087381497814	something:0.059867130885172974	:0.01
and:0.22145487756883012	do:0.12809288106808575	was:0.10729450321691962	amended:0.10455510258209134	as:0.09375235547389675	is:0.08730191828083023	be:0.0856090667296932	not:0.08466774663763453	are:0.07727154844201845	:0.01
the:0.3852091685420713	of:0.15029792416713436	and:0.13361736839571417	a:0.1189103262448572	in:0.050552263420260375	to:0.042450229405257604	for:0.03799538051249682	or:0.036335932445468226	that:0.03463140686674004	:0.01
the:0.2974929019614971	of:0.17741408266195474	a:0.14645768029163825	and:0.09158810426380848	or:0.07279359814981001	to:0.06981668528850317	in:0.0589873299937157	any:0.04191987916735641	be:0.03352973822171622	:0.01
of:0.38790476161524406	and:0.1411852703076117	the:0.11759684177015477	to:0.11534552905260041	in:0.06437620344612743	an:0.05147700294292658	by:0.04649885369806058	are:0.03352190445837789	with:0.032093632708896834	:0.01
the:0.2639506293851738	and:0.19501039686586272	to:0.14601691692877852	of:0.12515324726393026	so:0.07017329332869995	is:0.061556309784988696	be:0.047429934184572566	he:0.04243046255372475	was:0.03827880970426894	:0.01
to:0.21845282607008779	have:0.15293818072830453	had:0.13852490063416534	has:0.11696566167295802	will:0.11591186517679448	not:0.08294000235044964	would:0.07673782018820358	they:0.04651873315782657	may:0.04101001002121007	:0.01
within:0.6047498763205288	or:0.05782604686256862	and:0.05350533851528135	of:0.05230718660159042	about:0.05222439214738574	than:0.048338232597284536	least:0.041356919059361945	in:0.04007877658609809	for:0.03961323130990066	:0.01
be:0.16948023794628234	he:0.15990021860690076	was:0.1168701928385909	had:0.11601169072231718	and:0.11407988339858903	I:0.10730969249574282	have:0.08377667978782319	has:0.07405697254865543	He:0.048514431655098306	:0.01
and:0.3243481058981709	was:0.1183254908156455	held:0.10061653345026714	Beginning:0.08194282066246006	is:0.07787052591190631	look:0.07433840727139067	arrived:0.07348439933321942	that:0.0714853472708103	interest:0.06758836938612982	:0.01
the:0.3095144067054789	of:0.15402692274525573	and:0.13686184008868665	a:0.10284841379706823	to:0.09168608115329102	is:0.05226952478776128	at:0.050558781269415716	in:0.046208022317628265	be:0.04602600713541426	:0.01
that:0.2552027492246131	and:0.2473961613738114	but:0.13951823211335046	as:0.10047275784378419	which:0.0766585693520188	if:0.05195519272673161	when:0.049729138842514876	where:0.03626071909960701	But:0.03280647942356842	:0.01
to:0.4200484275322653	of:0.15647718277723996	the:0.12236807678373512	by:0.06889873090758449	a:0.0684573496709884	in:0.05763522301174872	and:0.05262642980567482	from:0.02195815903403079	The:0.02153042047673231	:0.01
is:0.20363484100866366	be:0.1519328463577572	are:0.13298106405085194	was:0.1109965693110573	very:0.10000202744077084	so:0.09532103805599561	as:0.06987443773283766	not:0.06730749584200815	more:0.05794968020005768	:0.01
more:0.4650115256227316	less:0.1103511263578717	better:0.11017238104943707	other:0.0967764866382047	rather:0.08551247108327462	greater:0.03556720967990993	and:0.03257196485417844	worse:0.027630001167515135	higher:0.026406833546876493	:0.01
of:0.22721353584644985	and:0.18520683603306565	Mrs.:0.16983097945942255	by:0.1584930696397202	said:0.06214020751020178	.:0.05727685828358743	Mr.:0.045533503169680724	Dr.:0.04336561844893013	<s>:0.040939391608941764	:0.01
of:0.2697462726493114	in:0.16343573196451425	by:0.09986023102274029	for:0.09700601050383896	as:0.0814103057265925	and:0.07960271438915975	with:0.07878345263017415	to:0.06681965152092673	that:0.05333562959274192	:0.01
of:0.315088443849609	in:0.16415545257964068	to:0.1375084040992581	for:0.08740143226278616	by:0.06534038373966972	and:0.06443688987526375	that:0.05556018656857205	with:0.05469508954703211	from:0.045813717478168495	:0.01
one:0.17274957462093676	more:0.15830689709340226	on:0.1180870273712836	day:0.11354905359128066	two:0.11347581961369303	person:0.08335828476893935	in:0.08180463954838182	man:0.07974273265284054	law:0.06892597073924195	:0.01
to:0.26832184456431946	will:0.2504376120375991	would:0.1256113125979842	may:0.08795987819535152	not:0.07444160331725082	should:0.06417951422914045	shall:0.0620491563988627	must:0.030410161115072006	can:0.026588917544419742	:0.01
of:0.2632490480900689	in:0.19458441455326353	to:0.11635040292458619	and:0.10575839068891682	at:0.06600288252288172	In:0.06313500758951993	on:0.06078208468354421	that:0.06048212453130646	from:0.059655644415912264	:0.01
of:0.309359016105498	to:0.12332711534619431	and:0.1218483732825562	in:0.11035996846097132	on:0.07237680652120024	by:0.07171030772667297	with:0.06995198942220664	that:0.05710722550528908	for:0.05395919762941142	:0.01
of:0.1987633801340591	such:0.1393399696649963	with:0.12346715499129747	to:0.1113719228510495	in:0.10912495215830571	as:0.0940894597882626	for:0.07616465381307504	and:0.07508332739717427	is:0.06259517920177993	:0.01
the:0.41194637309220017	and:0.14757495978390006	a:0.12102354051140242	of:0.1172828419759583	to:0.05351527640907175	in:0.0491462725206044	The:0.03104558337389641	his:0.03090541911291847	tho:0.027559733220047865	:0.01
not:0.4502275740289614	can:0.12887390981117233	could:0.11562911430609313	would:0.0739570243153405	will:0.06543016117083318	the:0.059230164545756546	and:0.03794521053996283	that:0.03133831077227473	is:0.02736853050960536	:0.01
and:0.20576986051327525	be:0.14724677861411745	to:0.12535070885684524	of:0.12147274158796671	the:0.10006651747810341	in:0.07829719106333621	was:0.07464897261101211	is:0.06959459791180371	re-:0.0675526313635398	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
<s>:0.6456518123426518	it.:0.06888425174814826	them.:0.06270544813543687	time.:0.04248915036662045	country.:0.037286190034098714	year.:0.035383961103765994	.:0.03392970158032471	day.:0.032382768850566804	work.:0.031286715838386554	:0.01
for:0.24571839936171777	of:0.12933018332872787	in:0.12112418388051724	as:0.11337711802790604	to:0.10766904771423569	was:0.0780611760756879	and:0.07658585119772732	is:0.06089331756579774	at:0.057240722847682265	:0.01
one:0.2621410772420017	part:0.13828982982918028	out:0.09624462787694146	sum:0.09475385185290658	all:0.09344278936076995	amount:0.09063463447574957	sale:0.07587870330969793	end:0.0700567674897009	number:0.06855771856305176	:0.01
and:0.22274765485377104	which:0.19266226174927828	he:0.16713057601880774	who:0.10468272419870883	it:0.06508485874536114	time:0.06478076531894177	I:0.059298589018959985	He:0.057839632857547674	It:0.055772937238623595	:0.01
and:0.30766059063849155	of:0.292474589413431	not:0.07981088340614757	to:0.06481846604010046	in:0.060463911737469844	after:0.04841236350998603	with:0.04682899184358888	by:0.046599605577768585	are:0.04293059783301614	:0.01
the:0.41091466193149156	to:0.13401059149647793	a:0.09003813329777402	one:0.07922559111310708	and:0.06512389260194376	an:0.06303671299554461	this:0.06278381291370136	that:0.044962974752614814	will:0.0399036288973449	:0.01
to:0.3801713410396947	will:0.16905314483498002	would:0.09527916658290728	may:0.08675332896552816	should:0.06283728370881102	shall:0.06007446359778352	not:0.056307515032875996	must:0.039927651800072135	can:0.03959610443734722	:0.01
of:0.23718407441061973	the:0.18069077660368704	Mr.:0.14180543065202197	and:0.10703492879933163	in:0.1001567168088501	that:0.07642264423650105	The:0.05795049213255085	which:0.047427178387671486	Mrs.:0.04132775796876594	:0.01
of:0.22962446404540574	any:0.14528715695157035	and:0.11085499159697287	in:0.10829258373977362	no:0.1076984078387967	the:0.10662535759083065	that:0.07401880557087033	only:0.05499716294162745	some:0.0526010697241525	:0.01
the:0.5227780046725518	The:0.10525406968965566	a:0.09559871573578432	and:0.08102605364807076	two:0.04618527143333752	of:0.04497381941171217	no:0.03486829137928876	his:0.03109751144359744	many:0.02821826258600165	:0.01
and:0.35011708434257544	<s>:0.10341153535501961	it:0.09706563092914153	that:0.09001248996849673	of:0.07459632729832566	now:0.07417660953033979	which:0.07219196431669901	Mr.:0.06998115980913151	but:0.05844719845027058	:0.01
and:0.2864944659136548	of:0.15157244585192728	to:0.12417685075786958	in:0.11097495355316381	nearly:0.08757694057873901	that:0.07693173457612722	with:0.0626968526156347	are:0.04731340390684412	was:0.04226235224603941	:0.01
foreclosed:0.2135442648197597	accompanied:0.15326393402647306	made:0.13791131994204262	and:0.13215418511823612	followed:0.12340081914410175	surrounded:0.06977781461101068	up:0.05787632017490193	caused:0.051337079258656944	secured:0.050734262904817244	:0.01
and:0.25060565664058293	was:0.22697866217046092	is:0.10051725945244858	are:0.09183574941264397	of:0.08542650667353767	were:0.07548782157767603	been:0.06059196405704985	to:0.05757597293166518	while:0.0409804070839348	:0.01
be:0.27698985824653366	was:0.19009910620195336	and:0.12791969051164762	is:0.09470385883620193	been:0.08981426292627144	have:0.05605625829453813	had:0.053586977420550234	has:0.05272545599511714	were:0.04810453156718656	:0.01
p.:0.2176691803134876	a.:0.14912279814154292	it:0.11253824873399013	had:0.10765992191163101	was:0.0947322145736745	p:0.09264482788524192	and:0.07593860336605723	there:0.07437504820472642	of:0.06531915686964831	:0.01
the:0.3843071114677771	of:0.27151202688996606	by:0.059912819038531594	in:0.059362361026662216	and:0.05690637042069158	to:0.05332218391952024	a:0.03893288954993101	that:0.03421202193106982	The:0.03153221575585031	:0.01
of:0.23877314093681778	and:0.23523976294124793	that:0.10429293754790621	to:0.09191787248515053	with:0.08868016830289657	in:0.07557478156736859	by:0.06993248209149308	on:0.04603715958208764	from:0.03955169454503148	:0.01
as:0.4244285524339238	if:0.17210625710861296	is:0.12664548850091564	was:0.10930444994494029	and:0.07495841861970712	that:0.022730348984739142	If:0.022543207151012587	but:0.01917783568932058	be:0.018105441566827963	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
it:0.2614955041573667	It:0.1896762071079934	they:0.1261314483333742	he:0.11652588065046232	we:0.07401485075175981	which:0.06805628853842191	that:0.060619731672021775	who:0.052860505261092434	as:0.040619583527507296	:0.01
of:0.4140072850204379	in:0.16002189503994563	for:0.10219550866311995	to:0.09855292758076474	and:0.05735481805083201	that:0.04566024168572841	on:0.039528410322749584	from:0.03945666839756081	at:0.033222245238861275	:0.01
of:0.20832151523331421	to:0.17519983091160538	and:0.13556706258347118	in:0.11004426103943639	is:0.07746910453468746	was:0.0749824277542987	for:0.0714353570849755	with:0.07107338749185386	that:0.06590705336635727	:0.01
he:0.3265715023567234	I:0.14818804538311098	she:0.10427564615213734	who:0.09236248805683381	He:0.0767479339442425	which:0.0743689736517032	they:0.06773841895491695	that:0.053921930297933275	and:0.04582506120239838	:0.01
have:0.35328946251732746	has:0.2674436609141953	had:0.24268234427973356	not:0.035514939864548255	having:0.033545822314682665	bad:0.01624217359426345	ever:0.01499857179966968	never:0.014904747853835006	havo:0.011378276861744831	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
of:0.29367349886688515	the:0.14911682600021928	to:0.1407168988280159	a:0.08489010095684714	in:0.08282277761895396	and:0.08083578142286695	at:0.07568861062053933	by:0.0439123930203838	from:0.03834311266528875	:0.01
was:0.207479922402438	is:0.18463775137361496	are:0.11526204319698016	and:0.10352775572481439	had:0.09811981102298614	do:0.08700119613508238	were:0.06695632545118198	did:0.06622816503213627	have:0.060787029660765726	:0.01
to:0.4578279007081993	a:0.16194838756314905	will:0.09758166500396735	the:0.0864644335426264	not:0.05117953158224913	would:0.04600231184759994	and:0.03434119270843066	shall:0.02754035224458743	his:0.027114224799190758	:0.01
<s>:0.30707277320318116	it.:0.15908384764747605	of:0.11901925686275756	them.:0.09854176669291949	him.:0.07492008305267406	day.:0.060363021117403486	as:0.0598913868247556	time.:0.05712672429106326	that:0.05398114030776939	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
of:0.25875009921300957	in:0.2192960987404022	to:0.1527699986861025	with:0.08447873415815706	from:0.07019616330127926	by:0.060800963571779845	for:0.056173089582685846	upon:0.04408458692611749	on:0.04345026582046631	:0.01
the:0.27062093316726427	of:0.2058837608840983	and:0.08834827289900335	The:0.08539875818703921	Mr.:0.0848051425396133	that:0.0818513311015996	in:0.0776092527328897	Mrs.:0.04911887553256453	which:0.04636367295592785	:0.01
to:0.7471239968977305	will:0.06383642013749594	would:0.04568713028598977	and:0.027847297647644945	not:0.023771871959978895	shall:0.0234568265071294	the:0.019968726431251062	his:0.019814249011857923	should:0.018493481120921584	:0.01
and:0.2456692590267448	the:0.21605747548907764	of:0.14405297185882218	a:0.1007776020469625	by:0.08223391920950215	with:0.05582006072013364	for:0.051758842718962694	to:0.05087278817533965	or:0.042757080754454745	:0.01
<s>:0.3460520903371462	and:0.15134309942514337	.:0.10764209489568796	was:0.10426490179180999	succeeded:0.066783172002277	home:0.05848699844849946	came:0.05764134562515713	him:0.04943960676384197	men:0.04834669071043681	:0.01
the:0.4567338401704819	and:0.14300649607583335	of:0.11570157403049539	to:0.0694342794015466	The:0.0477842314829487	or:0.044074517911931566	tho:0.043598244412189506	for:0.03570804806308102	their:0.033958768451492004	:0.01
the:0.3103594228005267	of:0.17617691217652012	and:0.15356956026045177	in:0.07430565695068786	for:0.07115046238083511	to:0.06687001164776699	a:0.05345419446517127	their:0.04258004794312745	be:0.04153373137491275	:0.01
it:0.20862456096500476	It:0.1500969292822404	they:0.11980323896804829	as:0.09533071715058293	which:0.09388267058250734	that:0.08805446043254236	he:0.08665882468405951	and:0.07606537649497168	we:0.07148322144004271	:0.01
the:0.24717953530868625	Mr.:0.2185101740874723	of:0.1244697274262282	and:0.1129480675860924	a:0.08801282779788935	was:0.05940497996129901	to:0.05341033237107811	The:0.04787176883460312	be:0.03819258662665116	:0.01
to:0.5089575638423277	will:0.16780926922117262	would:0.06089431943861118	shall:0.06082174258749637	and:0.05969018541434152	not:0.05413192491700278	should:0.035671897245510634	must:0.022994606680760067	may:0.01902849065277713	:0.01
of:0.32347960274457055	the:0.24979602481710542	and:0.12569692663921733	a:0.08295592334030139	to:0.08175880701120748	in:0.04091961941489374	by:0.034307433668320564	on:0.025910641569823464	are:0.02517502079456	:0.01
of:0.3669901788631221	to:0.16100352331727846	in:0.09193685656931551	by:0.08654639415492954	and:0.0735378503858569	that:0.06514502068729933	with:0.053722262360143554	as:0.04774845518331046	for:0.043369458478744106	:0.01
and:0.3311458735666288	the:0.11460272121184034	to:0.10027649397508068	that:0.09744443073533508	a:0.08405289568819714	of:0.07999642864280475	or:0.07950119154317302	as:0.06347664823550363	was:0.03950331640143638	:0.01
protest:0.2352275405538314	and:0.1508461228981743	up:0.09955781058262711	made:0.09751014825504264	voted:0.0884129817684305	claims:0.08439363287706252	vote:0.07862049969983499	guard:0.07798548506815407	fight:0.07744577829684242	:0.01
and:0.2681678223269089	made:0.13534536131217442	accompanied:0.10489740320306724	that:0.10274232243866377	occupied:0.08387286053848667	owned:0.0798661857624263	side:0.07912178081426337	followed:0.06919939802795592	secured:0.06678686557605351	:0.01
be:0.16870708419761138	have:0.16517355500209088	has:0.14640883171471444	and:0.13706253165945503	he:0.11038782312434464	had:0.09022582768548713	was:0.0596767353056711	I:0.059349173285853804	who:0.053008438024771495	:0.01
and:0.13664957756204757	is:0.13613780011789037	able:0.12116074363067914	order:0.11440280789677253	have:0.11124075169690281	enough:0.1019765231453788	had:0.09296051290423615	necessary:0.0881927743860935	as:0.08727850865999906	:0.01
you:0.19093663178022272	they:0.17573052025141678	we:0.16939083644656283	I:0.14338551647668044	he:0.09835885426938243	and:0.0688941686035752	who:0.06854913446658852	We:0.03784068358977454	You:0.036913654115796564	:0.01
that:0.33668594531127516	and:0.2966975781497874	if:0.06967614692918603	as:0.06703898932584419	is:0.05946063214128499	but:0.057209532390087844	If:0.039182621989159686	was:0.034112004726482875	when:0.02993654903689169	:0.01
to:0.523398994912164	will:0.1219485625697037	we:0.0897534606031675	would:0.05086019444575465	I:0.050049156453703836	they:0.043822341626958035	could:0.03803220999351722	may:0.03690503470685882	you:0.03523004468817219	:0.01
<s>:0.5341107489957431	it.:0.11806707644224781	them.:0.08621294198413033	day.:0.05609416349915728	.:0.04361965019034912	country.:0.04173126606183234	year.:0.03953833668392984	time.:0.03547368910948714	vinegar.:0.03515212703312305	:0.01
of:0.5457410450297309	in:0.11994325892447823	and:0.06489004900967064	to:0.055778345333203604	the:0.051270208535537064	or:0.0421862697062347	for:0.042118561505096956	at:0.036496092677187675	about:0.03157616927886029	:0.01
it:0.17996999397799693	and:0.1467717683447611	he:0.14188933568536527	they:0.12187243234760436	which:0.10517417096667325	It:0.07987872563752176	I:0.07603323103872063	who:0.06995382099532323	that:0.0684565210060334	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
this:0.22750575051164207	the:0.22129398980770737	a:0.1800046131783175	last:0.17275702481455327	next:0.06136570369933142	Last:0.04511944134647149	one:0.038908034163313475	past:0.025208924358833273	each:0.01783651811983016	:0.01
together:0.4180692427347008	and:0.20729818262112895	connection:0.06938401986937733	connected:0.06191841831840698	it:0.05419620132344388	do:0.04868631902903216	Together:0.04814491198966659	him:0.04346217703410449	them:0.03884052708013889	:0.01
the:0.6216799843632658	this:0.20603137471869631	a:0.04915845841860356	tho:0.02318590940770176	The:0.022612192662031277	said:0.021662207125683522	other:0.020936533978836665	his:0.012381366283211565	our:0.012351973041969543	:0.01
;:0.25886119707093636	it,:0.18447127095098964	them,:0.11050048845933375	him,:0.09235461919102589	in:0.07828569333894893	time,:0.07240153994548601	him:0.06958810806423911	country,:0.06453690861971836	years,:0.05900017435932214	:0.01
he:0.2126185165797517	who:0.14319637180260292	have:0.1291788337198979	I:0.1206642932995272	and:0.11161617598669438	they:0.08941628715122443	has:0.06500443158148157	which:0.06463852520747673	we:0.05366656467134306	:0.01
or:0.7249904927829421	the:0.08915672238229436	and:0.059411639368376	a:0.05469530833423353	of:0.01982032228905946	this:0.011138411943604523	as:0.010709403863797687	in:0.010424282686399697	that:0.009653416349292563	:0.01
that:0.24070356897177694	and:0.2066373954245568	but:0.1124924508880899	which:0.08495451539749252	if:0.0797877518395288	as:0.07882064849224737	when:0.07322290696827845	what:0.06140855944929352	If:0.051972202568735866	:0.01
the:0.23666950497411446	of:0.171417182725107	to:0.11036429500137059	and:0.1057347235049789	.:0.09473422559031634	Mr.:0.08825249857628613	a:0.0777462500971279	in:0.0620918774307186	at:0.042989442099979944	:0.01
day:0.21286404274396153	quarter:0.18595737608536525	corner:0.12001635765180992	.:0.09912277691290203	part:0.0897989854926846	line:0.076831541002777	side:0.07510303555244575	years:0.06983569714768553	out:0.06047018741036834	:0.01
the:0.40098892554287485	of:0.19750824558098928	a:0.11644335758698364	and:0.07219089007473209	Block:0.05757683015736244	to:0.04557417605672399	at:0.03634591352320232	in:0.03595372642545653	on:0.027417935051675064	:0.01
to:0.6417859677638291	and:0.0819360524667296	of:0.06718545425850247	will:0.04120274871204947	a:0.03898811474727667	under:0.03431720829659744	not:0.03277738859763357	with:0.026278863630313298	the:0.02552820152706841	:0.01
the:0.25470561870247765	and:0.17871018174426181	of:0.12454106589558235	to:0.11666316244862257	in:0.07582920922781208	was:0.07101916294765158	a:0.06560002811236121	be:0.05991783825325078	is:0.043013732667980115	:0.01
in:0.1771652702968339	and:0.14247067699597052	for:0.12588358528678734	of:0.1201088045342366	was:0.1194065486072126	is:0.10368911283881142	to:0.07944444188555405	with:0.06501782257451193	In:0.05681373698008174	:0.01
State:0.27672280796592946	state:0.17825551008793764	city:0.12050280083401428	county:0.0980971082031369	out:0.0794643764724162	part:0.07016740794698274	line:0.05706783428705118	Secretary:0.056490380112821044	side:0.05323177408971037	:0.01
the:0.38170558820508393	a:0.13330398648647718	of:0.13151729944617405	and:0.11507380082190126	to:0.08629273407169953	in:0.05116832811798064	The:0.034191606175480165	or:0.03129939213000162	tho:0.025447264545201496	:0.01
the:0.2859831690009867	this:0.12245155530051031	This:0.1099647172744413	no:0.10449136297721219	said:0.09572213581076573	The:0.08005758060365678	of:0.06695585000079415	such:0.06245990978828251	that:0.06191371924335042	:0.01
of:0.2317487916487664	in:0.2009302587753839	to:0.14369638798377726	with:0.09442453979807935	by:0.08680579076690507	for:0.06878869154186143	was:0.058092612657218795	is:0.05627722295274113	In:0.04923570387526674	:0.01
<s>:0.28898077594757904	it.:0.23249985050338864	them.:0.13666514243598338	him.:0.08137007689534764	time.:0.053554955826975156	again.:0.053380522693288836	life.:0.04819704793812783	us.:0.04817276398626738	her.:0.04717886377304208	:0.01
one:0.3382117054560978	some:0.1636488412295047	many:0.09430886169472243	all:0.09045765748417335	One:0.071993659024714	Some:0.0671373453871468	any:0.057745225232837295	part:0.054112934007778356	out:0.05238377048302531	:0.01
of:0.3626922502864779	the:0.1335543488945032	to:0.10974111739382622	and:0.09835753922570635	by:0.08627274012252902	<s>:0.059344373772869566	at:0.05251670345035103	in:0.04431912782589469	for:0.043201799027841964	:0.01
not:0.20850154377871766	is:0.18282605372547264	was:0.1774665482944395	and:0.11198455649754115	are:0.09910811358993712	be:0.08034050753403586	were:0.06228835902157018	but:0.03740937852848596	Is:0.03007493902980003	:0.01
and:0.30924221119967327	that:0.12611015277008547	made:0.09865062957046655	is:0.09201446995999618	was:0.09128595813112018	placed:0.07404370378857507	as:0.06709678931603316	be:0.06629358245444635	or:0.06526250280960379	:0.01
and:0.2330618878711642	to:0.14476052558213842	the:0.1438279815633128	of:0.13044061748839889	be:0.10014720329629724	was:0.09622769726485965	were:0.050574993470095635	is:0.046828783738384665	been:0.04413030972534848	:0.01
has:0.33877148646798827	have:0.3365995842153589	had:0.21195042618547938	having:0.0279986843258706	not:0.026907240623111842	never:0.01348057489699948	bad:0.01241314105409844	always:0.01135747550191702	ever:0.010521386729176033	:0.01
a:0.5996658430342414	most:0.1278786362839487	very:0.08001827842961358	and:0.057814760519859676	the:0.049551938229410196	his:0.02181729500231826	to:0.02006137871461147	more:0.017218473685251003	in:0.015973396100745774	:0.01
of:0.4118855655127536	in:0.19750716186588496	to:0.07200951730890114	for:0.06777953286251977	In:0.06471382629880436	by:0.054161849246105745	that:0.045061133365802905	with:0.04048821782817718	and:0.03639319571105036	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
of:0.435650234199424	in:0.11286737250567422	to:0.10252999923632497	by:0.07017420518177801	and:0.06901612794255008	that:0.054657981262792615	on:0.0515037628387578	from:0.0473963761989847	for:0.04620394063371365	:0.01
and:0.2942519815418478	sale:0.16267223399504593	therein:0.1283310475285712	which:0.09064337598868026	that:0.0873261101902849	he:0.07653729011712798	they:0.051836315193521255	as:0.049907516896836056	be:0.04849412854808469	:0.01
it:0.19861241447207237	and:0.13226670871836665	which:0.12702790304094774	they:0.10192624669125536	It:0.09591631274075411	that:0.09048555834375961	he:0.08496392694000307	there:0.08185776888634338	you:0.07694316016649773	:0.01
and:0.2793471598020966	it:0.16976300568676028	that:0.11023417661449611	is:0.09166983655449092	which:0.08981866710064547	he:0.06713760385623314	but:0.06236417500103282	as:0.0614202910040208	It:0.0582450843802235	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
the:0.2639506293851738	and:0.19501039686586272	to:0.14601691692877852	of:0.12515324726393026	so:0.07017329332869995	is:0.061556309784988696	be:0.047429934184572566	he:0.04243046255372475	was:0.03827880970426894	:0.01
the:0.4189880221965891	and:0.17069040308533037	a:0.10452522887362606	as:0.06237140293714951	The:0.05335068827171188	of:0.05269651815034475	to:0.04969870448107229	tho:0.04167581563781234	that:0.03600321636636363	:0.01
the:0.2496714381951863	of:0.173954405655348	to:0.16853828370182683	and:0.15452032421172146	in:0.05409168183924845	is:0.04931640852788239	be:0.049290830765090825	a:0.046550764629663906	was:0.04406586247403169	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
of:0.2611533169103885	the:0.1992038570820055	to:0.14093381619469697	and:0.12828168111781968	in:0.09912794817855877	a:0.055497157437018343	as:0.03556143671948028	that:0.03519143287522	which:0.03504935348481178	:0.01
he:0.37749133324155076	I:0.12763496014369502	who:0.1041992004524376	she:0.0855014512088883	and:0.07699747246022438	they:0.06311145262673643	He:0.06292470474604259	which:0.046141810155773594	that:0.04599761496465137	:0.01
be:0.2511643500049638	and:0.15201088205300822	he:0.13218473415113963	I:0.09796508687529648	was:0.09683315289282235	have:0.09180295809017913	been:0.05895983243150857	ever:0.05844037449209889	had:0.050638629008982985	:0.01
in:0.2882190296604175	of:0.21152089406549268	for:0.12919973174128085	to:0.10135699647322584	at:0.07905428127982785	In:0.06684394128108144	on:0.03981879964386828	from:0.03753442635560942	by:0.03645189949919623	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
to:0.27521863989684364	of:0.22063322013645298	with:0.1377837739744203	for:0.08819813253104081	upon:0.08634307320291455	by:0.05711102788641469	from:0.04584470178790862	on:0.0423884318625308	in:0.03647899872147355	:0.01
the:0.44407549127728213	his:0.10589725342131012	of:0.10421144640037677	The:0.06157287815184232	their:0.06006106803659482	our:0.060014757857547056	her:0.05703944414374481	a:0.049601217504247154	and:0.0475264432070548	:0.01
and:0.31227723688420256	the:0.14675632025084748	he:0.10215591103467553	as:0.0896686420959998	it:0.08797824911452042	It:0.08001509137418245	Colum-:0.06416627488528395	that:0.060881153823199426	or:0.046101120537088376	:0.01
I:0.299705370863639	not:0.17014975494880386	we:0.13375114350447564	you:0.08696903947908138	they:0.08617604569293984	who:0.06902633107914669	We:0.055535963437896074	to:0.05499233439263927	would:0.033694016601378225	:0.01
about:0.22710434812142438	of:0.2116057699860478	and:0.14964989149510932	than:0.11244805224650817	to:0.10532082607125715	for:0.07803099438135537	at:0.0420652089571138	nearly:0.03208482145419718	over:0.03169008728698669	:0.01
to:0.1980571374886051	of:0.11699375399543012	are:0.1137784628930786	and:0.10512951835246158	was:0.1032657934054438	a:0.09717517090836167	is:0.09472767854200104	the:0.09068399383010046	be:0.07018849058451783	:0.01
the:0.34170127421390223	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093987	to:0.07847171568184984	in:0.05339647102682973	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
and:0.24784653678540805	have:0.14936080523984158	be:0.14461275213302455	I:0.09549383519514301	had:0.08396246991879719	he:0.0835614805928204	been:0.06367339069867545	was:0.06212914356420673	has:0.05935958587208298	:0.01
and:0.24715944158911993	depend:0.10115542297585237	based:0.10085046174861782	placed:0.09929781518962863	depends:0.09865819847804204	called:0.09672811564313881	down:0.08601932662424668	made:0.08525060516232964	effect:0.07488061258902408	:0.01
and:0.2682983319507874	recorded:0.10717905104111182	was:0.10263907629409649	made:0.09927630384100071	that:0.09842569549211198	o'clock:0.08895025276229458	up:0.08173084504592748	is:0.07240199994443215	found:0.07109844362823738	:0.01
and:0.33090667565595405	demand:0.11951725037001644	ready:0.0989386645738498	used:0.09514434972463201	time:0.08611259291726482	not:0.06607848366518068	vote:0.06597209943325832	it:0.0655060703120096	candidate:0.0618238133478341	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
of:0.17120523003948124	is:0.1609791344519282	was:0.1300192015444911	with:0.11496398775389982	by:0.09343276264750118	for:0.09097074275598953	and:0.08538825124447083	to:0.07229108179325534	in:0.07074960776898281	:0.01
seems:0.411152360615434	seemed:0.12581902986422194	come:0.07724568346954198	came:0.07593595390034137	as:0.06943264583655445	up:0.0631740459332165	and:0.05812484657750462	it:0.05544503227250369	occurred:0.05367040153068152	:0.01
the:0.26014728862680986	of:0.24220432317201399	in:0.11903154204280665	to:0.08848490952028921	and:0.08749345694143736	a:0.06236814287433008	as:0.04599026205556182	at:0.04363452773924401	be:0.04064554702750691	:0.01
the:0.37468832132223	of:0.1078499455660983	two:0.10637241207263175	a:0.10128804441265722	<s>:0.07981665252002376	and:0.06054293956126118	feet:0.05706969470643956	at:0.05571092300371757	his:0.046661066834940645	:0.01
feet;:0.3294638704106426	running:0.17320902364995408	feet,:0.15047486162591014	;:0.08538959805193397	feet::0.07052477135655162	street,:0.04936640188966239	and:0.04799816743352838	point,:0.04312258726557471	2;:0.040450718316242	:0.01
the:0.41507592463131454	a:0.14558960463991416	of:0.103665566749041	and:0.09562540543264013	Mr.:0.06468144118791921	.:0.0449557893471904	his:0.044596928584821297	an:0.039444158612268236	The:0.03636518081489097	:0.01
of:0.23531245396593406	and:0.20263117590375904	to:0.1061091616950121	is:0.09026009560407866	with:0.08517094653673214	in:0.07615945896860467	for:0.06651532193503089	was:0.06528375376134608	that:0.06255763162950234	:0.01
as:0.4065181030854652	the:0.19245737054321616	and:0.07553359728446343	so:0.07361217490615321	very:0.0621051119426781	how:0.056212281231662026	a:0.05003514682924909	if:0.03806939777425708	The:0.035456816402855924	:0.01
of:0.3039921214310317	the:0.18896643332380744	to:0.15198620140005717	by:0.09816945292511042	in:0.0820352570361127	and:0.06155942930867883	with:0.040865510895991324	which:0.03128142659421389	on:0.031144167084996524	:0.01
day:0.20240002695195258	vein:0.12865954019524617	one:0.11464466553108119	line:0.10245728874463507	side:0.09783684294897306	part:0.09461604759240946	in:0.0836422694728783	on:0.08359135138497124	land:0.08215196717785289	:0.01
statute:0.4186740486360633	and:0.17738741228721525	that:0.0755274924443703	or:0.07132424490596526	as:0.058000941680437054	is:0.050595503446931964	it:0.0491427744626679	was:0.04506424724176515	be:0.04428333489458361	:0.01
and:0.5095190979936209	that:0.1419987710455082	but:0.12469717418086078	time:0.05285659908659726	and,:0.03638756883139097	was:0.0352848770636521	But:0.0315709975289295	it:0.029068272942574313	ago,:0.028616641326865876	:0.01
the:0.3451147836250197	of:0.2009760485586474	in:0.09760585083555284	and:0.08336205092240284	to:0.07780141922026608	a:0.0662037053883777	.:0.05055264998771555	at:0.03824073986895141	for:0.03014275159306661	:0.01
the:0.6469534454590343	an:0.0887417674904894	The:0.0883000342109047	a:0.05761711306591886	tho:0.0368633757680086	no:0.02024838065212861	great:0.018181046256030193	tbe:0.01752525076567104	sole:0.015569586331814256	:0.01
the:0.2388492856657488	of:0.22841781160523594	a:0.17386962480461954	and:0.08876583977758416	in:0.07856945814260013	to:0.06637159256275597	that:0.0463928083853103	for:0.03663893533613663	an:0.03212464372000862	:0.01
the:0.18967412161958205	and:0.16039812387112395	be:0.12426122688981936	was:0.12339453984543905	of:0.11493837137436898	to:0.0870008771225483	is:0.07482363279220873	been:0.06158286699078447	a:0.053926239494125026	:0.01
the:0.30970792536190767	of:0.26594343712032237	a:0.12747387852391406	for:0.0633620098782895	and:0.057795316947814736	such:0.051701147594935264	in:0.044021110532962295	all:0.03559266730744288	other:0.034402506732411416	:0.01
of:0.3456534994314351	with:0.15999752877189855	and:0.11159215715017096	to:0.11143029452641443	in:0.08635871597374026	on:0.06536797276794955	for:0.04136425303172226	by:0.03559253889748447	is:0.03264303944918437	:0.01
the:0.3095876780584938	of:0.17316931702614413	to:0.12268602141238892	and:0.1208955756433255	a:0.08723231527611129	in:0.053330325220556314	be:0.046693641421454476	is:0.03842252484347463	for:0.0379826010980508	:0.01
it:0.1921278232971985	I:0.1635367281436464	he:0.1482809775130435	It:0.12009222869643392	we:0.11874289695586417	they:0.11459528351250943	We:0.047894328539064	and:0.04657853342455461	you:0.038151199917685306	:0.01
of:0.2979008096179188	in:0.23002241645480107	to:0.11281211589414143	at:0.11006271809463423	on:0.09208738997308642	In:0.05094848048105261	from:0.03996176466618115	by:0.030685336717867613	with:0.025518968100316838	:0.01
the:0.3697654640095182	a:0.1675652488795481	of:0.14130336449495173	and:0.10481993325614732	to:0.050351094877034326	The:0.050204585097669466	at:0.037892091169988186	in:0.03440364527466175	Mr.:0.033694572940480776	:0.01
of:0.26494060581815454	to:0.16418065921305036	in:0.15034918094952346	and:0.1229783906245008	the:0.09740874737296834	a:0.06121354763522007	with:0.046354031495209884	In:0.044999648571575415	for:0.03757518831979709	:0.01
the:0.37875334042070696	and:0.16583419566035354	of:0.10255045338799601	for:0.07751684634341298	a:0.0730062923066815	in:0.0689956133209035	to:0.050502671623275076	or:0.036868914622774106	was:0.035971672313896585	:0.01
to:0.2620983149693371	and:0.19664402247129265	the:0.18720703494025467	of:0.14061051340842873	in:0.0675925481954826	a:0.03867755248806961	<s>:0.03389464108121401	not:0.032510411574388075	that:0.03076496087153255	:0.01
the:0.3439865230932211	and:0.1458854115074425	of:0.1341109670607927	a:0.07863993025420293	be:0.06536689997372996	was:0.060997355245292144	to:0.05804495461843788	in:0.053438608970661036	is:0.04952934927621986	:0.01
is:0.41602376895788695	was:0.13027387386359607	and:0.1149005135329239	are:0.07175062940618296	be:0.055794184766078274	Is:0.05573879328121846	has:0.053109485904390026	not:0.04735068667767256	it:0.04505806361005077	:0.01
and:0.2962669898592672	made:0.1551078491851273	or:0.10615493146181894	but:0.08112997524598134	it:0.07594063636413168	done:0.07326676586839144	shown:0.07058165466297547	him:0.06599543845608538	ed:0.06555575889622141	:0.01
of:0.24101814714590317	and:0.1585334081912368	in:0.11398903483427462	with:0.09131921873928765	is:0.08769207303196977	to:0.08442576824891845	was:0.08384640368075044	as:0.06734628580547815	by:0.06182966032218088	:0.01
of:0.2516001350410082	for:0.15053567505795606	in:0.13178218703506062	and:0.11352487717883514	to:0.11315948459391706	on:0.06605626396068934	that:0.06518593883364604	during:0.05117102582552417	In:0.04698441247336326	:0.01
the:0.39176273516322835	of:0.17191096405693987	to:0.12297595959423423	at:0.0722651052203431	and:0.06903704402813834	by:0.05056043780181516	<s>:0.04112403693780886	in:0.036979394479065696	said:0.03338432271842645	:0.01
of:0.2735012396861343	in:0.17551693064129933	on:0.11824941070899107	to:0.11002006542796015	at:0.07722916109576558	for:0.07254089102022634	and:0.06450872872303745	In:0.051801603953960086	by:0.046631968742625686	:0.01
it:0.2810693032347837	It:0.22079703158687874	which:0.09733928975231705	that:0.09419944795994226	This:0.08562594454299965	he:0.05995583436273962	there:0.057529935398247495	and:0.05515474481500407	this:0.038328468347087384	:0.01
the:0.2754312926230506	and:0.16113090315326953	a:0.15778029771125415	it:0.09008427277584524	of:0.08178159353196576	to:0.061918398584955674	at:0.05630766881371601	that:0.05400082105881297	he:0.05156475174713014	:0.01
and:0.2682983319507874	recorded:0.10717905104111182	was:0.10263907629409649	made:0.09927630384100071	that:0.09842569549211198	o'clock:0.08895025276229458	up:0.08173084504592748	is:0.07240199994443215	found:0.07109844362823738	:0.01
he:0.26026718732234355	it:0.2021748353332957	and:0.10578413333132816	I:0.09080667931344986	It:0.09073951358431379	He:0.06568756643563634	which:0.06196525742289794	she:0.061418115060166284	who:0.05115671219656821	:0.01
the:0.3050274026340034	a:0.2957450751419406	and:0.13286872432165175	of:0.07121628459616636	to:0.05490612886722637	for:0.04521199579120206	with:0.034783378893728	The:0.025396820465701377	tho:0.024844189288379864	:0.01
a:0.3344672132849353	by:0.18846964517220247	the:0.15561775228483143	of:0.10457134742498596	and:0.05219154527947259	are:0.049576732615596315	most:0.0397577513682632	some:0.03363693095969994	is:0.03171108161001289	:0.01
to:0.2942430460975829	and:0.17509069669912075	will:0.13594355957494206	not:0.11443145080436781	we:0.06991770220659493	may:0.061917545296055275	would:0.055585699509316314	can:0.041638480274801236	you:0.04123181953721878	:0.01
and:0.17082046578071827	put:0.15526386547990995	as:0.1251933516431479	of:0.12338248111159619	to:0.11168370613519758	for:0.09576030799939818	that:0.08756318744957066	with:0.06335269927170918	make:0.0569799351287521	:0.01
and:0.29052563843363216	fact:0.1718349679940122	said:0.11307705641045758	so:0.10296766644522751	believe:0.07467485194323314	is:0.06547998110151379	say:0.06072622423233118	know:0.059576482780927004	found:0.051137130658665285	:0.01
the:0.32282502324564166	and:0.19037863250757886	of:0.1722568602678819	to:0.10504189560269267	The:0.048639526023864565	is:0.04017858724950789	that:0.03951387455255485	was:0.03579590524360477	a:0.0353696953066729	:0.01
a:0.258375153614547	so:0.21204397014417578	feet:0.15618664675848035	the:0.08997457789642418	very:0.08288716458686339	too:0.05206436374317814	inches:0.04748497342524908	as:0.04646793915255796	was:0.044515210678524215	:0.01
and:0.2662711988611688	of:0.23615787191543808	in:0.13367407937591402	said:0.10446016008202776	to:0.06311905513975112	on:0.05427989121914426	fact:0.04585699298474715	for:0.04377508915292453	all:0.04240566126888416	:0.01
is:0.2621660171069831	and:0.17115498006409013	was:0.16635879700093315	have:0.08576262754267881	had:0.07729937430580197	that:0.0641686866094928	do:0.06031757677249163	say:0.05184509583971008	Is:0.05092684475781829	:0.01
a:0.23620251285510863	for:0.187744673880631	the:0.17721006219101923	of:0.118954876866384	and:0.0683162185363765	to:0.05740220419953837	at:0.05627136749055669	in:0.048443817786114826	very:0.039454266194270685	:0.01
of:0.2649070255925891	in:0.24586399649839547	for:0.08045271922763901	are:0.07999105963077052	and:0.07528897142430789	In:0.07341428444210024	by:0.06444484611885444	the:0.05328318091749327	with:0.052353916147849955	:0.01
would:0.22980511667265655	to:0.17299540970927663	who:0.12482764014450815	they:0.10355307675313528	I:0.09251266344910342	which:0.07981734282547859	must:0.068890066387715	might:0.06196287097814179	shall:0.05563581307998454	:0.01
of:0.32561122357968847	and:0.17608964864948812	for:0.12674735291636488	the:0.10356828889207521	to:0.07855504298214708	in:0.05772666372214266	at:0.05710630815984488	be:0.03332732979466993	two:0.03126814130357888	:0.01
number:0.21565724575094422	bushels:0.2123299195713806	bushel*:0.14182276153276432	lot:0.07753457712670865	amount:0.07310991412435326	rate:0.07269852836621979	one:0.06857163275529855	piece:0.06496139973415206	cost:0.0633140210381784	:0.01
the:0.5569778523078638	a:0.13009862741107897	and:0.1009707644049678	The:0.0550373239724421	of:0.04431313619943588	tho:0.03988537402893129	or:0.021648158527426242	tbe:0.020595499604320132	in:0.02047326354353399	:0.01
the:0.3675350777355293	of:0.14565415795429418	to:0.10671200249806774	and:0.09808379461992711	be:0.06030145171306821	in:0.054805100694619996	or:0.053417454271320025	at:0.053070338233892074	a:0.05042062227928144	:0.01
the:0.4296733500335901	a:0.30677805126575586	of:0.06029590949388562	The:0.053221703543125776	with:0.039216402772143465	and:0.03506549026955849	his:0.025048632470323417	tho:0.02141964014600382	in:0.019280820005613347	:0.01
those:0.26038836348149785	man:0.15072846752267213	one:0.14815784771062837	and:0.1411472097865438	men:0.10272548168281181	all:0.07289365326275182	people:0.04921891788116131	persons:0.03274895452230092	Those:0.03199110414963214	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
the:0.30365427752043556	of:0.19764969723808873	their:0.1972892095280834	his:0.07115419735409735	our:0.061732611761639036	good:0.04428180978976209	in:0.04155513139456105	and:0.03799481899757617	a:0.03468824641575666	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
be:0.3317420679721575	was:0.22393253489166698	been:0.13614465800040249	were:0.0798634576337271	is:0.07005502292238816	are:0.0513399625661295	being:0.04454482226387151	and:0.030215885265795304	have:0.02216158848386158	:0.01
of:0.2259884777378865	in:0.1279502676123141	as:0.10803511903377902	with:0.10289676309994414	to:0.10092096777749439	is:0.0958816162923596	and:0.08543175696245596	was:0.07364376919960383	for:0.06925126228416238	:0.01
the:0.37884789620749604	at:0.2785891641799811	to:0.09724149675874286	was:0.04721736314395453	be:0.044824138147442086	and:0.037473962751181034	The:0.03742123041645136	not:0.0362824428700912	At:0.032102305524659897	:0.01
containing:0.29074853304808407	of:0.22903358154302164	about:0.16500839975180295	and:0.10884043361821663	than:0.056652061877817954	west:0.035888517637313835	the:0.03542801754192512	or:0.03492723190933333	east:0.03347322307248438	:0.01
of:0.42598431937852127	in:0.1289229910457099	to:0.11658071467902745	and:0.08543495718541112	by:0.061447575447941424	that:0.05815014874028654	with:0.039363758173290485	for:0.037190433018831064	all:0.03692510233098078	:0.01
the:0.42004914683065936	of:0.13466973569051716	and:0.11122404163358073	that:0.07335130050379034	The:0.06686076414154886	a:0.05387865708420929	in:0.04843421049538478	or:0.0434449192069662	to:0.03808722441334332	:0.01
to:0.674289708682571	and:0.07649160332516891	will:0.06847067181221367	not:0.03305813622409864	can:0.03217408197972449	could:0.03072660281141979	would:0.029562487268582495	I:0.024720767215461622	may:0.020505940680759487	:0.01
so:0.30106764526166185	as:0.15941424173683752	too:0.14662293735068116	very:0.11912597325596036	a:0.07683373911804062	how:0.05921979456784427	of:0.04547482314572756	is:0.04540542734880985	not:0.036835418214436796	:0.01
and:0.2295109285828946	it:0.15127785383333228	was:0.11219432297099577	all:0.10409079886332842	as:0.08303991963439633	that:0.08236412154492055	the:0.07955017585729351	of:0.07703697220516935	a:0.0709349065076692	:0.01
are:0.16889760685900396	is:0.15800388979173544	was:0.15369986534063684	from:0.1420004007195107	the:0.12676386734269815	and:0.06941344371416763	were:0.06725177495788442	of:0.06406520268344994	in:0.03990394859091285	:0.01
the:0.38508053275627013	a:0.2208217688643011	of:0.0925208858573157	is:0.06294892012224808	as:0.051536252941632936	was:0.05081124861137302	his:0.04876654347848023	and:0.04076288087698165	The:0.03675096649139725	:0.01
of:0.19234233894731295	and:0.18855488330391668	the:0.1343265388445949	-:0.12752795933168284	that:0.07771920218397273	in:0.07355704690192338	to:0.07182746021861158	a:0.06655240074135338	I:0.057592169526631515	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
.:0.22188304619271104	A.:0.13314081291754126	J.:0.12320103554961549	Mrs.:0.12155464121767948	W.:0.10279181993318655	C.:0.0871387131679308	H.:0.08174275999294972	E.:0.06064726678529458	Mr.:0.05789990424309107	:0.01
they:0.28031735430951304	we:0.1677422104354508	who:0.12957797082145026	We:0.08153493804751273	you:0.08033099325581514	which:0.07739365992873479	They:0.07713441997648456	and:0.05804151830273412	that:0.03792693492230465	:0.01
just:0.1656039721659009	and:0.15632349367944434	is:0.1259964074713573	such:0.10164846500174618	well:0.09791772522174454	far:0.09638031355853462	it:0.09579489107342144	are:0.07859447935027128	not:0.07174025247757922	:0.01
of:0.31462033984147075	the:0.3010308135742532	and:0.11042429221590087	The:0.09163641271600015	in:0.04285320220602753	said:0.03668159438202629	that:0.03289065813125699	by:0.03149510228377484	tho:0.02836758464928954	:0.01
be:0.33427144011200727	been:0.19771875179349419	was:0.1740126493198979	is:0.07980974488369767	and:0.05726925201776004	were:0.05181914719960441	being:0.04252447765411999	are:0.0303268771609289	as:0.02224765985848962	:0.01
of:0.2031739616185215	and:0.13548357950372356	to:0.11696348443706661	is:0.11229325087655455	with:0.10863235700154435	as:0.09128257097035432	was:0.08267520742978154	by:0.07469177062071582	that:0.06480381754173785	:0.01
made:0.2404543554274467	and:0.2346421007340919	or:0.1200765638048787	it:0.07362996342121234	paid:0.06765443619763341	accompanied:0.06763820500275661	that:0.06328132990515498	ed:0.06221375546530908	done:0.06040929004151634	:0.01
in:0.451598869723434	In:0.24027761420449104	the:0.113756189713637	of:0.10037883020932031	a:0.02600383336001177	for:0.022680320226373417	and:0.015778459698597296	this:0.009988067277186905	any:0.009537815586948262	:0.01
and:0.3129005956571636	that:0.19140349190598308	time:0.1043811116086826	them:0.09663102062914826	all:0.0785365176677114	it:0.05674768867633208	made:0.051745350253922524	or:0.05069996896886641	him:0.046954254632190245	:0.01
of:0.2523558492351206	and:0.16928746430123878	in:0.12483596792384387	with:0.10151053519944808	to:0.09883079762593784	for:0.07479873152811378	that:0.06518170357774511	by:0.053846178297207004	at:0.04935277231134485	:0.01
the:0.4438434264564302	and:0.10380451573481513	to:0.08880536659965406	The:0.08609488305295739	an:0.0634264765337338	of:0.06148950847492813	his:0.05844194751985613	a:0.04984260836204766	their:0.0342512672655775	:0.01
was:0.2867924151183561	is:0.14534843103394035	be:0.11941020380962947	were:0.09093205340035189	are:0.08792238418572164	and:0.07495714050227993	been:0.0647006722531123	not:0.0642968787603287	or:0.0556398209362796	:0.01
of:0.3389740066074303	the:0.2301236419128112	in:0.11031847939517632	a:0.07819244808073064	on:0.0645740467019648	to:0.05858664609578327	and:0.0454449959149119	for:0.03337490680030031	by:0.03041082849089132	:0.01
the:0.7718005595855676	The:0.051181348117219486	tho:0.03895056762322819	his:0.028400936741793194	its:0.02271947710894805	their:0.022566547957277687	and:0.022561626200781972	our:0.01625291385614184	a:0.015566022809041992	:0.01
the:0.39447623537940263	and:0.19759877609372792	a:0.08232966065156178	of:0.061909137260894906	or:0.06156021279163968	The:0.05715504925906254	old:0.054050877852493975	that:0.04436345494671798	tho:0.036556595764498594	:0.01
is:0.19632617624270055	of:0.14610673016430534	as:0.12714936006992414	and:0.10539754498734416	to:0.09607052466465918	was:0.09349981945793699	with:0.08994922835353841	in:0.07711576274791339	be:0.05838485331167777	:0.01
the:0.5627421555052047	a:0.25159051431993523	The:0.05073201934944475	of:0.027474031236922103	tho:0.027010102380282668	great:0.024687684892050452	and:0.02005681968025404	large:0.013935308545183194	any:0.011771364090722864	:0.01
to:0.5342570118458027	a:0.21206407421610152	not:0.06208173710320532	would:0.04406391950048069	will:0.03957435461629983	the:0.03559260854867282	shall:0.024932290093763902	may:0.019320514835694705	could:0.018113489239978554	:0.01
50:0.16849468235465817	ten:0.14825237516962173	fifty:0.14522760423051187	25:0.11627662161818783	10:0.09874091367835039	five:0.08942429646830313	15:0.08656671003137728	5:0.06907261648367205	20:0.06794417996531754	:0.01
feet:0.1574744369885504	up:0.15322422173060607	out:0.13717258803134172	said:0.11410201089811177	down:0.09207361488183086	made:0.08681132635523756	and:0.084961307271445	back:0.08371150511882035	him:0.08046898872405628	:0.01
and:0.2682983319507874	recorded:0.10717905104111182	was:0.10263907629409649	made:0.09927630384100071	that:0.09842569549211198	o'clock:0.08895025276229458	up:0.08173084504592748	is:0.07240199994443215	found:0.07109844362823738	:0.01
it:0.2800246536650368	and:0.1547777786133366	It:0.12398313708562755	he:0.10796375345733361	three:0.0910892943354625	man:0.08276041035297516	ten:0.05459530659912677	He:0.05119247515758221	.:0.04361319073351872	:0.01
the:0.4762882786421353	of:0.1265296503638131	The:0.0718238179596396	young:0.06687118141905202	business:0.05962036295772977	and:0.05434423330362083	all:0.05342427884593534	other:0.04103950683975552	two:0.04005868966831858	:0.01
the:0.2781006807555159	Mr.:0.2027926795166578	of:0.13237428459760442	The:0.08660012622279092	and:0.08328248282159867	that:0.07698677073899705	a:0.057701132148487995	Mrs.:0.039502858498326084	.:0.03265898470002127	:0.01
it:0.35505309117815476	It:0.22568515482115037	which:0.09186997500389063	he:0.07427712557156561	and:0.06860291172058657	that:0.06252393229388647	there:0.04564675615568341	who:0.03881624702318382	This:0.027524806231898343	:0.01
of:0.43651002471909717	in:0.25164894339035293	and:0.08786515080455815	to:0.05124653435833242	by:0.042757135357268	In:0.040884528411271964	the:0.03460990832224487	for:0.022996077548770408	New:0.021481697088104164	:0.01
one:0.2617741089986468	out:0.15556960502827208	part:0.13008893117226905	some:0.11334280627319533	time:0.07945996676975539	account:0.07275376099225171	all:0.06506597645229725	and:0.0565737601528326	that:0.05537108416047968	:0.01
and:0.37140324627167876	or:0.1293828018427618	them:0.08305336926538852	done:0.07687470522004677	only:0.07074473524988606	but:0.06979708975761743	that:0.06689898476593083	him:0.06277707251150139	up:0.05906799511518849	:0.01
the:0.41987016620316986	a:0.3336204155201463	this:0.054669864535883954	any:0.033652696353303216	one:0.03184291510749766	his:0.03150447910704816	The:0.031207264857535073	tho:0.028866991307475855	each:0.024765207007939813	:0.01
to:0.19840789771278963	the:0.1611467810801439	of:0.13819408062443525	in:0.13133553890416433	and:0.1253786529831839	a:0.09271577358059074	at:0.0633655169001767	for:0.04231635466831769	with:0.03713940354619778	:0.01
and:0.20576986051327525	be:0.14724677861411745	to:0.12535070885684524	of:0.12147274158796671	the:0.10006651747810341	in:0.07829719106333621	was:0.07464897261101211	is:0.06959459791180371	re-:0.0675526313635398	:0.01
of:0.2523558492351206	and:0.16928746430123878	in:0.12483596792384387	with:0.10151053519944808	to:0.09883079762593784	for:0.07479873152811378	that:0.06518170357774511	by:0.053846178297207004	at:0.04935277231134485	:0.01
sum:0.18676829411122214	number:0.1566486321513545	line:0.11140081741272478	city:0.10844765106291132	out:0.10739005474369737	day:0.09286734076326106	county:0.08286139477536687	amount:0.07384405151900511	Board:0.06977176346045691	:0.01
of:0.2709209230429934	and:0.15453410267929987	to:0.13453765071023277	that:0.12692719009070444	by:0.11216238001038559	girl.:0.0547851112102752	boy.:0.04910596613668657	with:0.046162892144821985	<s>:0.04086378397460022	:0.01
to:0.3010286378598682	and:0.20724594162951251	of:0.11561430117577179	the:0.08949931874126585	in:0.06780950692820928	is:0.05678672479774324	I:0.05395775487226536	for:0.04939417435915029	not:0.04866363963621349	:0.01
the:0.3215463724702048	and:0.1540220144919963	of:0.14205255028585403	to:0.10869189893123063	a:0.09152958460709819	be:0.049661029209002526	their:0.04435777486650351	his:0.040394465688967415	for:0.03774430944914284	:0.01
and:0.33423605338123746	that:0.1713827875860049	as:0.16225940129579225	but:0.12420802109524337	it:0.05180939803333591	and,:0.03732999120235417	But:0.037271298322925486	do:0.03625780684787199	which,:0.035245242235234474	:0.01
they:0.1607547695039363	it:0.1550230902383805	I:0.10991514929663299	he:0.10634399749918766	you:0.10270584755573016	It:0.10006021853717872	which:0.0966256987942175	and:0.08611831152310324	we:0.0724529170516329	:0.01
that:0.23081913998060427	when:0.15193241318777131	as:0.12760140626824665	which:0.12682449237617036	and:0.12017068715119082	if:0.07884050551524555	where:0.060424917235517205	but:0.04937453680899257	before:0.044011901476261314	:0.01
Mr.:0.6271208065520876	and:0.10182526599961059	Mrs.:0.0652474257049482	of:0.052058839713528045	Dr.:0.04458638733882685	the:0.02900163473444451	Mr:0.025070509957406867	Senator:0.02264699584387625	.:0.022442134155271118	:0.01
of:0.5126247196896901	in:0.16185304930269856	to:0.10657988048970499	by:0.04240914811681749	from:0.036382818954822205	In:0.03309658921649156	and:0.032634726002151795	for:0.032236454545220734	that:0.03218261368240254	:0.01
of:0.6694481175722686	in:0.09725745904279075	to:0.04525434789414318	In:0.03439403972591451	from:0.033451952812025204	on:0.03327407377403158	for:0.033010247770268585	by:0.022158621959266944	and:0.021751139449290587	:0.01
at:0.34162071099037655	of:0.17049264054604996	to:0.14523845158303986	on:0.13077718464012408	in:0.0529801341687286	from:0.04739957809312321	and:0.0444441374838887	that:0.0288844555737012	with:0.028162706920968086	:0.01
of:0.20475564805633228	for:0.1694005211985095	enable:0.13515529519575864	to:0.12357079414328451	from:0.10345897574177257	with:0.08971371221606815	upon:0.06185516165493176	give:0.05342195749539523	by:0.048667934297947246	:0.01
in:0.2291796231230005	of:0.198946047681148	to:0.12894122755459383	for:0.09814016662143758	with:0.07994941794472238	from:0.0778656863619228	by:0.07136739601410985	at:0.05341523200022529	In:0.05219520269883961	:0.01
and:0.25037799561132223	to:0.19051743664518078	of:0.12818071300755096	the:0.11341275889843262	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.05790590474591629	for:0.056443486992488516	:0.01
the:0.29708780802732465	of:0.25737595057346996	two:0.09981816629019	young:0.0937862060141909	and:0.07514021246133508	The:0.056372899481726337	these:0.043096468548275646	white:0.03512940189854192	all:0.03219288670494562	:0.01
of:0.2041476881198718	and:0.18396953814882616	to:0.17433755769356915	in:0.16321301077947523	for:0.09971825141960504	with:0.05046357012124711	not:0.04877453583825414	a:0.0341671746275027	is:0.031208673251648958	:0.01
one:0.272561840834379	some:0.17567181277195737	many:0.10063293298888824	all:0.09012185611021117	out:0.08848657377219273	part:0.08783075355359865	any:0.06250830842543066	most:0.057680932036757344	portion:0.0545049895065848	:0.01
and:0.25157976467555726	as:0.24791883479597013	it:0.1170523651200962	so:0.0745598475941089	is:0.07070933143089381	be:0.061644350231259804	he:0.058797898779522524	that:0.05752940734746212	which:0.05020820002512931	:0.01
the:0.42667279810216024	an:0.19222578425813558	in:0.1570948183245148	In:0.05453519984376547	and:0.0524025920491781	The:0.031913585135214896	this:0.02986414848524219	tho:0.02344145408683862	or:0.021849619714950037	:0.01
and:0.28682839236810853	of:0.27345411394552666	on:0.08051798533019235	that:0.07392169525236238	to:0.0679683438939068	with:0.061112474182458056	for:0.05859653636126297	in:0.04479835485184132	<s>:0.04280210381434089	:0.01
of:0.25858361951232506	in:0.17028710488981819	and:0.1601448217245996	to:0.10990610246747647	that:0.09627883292602056	with:0.055312396258687814	for:0.05179979984485276	In:0.049429236143643154	by:0.03825808623257648	:0.01
of:0.2815836378328266	and:0.1940260966306082	to:0.13347816067850685	the:0.11376094126188176	at:0.07842040776876834	in:0.06380099517700348	or:0.06371963431696515	a:0.03207183107043339	from:0.029138295263006327	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
the:0.26014728862680986	of:0.24220432317201399	in:0.11903154204280665	to:0.08848490952028921	and:0.08749345694143736	a:0.06236814287433008	as:0.04599026205556182	at:0.04363452773924401	be:0.04064554702750691	:0.01
the:0.3786675530810231	a:0.30871602873550635	dining:0.1138321584310398	this:0.049840526529077	other:0.03558847413597738	of:0.026542074224041486	his:0.02620990790093177	any:0.02557408680039329	one:0.02502919016200982	:0.01
the:0.2081535316835174	and:0.1802524784295454	of:0.14730818506795126	to:0.13963087048805709	be:0.07057304997448324	was:0.06942342942758627	on:0.06116828818254943	or:0.05784764751460127	is:0.055642519231708466	:0.01
as:0.188283813505136	according:0.14144678228402477	up:0.13904323060160725	and:0.1096650113200393	went:0.09104380703179268	back:0.08789812106037491	regard:0.08348580619122747	feet:0.07747526592666086	down:0.07165816207913696	:0.01
and:0.2541854937564897	that:0.20082293093600273	as:0.15852891768462385	which:0.12614343010865078	when:0.07219257665021514	but:0.059292005783913665	what:0.0497658475375204	if:0.04193286290579575	where:0.027135934636787984	:0.01
of:0.2259884777378865	in:0.1279502676123141	as:0.10803511903377902	with:0.10289676309994414	to:0.10092096777749439	is:0.0958816162923596	and:0.08543175696245596	was:0.07364376919960383	for:0.06925126228416238	:0.01
on:0.5769075467532129	one:0.12170355175746587	day:0.06065395552070419	in:0.05781582510019732	and:0.039471455771362594	sooner:0.0363707333689032	two:0.03507199064644293	sold,:0.03213727742355716	of:0.02986766365815402	:0.01
the:0.16760014197631626	day:0.1370631627113472	manner:0.13352120832253642	and:0.12776425544398168	way:0.11345862135131922	of:0.08578235111729339	year:0.07826252520870108	tion:0.07446597960173582	county:0.07208175426676895	:0.01
the:0.721773963061345	a:0.0869669973237985	The:0.045615729592314	high:0.03449115288145422	tho:0.031190821779153215	low:0.029462966939407895	tbe:0.015513800926501118	and:0.013578197509461234	average:0.011406369986564892	:0.01
was:0.17752419140416836	be:0.17174297813988165	to:0.1611131564626004	and:0.139786429099154	of:0.09514160029959935	is:0.07029677082119416	been:0.06782012723921674	were:0.05336967371049514	not:0.053205072823690074	:0.01
Notice:0.5483417146653616	notice:0.1785724627797435	it:0.06430391730339517	It:0.05997434598172381	that:0.033576461775165614	which:0.031807429560761914	reference:0.02603068327338273	there:0.025092507296849628	he:0.022300477363615828	:0.01
the:0.5986783153368556	and:0.09348301513757085	her:0.05478111548205663	his:0.04737276942822518	a:0.04500395825788203	my:0.04131869208796642	came:0.03845161974211366	tho:0.03806606750114371	The:0.032844447026186045	:0.01
<s>:0.43096532229124795	it.:0.13333001306918554	them.:0.11238139749236763	time.:0.06953043937170356	him.:0.06206148264299377	life.:0.04880448055871298	country.:0.048105308733906976	years.:0.044242743749502676	her.:0.04057881209037889	:0.01
he:0.25256397661173446	they:0.17125488313821866	it:0.16956186142637827	I:0.08912407378652229	who:0.06920029600500238	she:0.06625130858195871	we:0.06388491102963799	and:0.055682047123557246	It:0.05247664229698989	:0.01
a:0.5005708192627759	the:0.297693621986222	large:0.05515782562281013	great:0.05201390780632323	The:0.023103197107004682	vast:0.01906800312984933	tho:0.01659033919997268	A:0.013828632727406283	and:0.011973653157635693	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
a:0.2264120419083528	is:0.14348736065038378	and:0.11231391022108606	not:0.11000321656867047	to:0.08735004853840163	I:0.08110283706586255	the:0.0770412400804842	we:0.0767376638042757	are:0.07555168116248294	:0.01
and:0.25037799561132223	to:0.19051743664518078	of:0.12818071300755096	the:0.11341275889843262	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.05790590474591629	for:0.056443486992488516	:0.01
there:0.3140292460914838	There:0.2693892811735575	It:0.12965807175494165	it:0.11932637920819568	which:0.043329418476612355	that:0.0353924154291517	and:0.028391228464240997	This:0.0283545305911988	he:0.022129428810617576	:0.01
to:0.4723993565473621	will:0.08581084049603845	would:0.07485018571555582	not:0.07311188621659065	and:0.06821579925165279	under-:0.06749918737325887	I:0.06601502004333418	the:0.04322586049804078	they:0.038871863858166295	:0.01
the:0.30143390192917074	of:0.12467890877859146	and:0.11585781756227825	his:0.09645417715135804	in:0.09285891857779843	a:0.08393881697988922	this:0.07548144313440323	for:0.05038709343781509	on:0.04890892244869544	:0.01
<s>:0.5350679324006864	it.:0.11801062892123783	them.:0.07952656695016587	.:0.04792660271333291	him.:0.046987408493891415	country.:0.04260126244726783	time.:0.041083263986517106	day.:0.04029845977690946	?:0.038497874309991145	:0.01
of:0.2344549916496382	for:0.16239666027953	with:0.15452583795606303	to:0.1253668304462278	in:0.06763205388454041	upon:0.0671768454898563	by:0.06572909527098995	about:0.06468342788841162	do:0.048034257134742804	:0.01
<s>:0.6401061198593219	it.:0.0706093716919901	.:0.05494143900410211	them.:0.04768369636512093	country.:0.04706948065501004	him.:0.03940868976751038	time.:0.03463457970598246	year.:0.02897837518486099	work.:0.026568247766100995	:0.01
it:0.21317888410455543	he:0.18673248127798847	It:0.14093961810063962	which:0.10085580692903923	I:0.09523457785691532	and:0.07990794076262811	who:0.06284443033512091	He:0.05697400216718626	that:0.053332258465926576	:0.01
the:0.35072327237880707	of:0.2078608249068904	and:0.10502557993379774	in:0.07686999620026494	to:0.06510062871765705	a:0.05625373115643907	his:0.055709768879886545	with:0.03768777029281771	be:0.03476842753343954	:0.01
of:0.213251433950576	for:0.20329047328274294	about:0.12787858213042347	in:0.11530467209693371	with:0.10742897261683287	to:0.09948477318596813	upon:0.050152165112707266	against:0.03747768056610172	by:0.03573124705771401	:0.01
and:0.1944372923421487	together:0.18064694998584138	connected:0.14784638791688007	connection:0.1448086892096974	accordance:0.11050849290477427	comply:0.06045119551015317	acquainted:0.053914338376547646	compared:0.051495838323954046	contact:0.04589081543000345	:0.01
<s>:0.3474425174096156	it.:0.1478846400260129	.:0.131860227883129	Resolved,:0.10381762620916163	them.:0.06576514243418895	2.:0.05749391826891522	1.:0.05038151132448335	::0.04346103485805773	year.:0.04189338158643561	:0.01
the:0.2881849584752655	of:0.17971492413947424	and:0.13707918239468903	in:0.10244921505958002	to:0.09138126056530774	a:0.06191509319589869	for:0.04906319603606977	that:0.04753177139124503	The:0.03268039874247	:0.01
feet:0.16566530055203563	and:0.15830955822731993	men:0.12318583917351082	it:0.11132728504145045	them:0.09491262239362783	made:0.09116121518246559	well:0.09017600604476055	him:0.0808059614566725	up:0.07445621192815671	:0.01
the:0.6281348543673789	a:0.1568976135757915	The:0.05546005586204439	and:0.039305674226080396	tho:0.0376353620350654	of:0.024025452519066563	said:0.01698928949067967	tbe:0.016804486232826245	by:0.014747211691067125	:0.01
;:0.17768104249666064	up:0.16824869860934652	in:0.15855844174485234	here:0.09305294129849863	misdemeanor,:0.08484565313025418	day:0.0825482704747059	mortgage:0.07788942415496555	years,:0.07405004406112953	county,:0.0731254840295867	:0.01
it:0.40496017146806657	It:0.24504553403574916	which:0.07249849653932532	he:0.06436787895873494	there:0.051033674570394795	that:0.050270108088097294	and:0.042576200294604204	what:0.03441972349061152	who:0.02482821255441631	:0.01
that:0.26923081051162095	as:0.12414297867134352	and:0.1140981929902531	if:0.11029204633899474	which:0.10893420263851057	when:0.09954667732161468	but:0.06278220963073454	where:0.06256879388652581	because:0.03840408801040212	:0.01
one:0.37208554784981507	some:0.12174963749774224	all:0.09885494039251233	none:0.08615462563183679	many:0.08399034629469622	any:0.07130102331293849	and:0.055411189871336516	each:0.053339722488168706	that:0.04711296666095363	:0.01
the:0.7486550225366531	and:0.05340898797214956	tho:0.05077130808371849	The:0.033433896370060986	said:0.029509992288055023	a:0.02133588312887538	an:0.019643153764214976	tbe:0.019271187093171126	this:0.013970568763101446	:0.01
and:0.25037799561132223	to:0.19051743664518078	of:0.12818071300755096	the:0.11341275889843262	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.05790590474591629	for:0.056443486992488516	:0.01
I:0.4245927962739405	he:0.10712002985042945	had:0.09099773447090162	and:0.08594954129856472	have:0.07371437609335289	we:0.06385671452760565	they:0.052238156227491686	has:0.0492453343364036	He:0.042285316921309594	:0.01
that:0.27519539782001956	and:0.196245321574177	it.:0.12349016260191062	<s>:0.11944094139199908	them.:0.08475856768162965	as:0.05275411417668415	?:0.048478417792863104	even:0.04688883557829981	but:0.042748241382417056	:0.01
as:0.8489485609832734	and:0.06122281379718516	aa:0.020285935448177	that:0.015149781599218159	which:0.011423545817414116	the:0.011243046475305118	ns:0.009867820824699305	of:0.007498745579420366	it:0.004359749475307282	:0.01
and:0.26358692259821226	of:0.2146296465876313	the:0.12384193944996688	in:0.09477219918356568	for:0.08171083568547739	or:0.06644900119792709	with:0.04910758377754647	to:0.04858090700667945	by:0.047320964512993544	:0.01
and:0.42609131794655675	as:0.09879673011033702	that:0.08882865395275988	it:0.07878615735521474	is:0.07375380392078061	but:0.0654889305808678	was:0.06543214428020483	I:0.051249632704902744	which:0.041572629148375506	:0.01
was:0.1846409950303063	be:0.16141920045514382	is:0.15063268428126114	been:0.12957162180973816	are:0.11195587492167662	and:0.11130654004812013	were:0.0559646873864835	not:0.0435863083308283	of:0.04092208773644218	:0.01
the:0.3220810730668717	a:0.23354988984926867	of:0.12892771812247147	and:0.10131444354910019	his:0.05004699364368914	their:0.0488009759667699	The:0.03720120650770353	its:0.034241774863265184	to:0.03383592443086015	:0.01
of:0.2231188683993463	and:0.1667497646398975	a:0.1326518741071075	the:0.12904482491503572	as:0.11756217419998326	so:0.07659548773433371	is:0.05175678304726475	that:0.04813122375634109	very:0.044388999200690046	:0.01
have:0.23803257664593597	has:0.13708599563146665	never:0.13596933911145115	and:0.1148726568802627	be:0.10274838556765178	had:0.09081593332238143	not:0.06106366530368203	he:0.06081746389551771	ever:0.04859398364165062	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
to:0.33123566421674644	will:0.1851378385043994	would:0.13895100054855103	may:0.0929155956851821	not:0.06968622687113103	should:0.05088792353732103	shall:0.044824987230229284	can:0.038949198765611245	must:0.03741156464082856	:0.01
the:0.22872258828624187	of:0.19712244581528449	in:0.12805354102064756	by:0.09167469025703401	that:0.07979244933693669	and:0.07658256769861904	to:0.070959691804309	from:0.0665100017317055	on:0.05058202404922185	:0.01
to:0.2620983149693371	and:0.19664402247129265	the:0.18720703494025467	of:0.14061051340842873	in:0.0675925481954826	a:0.03867755248806961	<s>:0.03389464108121401	not:0.032510411574388075	that:0.03076496087153255	:0.01
and:0.21790677046490206	necessary:0.12394862774850904	ready:0.12390744753093219	candidate:0.10069126833498508	used:0.09864901344869566	demand:0.09480550327996208	made:0.08804447420201159	reason:0.0753070877654503	sufficient:0.06673980722455207	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
of:0.21582039034583578	and:0.19654972119264136	the:0.13728266267253494	that:0.12477242754293302	as:0.10540845637568422	to:0.06265697216827044	on:0.04979434434032913	<s>:0.04935715898856775	West:0.04835786637320335	:0.01
to:0.1464410146092859	of:0.13337122713464183	in:0.1312640040837542	is:0.1294535271890471	with:0.10847883078897687	for:0.10054587395796366	and:0.0905439246156685	as:0.07995014962532483	was:0.06995144799533717	:0.01
the:0.31875333103658077	of:0.19153223533904778	and:0.1333377565756217	a:0.08569118153695421	to:0.07805362827458313	his:0.04896787193732948	be:0.04728575140178598	my:0.044784222538298106	I:0.04159402135979894	:0.01
the:0.44154302067349016	of:0.26574422053165847	The:0.1077948216306878	said:0.06114924375190959	that:0.037301997613311676	tho:0.02215594008290969	this:0.02174225193489079	and:0.01781736799278317	described:0.014751135788358597	:0.01
statute:0.4186740486360633	and:0.17738741228721525	that:0.0755274924443703	or:0.07132424490596526	as:0.058000941680437054	is:0.050595503446931964	it:0.0491427744626679	was:0.04506424724176515	be:0.04428333489458361	:0.01
of:0.32048682126146716	to:0.12007122052461548	know:0.09761610867087289	in:0.09680261713919294	and:0.09462951833703093	with:0.07695797624591266	for:0.07380616249092778	is:0.060411428485631684	see:0.049218146844348616	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
of:0.19461949966041492	and:0.19008882582354472	the:0.18970843377846164	to:0.14447444593247724	a:0.06314887331374407	Mr.:0.061320346203658165	.:0.05608212555402256	in:0.05411882597368311	at:0.036438623759993606	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
it:0.2774822979725539	It:0.19754314725679653	which:0.1265138519897698	that:0.09240520006089895	he:0.06737366672562588	there:0.06656241131148102	and:0.06455365279069682	This:0.053004398814229026	what:0.04456137307794832	:0.01
in:0.2518520012243235	of:0.24449507777613372	large:0.12490763762791343	and:0.0913403422972689	the:0.08325840051854973	In:0.05144873349374096	great:0.05093298995628601	from:0.04881927609074143	sufficient:0.04294554101504249	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
to:0.8725553871030387	will:0.035667714340601245	and:0.03153780141692361	would:0.01370549549863267	not:0.011870390806964837	can:0.008454027900669774	To:0.005981568533174752	shall:0.005559339836457303	who:0.004668274563537191	:0.01
the:0.26550312194585707	and:0.1450232493448376	a:0.12671218166184436	of:0.11817369077437201	be:0.08618146888746489	in:0.06994387033864476	to:0.06814316991788182	was:0.05968115913219389	is:0.050638087996903725	:0.01
it:0.20232519177660635	he:0.16234484086264728	It:0.1554090302075327	I:0.14358632724509612	there:0.07378138159381323	and:0.07333071483799813	He:0.07174050734643728	which:0.05781177237565946	she:0.049670233754209335	:0.01
Grand:0.8599409008659266	the:0.06408324083000605	and:0.037090010309648695	of:0.01089505135876777	two:0.0052249439015464505	in:0.003634115692808578	by:0.0032860598820669204	tho:0.003084726624268406	three:0.002760950534960498	:0.01
a:0.45604308230814716	the:0.19614474876003996	is:0.08665571272341376	was:0.06556475809012982	are:0.05198010984547535	and:0.0384127868788553	not:0.03529809389306367	be:0.030591411268605984	in:0.029309296232268873	:0.01
sum:0.3539514508613801	rate:0.1724490304690576	one:0.08891524464089452	amount:0.07331814878778509	out:0.070660432981463	number:0.06500378352768374	consisting:0.0600530594267005	instead:0.05336354511059117	period:0.05228530419444426	:0.01
he:0.24850837663519365	I:0.14598485741126335	and:0.1378353728101455	have:0.11521383017829767	be:0.10748600650816321	has:0.06435646564011017	had:0.06177326758165303	who:0.05556148732293889	they:0.05328033591223453	:0.01
and:0.28720281232973693	was:0.13699100705051342	him:0.12544032427762145	it:0.10315427856286867	up:0.08150588430725103	man:0.07164027192781154	found:0.06250334011310801	is:0.062110536855242364	her:0.05945154457584659	:0.01
be:0.16231793401292235	was:0.15628465868608368	are:0.12216089048686152	and:0.09785294927227149	have:0.09516561811262275	had:0.09116134002433955	has:0.09050156415659859	were:0.0894914650250766	been:0.08506358022322326	:0.01
the:0.2629932192263116	a:0.21844664921280282	and:0.1698486725743577	of:0.1246629667025211	from:0.056796738648494494	his:0.049588839640792456	her:0.04020956962285458	The:0.03727877009247594	for:0.03017457427938935	:0.01
state:0.16116402223208384	out:0.1392157611363647	District:0.12487308056124259	State:0.12234331628256706	day:0.10011294336802518	deed:0.09754164369328784	and:0.08734681943868101	one:0.08309887247584263	part:0.07430354081190513	:0.01
and:0.18784336682063274	as:0.15114329179679575	went:0.11423878004667351	him:0.10666558228731272	them:0.09110223752457794	up:0.08733803455919152	is:0.08689480544253657	go:0.08340199801381315	able:0.08137190350846597	:0.01
the:0.39620436579544716	of:0.16907565216974815	at:0.08063261508505297	for:0.07399007519488653	in:0.07251903239054938	from:0.0599167066626502	and:0.04948909578535629	by:0.046549066141467955	this:0.041623390774841555	:0.01
and:0.20450556845365275	days:0.12596459196979642	was:0.1200144139907398	or:0.09579385432590432	time:0.09472943273581123	that:0.09322739577872444	never:0.08763760886899595	long:0.08681169958985518	be:0.08131543428651984	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.04553578393787439	of:0.03051332981678091	tbe:0.02261446403444868	in:0.021612439669724332	or:0.020196218295911488	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
of:0.25758652029791923	and:0.16564278541080382	in:0.15968201695889675	to:0.12379588530454703	for:0.08843211204171124	by:0.05893067101534073	that:0.058041295412193356	with:0.043705636172993244	In:0.03418307738559466	:0.01
and:0.17494488464527436	able:0.1355537887146852	as:0.12569367557512856	is:0.10092694150086114	him:0.09991732887064773	going:0.09530417779630597	was:0.0881790232321575	enough:0.08556056427097564	order:0.0839196153939639	:0.01
any:0.1729878951408468	no:0.1434317147829896	that:0.13568577417651623	No:0.12685506184059242	of:0.09332686734103983	the:0.09127383297142347	and:0.0784188095196982	but:0.07408701985409723	some:0.07393302437279616	:0.01
and:0.38914107717309265	that:0.18381184057289443	but:0.16686986415504704	time:0.07706117271634955	But:0.06072365092951834	or:0.032347409177408616	And:0.03234518226196476	day:0.026499748898239098	ago,:0.02120005411548543	:0.01
of:0.2648344476968349	the:0.1540733657785515	by:0.12113523132218237	and:0.12065285925225176	with:0.11597324808028878	to:0.06685164792756122	made:0.05612785958026635	in:0.04527829070347677	for:0.04507304965858651	:0.01
the:0.36705990668383576	a:0.2572193848213783	of:0.0867927200132285	and:0.08344782876204763	The:0.07628529567575805	A:0.03746231474058973	an:0.02993256697423098	tho:0.02896654790153841	or:0.02283343442739284	:0.01
the:0.34170127421390223	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093987	to:0.07847171568184984	in:0.05339647102682973	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
and:0.42313701513656726	he:0.10528806156489312	be:0.08055382496928791	who:0.07427321441706551	I:0.0733027556320814	which:0.0673524584438562	that:0.06035430365092841	to:0.05519300244612123	an:0.05054536373919905	:0.01
the:0.581776475863361	a:0.17180771534145048	in:0.05856857954168394	The:0.049198559979982064	this:0.0419428475095955	tho:0.033736190948880314	of:0.01963196651091596	any:0.01678002792092221	that:0.01655763638320847	:0.01
be:0.32173945916515995	was:0.1439065183915506	been:0.10812205230346962	are:0.10632386745126284	were:0.09303563736700785	is:0.07240390789002604	not:0.07021814041541757	and:0.05067999625468485	being:0.02357042076142073	:0.01
the:0.3812136653835766	and:0.16879776455030396	a:0.12267379359483482	of:0.09487190793934683	to:0.06006808054792435	in:0.049486054717056006	The:0.0459524269616609	his:0.036918005704012276	I:0.030018300601284246	:0.01
of:0.24755463529306299	on:0.1908839885601741	to:0.16303772196934407	at:0.11201188179527938	in:0.09356903869580838	from:0.07587600499089339	and:0.048145752997106446	that:0.030100815007742695	for:0.02882016069058869	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
in:0.3387033649365794	of:0.2286782534249405	New:0.1314941138703512	from:0.12578958132587992	In:0.06830074259147534	to:0.029045437484772434	for:0.028008421882511313	at:0.02081391046026608	with:0.019166174023223768	:0.01
of:0.22436466110841727	and:0.2212961407044055	to:0.15486958445852939	the:0.12605655276199063	in:0.06953861603067178	for:0.05536754301168913	that:0.05236922468928433	<s>:0.047403716387358734	by:0.03873396084765319	:0.01
<s>:0.24643505364970167	that:0.22567481111489604	and:0.11986402130738498	it.:0.10509411761497948	but:0.07308474448235741	as:0.06237988616146023	them.:0.060287180696994194	country.:0.04939834692648971	of:0.047781838045736394	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
and:0.20876430888338435	away:0.15338058995169232	taken:0.11313700191721501	them:0.10345973013212395	come:0.09555640874079832	free:0.09258748727148092	received:0.08156431484247555	him:0.07132824299229158	out:0.0702219152685381	:0.01
two:0.21895691255295766	hundred:0.11464026019373981	square:0.1131100365616385	six:0.09998464185467039	five:0.09680601753185718	three:0.09657855292700258	four:0.09215266468421113	ten:0.08465270123138408	the:0.07311821246253863	:0.01
the:0.8379484458135421	The:0.03639093932559103	tho:0.027855680043157086	a:0.02162372469611732	and:0.017396795599453247	his:0.016059041475807733	in:0.013195752892902297	of:0.01011852335658647	tbe:0.009411096796842745	:0.01
the:0.7043946385709331	said:0.07044850000055673	The:0.05429216982491694	of:0.03973382716844926	and:0.03320836292119303	tho:0.02845867746664742	this:0.02114605180401455	an:0.020612526399884867	our:0.017705245843404112	:0.01
of:0.3726165742523303	in:0.1495683806095387	to:0.12261671601628256	and:0.08816856765154873	for:0.066583384698708	with:0.05975007822757767	on:0.05461917932545206	that:0.04018603807413134	by:0.03589108114443054	:0.01
the:0.3121619288613327	of:0.18040170943559194	and:0.14514153873434874	a:0.14131705530088456	to:0.04964614793275241	Mr.:0.04553689726890724	is:0.03996470718254065	as:0.039950480726911125	The:0.035879534556730645	:0.01
I:0.2265547062429591	he:0.18685785770404884	and:0.16264343388280267	they:0.0870136823849859	He:0.07913349412369518	it:0.07548700696551075	she:0.06315880818379585	we:0.05697737867879603	who:0.052173631833405676	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
hundred:0.38841378645436947	up:0.09123185635738856	men:0.08930224671194738	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.07306411117914521	him:0.0668423327581923	;:0.06651424040074755	due:0.06192290086804839	:0.01
his:0.48483334437032827	and:0.15725375780091846	the:0.1365441623343099	a:0.050462021431280014	of:0.04520865101005719	my:0.04036102674071119	their:0.02817862980988162	her:0.026992618778732387	your:0.0201657877237809	:0.01
and:0.2682983319507874	recorded:0.10717905104111182	was:0.10263907629409649	made:0.09927630384100071	that:0.09842569549211198	o'clock:0.08895025276229458	up:0.08173084504592748	is:0.07240199994443215	found:0.07109844362823738	:0.01
it:0.1933048612370858	and:0.1286819126469356	we:0.12211715346407159	I:0.10791428267507486	It:0.10522098064173252	he:0.10466650684335192	which:0.08545794000059091	who:0.07578410719297048	they:0.0668522552981864	:0.01
to:0.23084164089153653	the:0.19599676182946477	of:0.16555747408636154	and:0.15864168240412752	a:0.06474452365459166	in:0.05071236753640227	at:0.050063002462748356	for:0.03808870392664653	is:0.03535384320812078	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
is:0.1754598139421093	was:0.13835882464583857	as:0.12987977978521897	are:0.12485208833719924	and:0.11151479716853846	a:0.08958400453539878	very:0.0751266076277219	her:0.07509278830672336	were:0.07013129565125124	:0.01
the:0.5551899317647333	a:0.17254925166600169	this:0.11092974892117567	any:0.034851459914625016	other:0.030196583020591795	every:0.02683546120458396	and:0.024638554453884184	great:0.01792284268731002	our:0.016886166367094297	:0.01
and:0.265614671700049	said:0.14026497725568057	fact:0.12454175110734755	so:0.11048675781624646	know:0.07824425042146249	believe:0.07486255077695933	him:0.06998995045378482	is:0.06888556409498099	stated:0.05710952637348863	:0.01
the:0.6768627974896106	in:0.06291856457056888	The:0.05850989130993271	and:0.049060590157670135	a:0.04250614034914327	tho:0.037566801590070434	great:0.021563916433142073	In:0.021135527735493306	of:0.01987577036436874	:0.01
of:0.24984771499497777	the:0.22671843497357408	at:0.1252484089952047	and:0.11153419731745219	to:0.06883613396603612	in:0.06387473628183955	a:0.05805175234028247	on:0.05357731293575164	said:0.03231130819488171	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
of:0.3715952628830042	at:0.21186422040962907	in:0.1090542351329926	the:0.0740486544728187	from:0.07401530553455045	to:0.06652560868577939	for:0.031469953713508185	and:0.029180546874311698	by:0.02224621229340573	:0.01
is:0.19779638475912695	was:0.1553400758857293	be:0.15203302902639962	the:0.12553900588082914	a:0.0903915971463499	in:0.08000187456537142	are:0.07306888230480159	feet:0.0584168827419258	of:0.0574122676894664	:0.01
the:0.31875333103658077	of:0.19153223533904778	and:0.1333377565756217	a:0.08569118153695421	to:0.07805362827458313	his:0.04896787193732948	be:0.04728575140178598	my:0.044784222538298106	I:0.04159402135979894	:0.01
a:0.25515708451079777	of:0.20203394160782467	the:0.19630473240243151	in:0.10373814136973021	and:0.08413034434406347	to:0.05029396096706828	at:0.04018487348809882	The:0.029806683555191265	that:0.02835023775479399	:0.01
a:0.18638787996495249	it:0.1332204733142929	and:0.1330118537581764	the:0.13077207098958746	is:0.11085456876776648	of:0.10871119208941288	was:0.06539742595742086	for:0.06148423500887302	no:0.06016030014951747	:0.01
of:0.42565361507211635	in:0.10367732050220065	to:0.10328241386421005	by:0.07102874605905925	that:0.07090399058636619	and:0.06896859977538876	with:0.05730108840667164	on:0.045898530373347575	for:0.043285695360639566	:0.01
in:0.21373650780547762	it:0.13850739981255658	up:0.10944317373066394	time:0.10227213162070282	it,:0.09679665675745536	him:0.09649896099166651	them:0.08903046682444143	out:0.07299070321725613	them,:0.07072399923977944	:0.01
State:0.27672280796592946	state:0.17825551008793764	city:0.12050280083401428	county:0.0980971082031369	out:0.0794643764724162	part:0.07016740794698274	line:0.05706783428705118	Secretary:0.056490380112821044	side:0.05323177408971037	:0.01
I:0.5892565751340088	he:0.11740373643141304	and:0.11052164537032429	1:0.0385872036524038	He:0.03168485100059682	never:0.029046115938494953	she:0.0283395162367896	they:0.024317697683406928	we:0.020842658552561913	:0.01
the:0.26569339505585005	of:0.18882832481284556	no:0.1047196567096314	and:0.1005395483819465	their:0.09835238784252721	is:0.08203816352667512	other:0.055222001110269585	for:0.04841482327753912	be:0.04619169928271543	:0.01
hundred:0.1631051995366529	;:0.13365936507111423	him:0.11732615948902901	one:0.10942603140040551	feet:0.1079334711744123	up:0.10029179877010728	mile:0.09005038552425722	feet,:0.08590382326179402	time:0.08230376577222771	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
sat:0.17642188978050583	laid:0.17471702840056696	came:0.11724327536698452	went:0.10775238016697813	put:0.10494664412919277	come:0.08464099126499118	and:0.08348165711375624	go:0.07976456918336995	set:0.061031564593654504	:0.01
belonging:0.20769430499304795	person:0.14216592654675772	one:0.14200847236262545	and:0.0972154332520762	more:0.09681422103998627	on:0.0856069092440877	two:0.08022200869605528	States,:0.06917615344162242	man:0.06909657042374098	:0.01
and:0.40180925423370906	made:0.10572982649976298	necessary:0.09766421441472355	provide:0.0709677106558723	him:0.06679412563114624	time:0.06399940844444657	but:0.06226152597569863	pay:0.06140975827886298	responsible:0.059364175865777885	:0.01
it:0.22923910640386372	It:0.2169656170215026	This:0.15216872378118323	which:0.0937113430805337	that:0.08236996073179681	this:0.07426658989754333	and:0.053275560998039914	there:0.04840760209046867	he:0.03959549599506813	:0.01
sum:0.18676829411122214	number:0.1566486321513545	line:0.11140081741272478	city:0.10844765106291132	out:0.10739005474369737	day:0.09286734076326106	county:0.08286139477536687	amount:0.07384405151900511	Board:0.06977176346045691	:0.01
the:0.35146774118010526	of:0.250163528296315	in:0.13424904905669852	and:0.06265292695561137	a:0.05227768909014788	an:0.0486554393694839	great:0.034635342023544465	In:0.02945808409610578	for:0.02644019993198775	:0.01
hundred:0.38841378645436947	up:0.09123185635738856	men:0.08930224671194738	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.07306411117914521	him:0.0668423327581923	;:0.06651424040074755	due:0.06192290086804839	:0.01
to:0.18444314330409928	of:0.16046716939255853	and:0.14873857323278122	the:0.1461719587092923	be:0.11162960835233085	a:0.08877800849441188	was:0.06486602355980449	is:0.043889274422834225	for:0.041016240531887245	:0.01
and:0.24843934210821117	of:0.1344484991530699	the:0.11746416156270706	that:0.10013823709201289	how:0.089503673385964	I:0.08293251513953157	<s>:0.07569339870242883	be:0.0708967132868612	How:0.07048345956921333	:0.01
of:0.19361958346585975	the:0.16484162595781554	.:0.14549907972290244	and:0.13588894186658876	W.:0.07637764331825796	H.:0.07126355091602164	by:0.06965439056929339	J.:0.06951430022067948	John:0.06334088396258095	:0.01
it:0.3709239699110844	It:0.24096581986743928	which:0.09302578504967449	there:0.072402812556939	and:0.06109732124482603	that:0.057615180989139085	he:0.03532154287373543	what:0.02994602517449511	This:0.028701542332667203	:0.01
the:0.3328335384804806	of:0.2463948599004768	to:0.09789418913959648	and:0.09329803509921947	in:0.06130140963572251	for:0.04392026682443027	by:0.04332845977538379	that:0.041504603160932414	at:0.029524637983757703	:0.01
well:0.22045071189301393	and:0.21146478639482066	far:0.11870271474661524	so:0.10693199884465585	known:0.09380461646566728	it:0.06595860880272919	long:0.06134062883133509	such:0.05867453610923455	but:0.05267139791192837	:0.01
at:0.22606604972269345	of:0.20393953051698147	in:0.16750080429008357	to:0.0917821286021026	on:0.07338281661280804	for:0.07328046460725854	and:0.0653471204622718	that:0.04550393544793668	from:0.04319714973786389	:0.01
as:0.17481395904871108	up:0.13266480410279494	and:0.11423368936286925	according:0.10311874253127587	back:0.09834039683776628	him:0.09814074486700695	returned:0.09685287995672427	went:0.08599041765307629	came:0.08584436563977506	:0.01
the:0.36250808883778896	of:0.17318555718488202	and:0.10957156430621359	The:0.08602542219983032	or:0.07182181064180887	a:0.0529198388187435	by:0.051240454767136415	for:0.0414100961890866	with:0.04131716705450967	:0.01
the:0.21858781341275965	and:0.14787589235517212	of:0.11615811686309205	from:0.111777248760148	a:0.10253926757191248	to:0.08360693553216382	be:0.08051194311816404	was:0.06882079131216966	is:0.06012199107441834	:0.01
the:0.48666781681800714	and:0.13608033712906623	a:0.11432570835350017	of:0.09224310905865732	to:0.03542557627534243	tho:0.034945536455312266	an:0.03257335069123128	or:0.03073859014813843	The:0.026999975070744812	:0.01
and:0.33071686060306427	was:0.22954053914223121	be:0.0994380356146569	it:0.07031555153818632	is:0.06491907884309586	years:0.05647617008468129	were:0.048777728016982595	not:0.04722430647616111	he:0.042591729680940604	:0.01
be:0.39428168570598404	was:0.13682915287254016	and:0.10764605675863667	is:0.08124129108862888	been:0.07567007833170702	are:0.06798338851538745	were:0.04913791240231653	not:0.04143513643574782	he:0.03577529788905133	:0.01
and:0.40180925423370906	made:0.10572982649976298	necessary:0.09766421441472355	provide:0.0709677106558723	him:0.06679412563114624	time:0.06399940844444657	but:0.06226152597569863	pay:0.06140975827886298	responsible:0.059364175865777885	:0.01
made:0.2401254978731967	and:0.23881098058854125	that:0.10136446469937367	or:0.09948768751827929	secured:0.0723955357193303	taken:0.06660814937181041	followed:0.06006170793864495	done:0.05602259218445818	up:0.055123384106365275	:0.01
provisions:0.1662709801773117	copy:0.15165327534695816	date:0.12617568642366098	part:0.12388683156619235	one:0.1044724200406653	out:0.09585475097905363	people:0.09019386903076455	publication:0.07733017020422428	members:0.05416201623116908	:0.01
due:0.19258438618242701	land:0.13803741451072177	interest:0.13061549596131183	mortgage:0.11302949901126587	title:0.1008012119703598	line:0.08538275901032331	plaintiff:0.08194599414404283	mortgage,:0.07737110387678033	directed:0.07023213533276713	:0.01
on:0.3937277479870083	third:0.11654498703311406	first:0.09533622549746273	of:0.09183315768697835	On:0.08779634401861186	and:0.07353393046104749	in:0.053085822433814225	second:0.039487274545808575	last:0.038654510336154406	:0.01
time:0.19115255239548834	day:0.14464733100678334	men:0.12143469029435029	power:0.10926922657052708	in:0.1031135662981112	land:0.0938322215957022	dollars:0.08350554805366954	good:0.07287362721537008	life:0.07017123656999773	:0.01
to:0.27138077361464585	and:0.20365025534265407	the:0.19353645044599635	of:0.1409419184006364	or:0.0427589512081884	I:0.041192692075401556	in:0.03419864903445622	not:0.03271499505662506	that:0.029625314821396135	:0.01
the:0.7538478118022159	this:0.04932469262510402	tho:0.039583703006975925	of:0.0377263751961823	his:0.026936661543566373	a:0.021862541603799385	said:0.021029061628830573	to:0.020290040101897798	tbe:0.01939911249142771	:0.01
it:0.35835403077289185	It:0.18033896309510394	there:0.1000580278728347	he:0.08633223790107593	that:0.0786661222512119	they:0.062195379566770945	which:0.057389596688828697	and:0.04098930196902008	I:0.025676339882261926	:0.01
hundred:0.1631051995366529	;:0.13365936507111423	him:0.11732615948902901	one:0.10942603140040551	feet:0.1079334711744123	up:0.10029179877010728	mile:0.09005038552425722	feet,:0.08590382326179402	time:0.08230376577222771	:0.01
of:0.2871328720228738	to:0.13509812508881722	in:0.13458893516369808	for:0.10880496046247833	by:0.1079488558160699	with:0.06522227839488964	that:0.06131757877792585	and:0.058078363415189946	from:0.03180803085805708	:0.01
and:0.40180925423370906	made:0.10572982649976298	necessary:0.09766421441472355	provide:0.0709677106558723	him:0.06679412563114624	time:0.06399940844444657	but:0.06226152597569863	pay:0.06140975827886298	responsible:0.059364175865777885	:0.01
and:0.20969815076307025	as:0.14035684149470737	referred:0.1325951335416224	them:0.10328796443289084	him:0.09786880619318226	come:0.08394676402729487	came:0.07704179058043856	go:0.07290265994617096	up:0.07230188902062254	:0.01
he:0.21505617074992908	they:0.19076306930045583	I:0.14852998698221467	we:0.10340484591838611	who:0.08466636747155042	and:0.08115457568004732	it:0.0605723983821004	which:0.055356059894642505	We:0.0504965256206737	:0.01
of:0.2914158816760014	and:0.20935709071864622	to:0.13948555105304486	in:0.12255092717877492	all:0.06202880656331044	by:0.043038916411733304	fact:0.042628775181560406	is:0.04025961659878457	with:0.03923443461814382	:0.01
he:0.1956010860353555	and:0.16494074160646363	be:0.15406070700372998	was:0.11348634301312642	been:0.07996995853310308	He:0.07759965988862969	who:0.07551630799866024	is:0.06958557506946861	have:0.05923962085146279	:0.01
as:0.188283813505136	according:0.14144678228402477	up:0.13904323060160725	and:0.1096650113200393	went:0.09104380703179268	back:0.08789812106037491	regard:0.08348580619122747	feet:0.07747526592666086	down:0.07165816207913696	:0.01
;:0.20953252095776806	it,:0.11451281996419217	him:0.11252660622910599	one:0.10399558216214487	in:0.10038399485273586	and:0.09216727949281207	,:0.08702126563998025	it:0.08638247894281384	up:0.08347745175844686	:0.01
the:0.32577977883643167	of:0.1886998309649103	and:0.16240343730877954	to:0.08416537232496525	in:0.05743937958564402	a:0.054463734595108955	by:0.04724223179553346	his:0.03701079136818399	.:0.03279544322044283	:0.01
to:0.5914291154580157	will:0.12782531430220778	not:0.07710206954696443	would:0.06596230622414256	can:0.03582891022684769	may:0.029980852503203117	could:0.025103513443851543	and:0.019775217014418627	a:0.016992701280348375	:0.01
to:0.8404249902266966	will:0.040903220125478326	and:0.03880032798189566	not:0.03098828302989508	would:0.014038248181516638	can:0.007394014563399947	To:0.007238130655073402	could:0.005243399221100816	may:0.004969386014943511	:0.01
he:0.17520352122114108	they:0.15581623245415482	I:0.14725585134236027	who:0.12336524544141413	we:0.09875445383232587	it:0.07856495375161171	that:0.07375276855377196	and:0.07215108159833293	you:0.06513589180488732	:0.01
of:0.3894566144466652	to:0.15557974870879882	by:0.09424296109915825	in:0.08797769188665562	with:0.07472182333971625	that:0.05855721421962254	and:0.05756255378204892	on:0.036542508451178034	from:0.035358884066156386	:0.01
the:0.5076628671531154	at:0.26313761569424726	At:0.05297062574332164	tho:0.034269582625248304	of:0.03232456588880277	to:0.030512236247359607	and:0.03046091927625813	The:0.022380206772812765	on:0.01628138059883413	:0.01
the:0.31856062007301217	said:0.20746354978692752	and:0.09635790265567468	of:0.08943119074756485	that:0.08282911280958836	a:0.06683460554813447	this:0.06373833019591274	The:0.04436432523853038	his:0.02042036294465496	:0.01
the:0.38861337485598535	of:0.23734725176177476	in:0.09045713316452622	by:0.0639277035411357	and:0.061038637896502476	to:0.05520785453831315	The:0.032368774740121675	on:0.03149776379327012	for:0.029541505708370684	:0.01
and:0.22813005603170378	the:0.15720990438600718	is:0.11521833637416952	an:0.1042086655807317	was:0.09504037588459191	are:0.08564450459716826	be:0.08247759847336691	that:0.06433907207568769	been:0.05773148659657291	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
<s>:0.6358724018685089	.:0.11351770991405115	it.:0.06265819923511341	them.:0.0341958421151392	to:0.030803755296985907	year.:0.030470382149418218	law.:0.027628389436760985	thereof.:0.02751688483470129	county.:0.02733643514932061	:0.01
sum:0.18676829411122214	number:0.1566486321513545	line:0.11140081741272478	city:0.10844765106291132	out:0.10739005474369737	day:0.09286734076326106	county:0.08286139477536687	amount:0.07384405151900511	Board:0.06977176346045691	:0.01
there:0.49002874002554625	There:0.31454168774452046	It:0.07093945390569317	it:0.06400341654389598	which:0.013025557333672983	he:0.010218326683424895	This:0.009509205015537219	"There:0.00905645960535745	that:0.008677153142351677	:0.01
of:0.21871168165864652	in:0.21221306757813674	with:0.15547665967781168	to:0.1486666982799138	by:0.0608835910332474	on:0.06066968992932029	In:0.045919808260807465	upon:0.04402009260132402	for:0.043438710980792127	:0.01
of:0.33631634474857625	in:0.20074855007983175	to:0.139534266910257	for:0.05980448578733716	that:0.05481144918110836	and:0.05361744169108339	by:0.0509361728477356	with:0.04992268555583991	on:0.04430860319823067	:0.01
be:0.20318074163432068	was:0.18100290189147286	and:0.15446129146824514	been:0.11006060645686006	is:0.10368971627447869	are:0.06424698463602314	were:0.0636301636417311	the:0.05504923569835977	he:0.0546783582985086	:0.01
and:0.37298965612056917	all:0.18168578830539664	of:0.090413041079345	but:0.0719393760979319	said:0.07082564861522725	that:0.055442603959004945	All:0.05039022089604753	so:0.0484426839349023	than:0.04787098099157529	:0.01
;:0.1946710259390972	in:0.1882944510200422	Columbia,:0.13567628660058223	up:0.12376726685932496	day:0.08203081616041863	them,:0.07201378270273509	mortgage:0.06784351496235251	,:0.06584387817367396	him,:0.0598589775817733	:0.01
State:0.18374939120074177	day:0.17166396072628895	out:0.1379581820977931	state:0.1335383898136798	act:0.12053997022818588	part:0.08140787683964876	years:0.06367293668935636	date:0.049379342780484385	power:0.048089949623821036	:0.01
of:0.5047298646341658	to:0.09395036308240971	that:0.09237773216785702	and:0.07906007885477175	for:0.049220975997004875	by:0.0490041777856982	on:0.04442716566583874	with:0.0399034256240844	in:0.03732621618816961	:0.01
the:0.4818707114714086	a:0.14467630884731952	of:0.10236390777045509	The:0.09149120797213367	and:0.05357469438412492	our:0.03432458357307821	tho:0.029082049493251026	for:0.02829445999151059	their:0.024322076496718338	:0.01
of:0.44361179241706283	to:0.12200208571277425	in:0.10895957398021344	by:0.098217428130972	that:0.06501486035667858	and:0.0530855264597317	under:0.03423934119259758	with:0.033105557430881116	for:0.03176383431908844	:0.01
the:0.5655262129374157	western:0.09940842038811898	other:0.07646352987440189	eastern:0.05203349858427185	southern:0.04614677900696574	northern:0.040493824648080844	Republican:0.03934567956409692	said:0.035304945334164936	a:0.03527710966248317	:0.01
the:0.23766558745970912	and:0.15830119452383326	of:0.15559160829233917	be:0.09635417021679075	was:0.09014204172917674	to:0.07168906960816807	in:0.06342449275153979	for:0.05879016674332435	is:0.05804166867511873	:0.01
one:0.33708984341259335	part:0.1487557614660267	out:0.10384043397499725	portion:0.09083714555922895	side:0.07562804233059957	some:0.06197550487992145	that:0.060324718837243906	tion:0.057990436636891	member:0.05355811290249791	:0.01
hundred:0.38841378645436947	up:0.09123185635738856	men:0.08930224671194738	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.07306411117914521	him:0.0668423327581923	;:0.06651424040074755	due:0.06192290086804839	:0.01
the:0.25470561870247765	and:0.17871018174426181	of:0.12454106589558235	to:0.11666316244862257	in:0.07582920922781208	was:0.07101916294765158	a:0.06560002811236121	be:0.05991783825325078	is:0.043013732667980115	:0.01
did:0.30099163724856337	do:0.21464832548046023	does:0.13834319659448763	could:0.11773262485052353	will:0.08131321667580861	would:0.06542802622958724	can:0.018570546598271478	shall:0.018161695337000128	should:0.017654257812795535	may:0.017156473172502393	:0.01
<s>:0.5543015572476636	it.:0.08555994596197972	them.:0.0691641459205704	.:0.060552681690208304	work.:0.0491119803376664	him.:0.0462082561824691	day.:0.04462324708035412	time.:0.041965137629659754	year.:0.038513047949428635	:0.01
the:0.6106065120255652	an:0.09921495831066095	no:0.0647816384598855	The:0.06054807364651217	any:0.05613280917602847	a:0.03802002668929278	tho:0.0315510017927324	this:0.01675165253110802	general:0.01239332736821462	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.04553578393787439	of:0.03051332981678091	tbe:0.02261446403444868	in:0.021612439669724332	or:0.020196218295911488	:0.01
they:0.2810377164721223	who:0.16234399753648118	we:0.13430924238937442	which:0.10227181528347871	and:0.07508952103906759	They:0.07179342182607719	that:0.05875208018113698	We:0.05491581044102542	you:0.04948639483123619	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
the:0.32309853935045657	of:0.2611189689792494	to:0.11678188388969994	and:0.06931370247896015	The:0.061304056293256595	a:0.051349674972654163	with:0.04030301568850951	by:0.03704522962619045	his:0.029684928721023268	:0.01
it:0.24112649263459635	he:0.17660792899787944	It:0.1713624494321809	I:0.08209974212840983	He:0.07828896755119588	which:0.07500438521777203	and:0.06286527553672037	who:0.0534546761422916	there:0.04919008235895345	:0.01
be:0.15909530510203126	was:0.15456039002432398	of:0.12805088759981154	and:0.09920823977898927	been:0.09911349359117648	the:0.0913368412223101	were:0.08889831712847576	are:0.08597704232802907	is:0.08375948322485262	:0.01
be:0.353657792419269	was:0.20288700893981287	been:0.1273140801110036	and:0.07166106277654646	were:0.061741560310496685	he:0.054586296727808375	is:0.048464887993404634	are:0.036634268523519635	being:0.033053042198138836	:0.01
the:0.7271225382254949	a:0.04467878929455161	tho:0.044628878590829306	The:0.03367914955945174	and:0.030682971970545342	many:0.030254500807664692	other:0.02896545950834384	one:0.02513729947463927	three:0.024850412568479398	:0.01
and:0.2802179654686675	together:0.1758166248157109	covered:0.10720042995908448	him:0.0945742991305398	up:0.08880677792452797	it:0.06615739106357522	met:0.06358405713054324	them:0.06162417438012567	but:0.052018280127225286	:0.01
when:0.22046315366464822	that:0.2132528036920001	and:0.15846027197779344	which:0.10413483755848224	as:0.08450696968117724	to:0.06978004927989717	said:0.04966321333134707	where:0.04700141380859818	but:0.04273728700605633	:0.01
the:0.7791866323306111	a:0.05314019270136493	The:0.03973692441214935	tho:0.03850477825482975	and:0.019820306942752074	of:0.01617258913407099	any:0.015256791708946461	this:0.014610700909408775	tbe:0.01357108360586653	:0.01
the:0.5389713397828089	and:0.1550448152326979	of:0.05739311599924813	The:0.05252002870291748	to:0.04646747120441671	that:0.04466106263293158	as:0.03632679331256095	tho:0.03082874368341511	which:0.027786629449003255	:0.01
and:0.29244720148944126	is:0.14183108195342428	say:0.09744884321476473	of:0.0941360680754679	on:0.08088324298178602	said:0.0759237787633463	know:0.07378169900640849	was:0.06701844529963384	for:0.06652963921572727	:0.01
the:0.2187042221945448	of:0.19434465562336534	to:0.16437885166272265	and:0.11111915556109105	be:0.07085050940341264	in:0.06581643542159672	not:0.06249329181716279	a:0.05335585751650269	or:0.048937020799601445	:0.01
it:0.3624816726957815	It:0.2558838421638433	which:0.09074817472992226	there:0.07169129496399416	that:0.07042727201866095	he:0.04330189408383567	and:0.03832227019613309	There:0.03005519717334782	what:0.027088381974481265	:0.01
him:0.16219458724596447	up:0.13469441979607763	him,:0.12795639725671043	man:0.11914490213943106	Mr.:0.09554543109514041	it:0.09248944109611738	it,:0.092454440919481	here:0.08727041924367145	day:0.07824996120740615	:0.01
the:0.34170127421390223	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093987	to:0.07847171568184984	in:0.05339647102682973	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
do:0.5050786691766791	did:0.10435494262904531	if:0.09851146411128912	If:0.0864177283465469	and:0.05000466304869476	or:0.04056336593092644	that:0.040552668023515495	is:0.0380723449550982	doing:0.02644415377820457	:0.01
-:0.2963575919348941	ai:0.14980255127601627	the:0.10633430164894707	a:0.09600168966430506	I:0.07716734743497988	in:0.07712595601953744	to:0.06710057760228469	was:0.06012141668133706	be:0.05998856773769847	:0.01
the:0.391404271733033	and:0.16572796127238826	of:0.1479668946544385	The:0.08969244899382993	these:0.04720458680051592	that:0.04695328111326684	in:0.038444374680263536	to:0.0323271190940047	a:0.03027906165825925	:0.01
and:0.23472984740800643	of:0.19034277254992926	to:0.15899746736912107	the:0.14872653581764267	on:0.05782225657498437	in:0.05781024492789173	<s>:0.05127606043924979	that:0.04858455105407135	from:0.04171026385910328	:0.01
the:0.6339367616985245	and:0.06763219546216825	of:0.06561744201282915	a:0.061664154436827164	tho:0.0425262028760512	The:0.0392430672137049	said:0.029953855424566654	in:0.026936426347037915	or:0.0224898945282903	:0.01
the:0.3046980328521598	of:0.20936420050235036	and:0.11545532617184416	in:0.09370709678236379	to:0.08611270070845224	a:0.066284824176181	for:0.041416958488957864	<s>:0.03882432690465819	at:0.03413653341303272	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
of:0.15892220299251447	and:0.14068923423890506	man:0.13880364826365452	in:0.12206902272778444	those:0.11365787178611259	for:0.09466788611294702	to:0.08946675627326842	with:0.07059594486987239	men:0.061127432734941034	:0.01
and:0.2663591603566405	of:0.14441343992770536	to:0.1396546827945049	the:0.11545288046294255	in:0.09784587664794711	or:0.06753873830388417	that:0.06504972812634334	for:0.04685738216435672	on:0.04682811121567531	:0.01
the:0.34170127421390223	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093987	to:0.07847171568184984	in:0.05339647102682973	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
of:0.25520091142263673	the:0.223980654582299	in:0.12290218843290164	and:0.10951572268923492	to:0.08659732992672425	on:0.05840747978936353	for:0.04901421212660203	a:0.04223564856153197	<s>:0.04214585246870584	:0.01
and:0.30659723178541215	committee:0.12704055035506606	feet:0.11678583273712739	Committee:0.08924999249147864	due:0.08450448791519062	going:0.07067923249763669	was:0.07054408007980903	went:0.06816346100426333	that:0.05643513113401617	:0.01
or:0.18222770880499084	no:0.17396092320768664	much:0.16463650989056702	the:0.1076530541145409	and:0.10654845233656154	of:0.07398417822501477	far:0.06492539849894471	any:0.060252426516142	for:0.05581134840555167	:0.01
few:0.2760168087817097	two:0.19976297864405285	three:0.14181962038300877	six:0.10032663914803434	several:0.0739548169698659	four:0.05695947732927324	eight:0.05170039586163699	five:0.04641691758158268	one:0.04304234530083553	:0.01
is:0.19604957096596543	of:0.12914245737792168	such:0.1250733110624584	as:0.12004674714449445	in:0.09873145760652564	with:0.09141021411683374	was:0.07735803306744894	be:0.07634518394643135	to:0.07584302471192039	:0.01
of:0.2524633287262412	the:0.18262941606068694	a:0.12864711830341144	and:0.10010072521411009	to:0.08622327628411296	is:0.06940695883917697	with:0.06729537811834745	by:0.057535604509203836	for:0.04569819394470911	:0.01
his:0.34296999256671074	her:0.17329050505310473	my:0.12283094628432997	the:0.11875265654578253	their:0.08133946329345473	a:0.054176791475548	your:0.04432201471042422	and:0.02781003773391224	our:0.02450759233673285	:0.01
and:0.4158091583074254	or:0.12251412089637823	that:0.10947573983584269	is:0.07826092910978442	but:0.06428851955459149	was:0.05251232249595755	on:0.05003420418055713	it:0.04973773022720315	be:0.04736727539225992	:0.01
of:0.32540166443299984	and:0.11664741194697832	to:0.1051615924879514	for:0.10326689193325521	in:0.09756759848123528	that:0.07057571738351548	with:0.06527461906207335	by:0.057951570238348335	from:0.04815293403364275	:0.01
and:0.27885348738155247	to:0.14354515244235433	of:0.13461447217554892	the:0.12220030186827205	that:0.07785718684489257	in:0.06784839561234364	which:0.05828167705261113	not:0.05732114148116862	con-:0.04947818514125636	:0.01
the:0.3766942977990183	of:0.18770582931295435	and:0.14201726066556206	to:0.07699234186384549	in:0.06703030166496117	or:0.039518566905175044	a:0.03905462629178527	for:0.03127690425283263	tho:0.02970987124386552	:0.01
to:0.6802226282353967	and:0.08951039069856101	not:0.04799549331061782	I:0.0446185433454562	would:0.037851210551096214	will:0.03267868295944394	should:0.025614138551400236	who:0.01955804662066232	you:0.011950865727365485	:0.01
the:0.6337331662659316	and:0.100385275269275	of:0.04502915812563193	in:0.0446265384225453	The:0.04052682497589725	tho:0.03890434100479111	a:0.0367021526749023	to:0.027326210880625385	on:0.022766332380400437	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
of:0.2259884777378865	in:0.1279502676123141	as:0.10803511903377902	with:0.10289676309994414	to:0.10092096777749439	is:0.0958816162923596	and:0.08543175696245596	was:0.07364376919960383	for:0.06925126228416238	:0.01
the:0.8303788864205914	tho:0.04000698127304868	The:0.036690915971140554	their:0.020055385903320806	a:0.017169442072097307	tbe:0.014284147067889805	and:0.013245772058672825	great:0.00952822869888994	his:0.008640240534348665	:0.01
with-:0.3576129679711993	and:0.13267940693472854	with¬:0.11451310788620381	sent:0.08010058554602631	it:0.07285198521077864	went:0.07154533041769673	go:0.05574666501089949	the:0.05359584715113055	came:0.05135410387133665	:0.01
to:0.2620983149693371	and:0.19664402247129265	the:0.18720703494025467	of:0.14061051340842873	in:0.0675925481954826	a:0.03867755248806961	<s>:0.03389464108121401	not:0.032510411574388075	that:0.03076496087153255	:0.01
no:0.2700864321942544	the:0.19853772381282653	by:0.1603916929031972	good:0.07579616736855131	of:0.0695499676170775	a:0.06819951635660661	any:0.056873914032591164	and:0.048646804576324934	The:0.04191778113857037	:0.01
the:0.4657786571971581	and:0.13745651550593835	is:0.07886149565356139	was:0.05976716606246636	are:0.05970505144534433	The:0.05645577974064633	to:0.04504494892474818	have:0.043608723001958304	be:0.04332166246817865	:0.01
he:0.1978297272321222	it:0.18579055607090056	It:0.15551100604687743	He:0.08998373676057111	which:0.08846941662893924	I:0.08422678412335817	and:0.07214075881058789	she:0.05952525191307504	there:0.056522762413568434	:0.01
the:0.5186750911086561	of:0.21592129822033745	on:0.12290680344397137	and:0.03793710744636684	The:0.03107300942776793	tho:0.024044532262930525	in:0.020364615912967454	this:0.009955326666611981	with:0.009122215510390245	:0.01
foreclosed:0.2135442648197597	accompanied:0.15326393402647306	made:0.13791131994204262	and:0.13215418511823612	followed:0.12340081914410175	surrounded:0.06977781461101068	up:0.05787632017490193	caused:0.051337079258656944	secured:0.050734262904817244	:0.01
the:0.2779471363291787	of:0.2286666249690911	in:0.15927137537344216	and:0.07464725533714446	to:0.07197828043484295	a:0.06253410075031474	that:0.04112245964342715	for:0.04035518561120252	as:0.03347758155135631	:0.01
of:0.21255130711330786	the:0.18855796455318957	or:0.11689123276910113	such:0.10938261385700289	for:0.100055101770789	any:0.08654451987594247	some:0.06741622652433983	all:0.055445696792074374	these:0.05315533674425288	:0.01
to:0.536291319556578	and:0.1169474351399203	will:0.08177651958107876	shall:0.0698944608390312	not:0.04184734566551876	the:0.039331664562331684	can:0.03865230422195634	should:0.03289158952296645	may:0.03236736091061849	:0.01
was:0.2350855781310248	been:0.19912235429192793	be:0.1212916875802245	is:0.10243906696824169	are:0.0952548935779332	were:0.09292155425342358	and:0.05949458225440605	busily:0.04652514018697807	those:0.03786514275584006	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
and:0.25037799561132223	to:0.19051743664518078	of:0.12818071300755096	the:0.11341275889843262	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.05790590474591629	for:0.056443486992488516	:0.01
No.:0.18752904774131685	about:0.18264202303846552	at:0.13608624909472095	east:0.09880551299081057	of:0.09260548923020713	north:0.08717324728995102	west:0.07462749328330597	No:0.06741939641523835	deg.:0.06311154091598355	:0.01
the:0.7978121961833589	The:0.08229996847932562	tho:0.03097158674400089	at:0.023211502304614665	his:0.017780625960565902	tbe:0.012779274265227857	its:0.009221959717933104	their:0.008127634850312695	for:0.007795251494660285	:0.01
the:0.4345939693535278	a:0.2077079989722597	of:0.07396431049342275	The:0.051077543510895565	this:0.048472638357882854	our:0.04649647578194854	and:0.04530743437075537	his:0.04511842784233948	their:0.03726120131696802	:0.01
and:0.21148373426422987	the:0.2028371192112287	of:0.11347218795975528	to:0.10113765799027088	be:0.09302877310258988	in:0.08551388723821418	or:0.06652750414825546	for:0.06137776533655032	he:0.054621370748905385	:0.01
of:0.2739087120858916	and:0.16866229219264026	the:0.11173622058317947	to:0.11102887071976103	a:0.1013123650769252	was:0.06584682784265605	in:0.05726373843350153	be:0.05109859598151839	for:0.04914237708392651	:0.01
the:0.5304068068869359	in:0.11555787788812326	of:0.09092926419905485	to:0.0582940581091528	at:0.05191980958803875	said:0.04244628640471412	tho:0.03644891920388078	and:0.03380827754679393	for:0.030188700173305445	:0.01
time:0.1964312084193679	and:0.14603529673092736	recorded:0.13591628588238008	be:0.12097485233413172	was:0.11220532425223972	is:0.08736667742281722	that:0.06766633385710646	as:0.06508529870262016	them:0.05831872239840942	:0.01
and:0.3140862229193291	fact:0.12771419656454785	is:0.12284592565721214	say:0.08591225849363	of:0.07680104608224382	know:0.0712493252943491	believe:0.06795507906096825	but:0.06542898062789378	so:0.05800696529982579	:0.01
of:0.2879095906736429	by:0.15147283143704132	to:0.13226073003663072	that:0.12854693906523482	and:0.12636804441264757	with:0.05074601143565901	<s>:0.04360499343411608	which:0.0371634933117646	as:0.03192736619326301	:0.01
the:0.3913322807809087	a:0.3089425211534402	of:0.08511801066076725	to:0.08213279583568606	our:0.03136837218843586	in:0.02933465728086044	The:0.021786759504598387	and:0.020663201960226116	tho:0.019321400635076657	:0.01
as:0.23894827511107636	up:0.168629374089927	and:0.09543192386177467	it:0.09167269704709174	back:0.08855700708348621	came:0.08620545859560019	down:0.07791410213251228	come:0.07311562720082962	him:0.06952553487770179	:0.01
the:0.4365117724906617	a:0.2849046959400741	this:0.10393312998632037	tho:0.03493805425792531	The:0.02955490250744988	to:0.02771983396303853	and:0.025964380604612626	every:0.02491832336238153	of:0.021554906887535953	:0.01
him:0.22511585349940633	;:0.13425530321808518	man:0.1157463537230125	him,:0.09507188899750849	up:0.09324255187190895	and:0.09098934403345371	himself:0.08354952396536709	in:0.08043645717718255	man,:0.07159272351407525	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
to:0.2620983149693371	and:0.19664402247129265	the:0.18720703494025467	of:0.14061051340842873	in:0.0675925481954826	a:0.03867755248806961	<s>:0.03389464108121401	not:0.032510411574388075	that:0.03076496087153255	:0.01
of:0.2838821650586859	to:0.16505190372415474	in:0.12431079839145845	and:0.08558620001497108	at:0.08529163328251604	for:0.08248414103056484	all:0.060057992526062254	with:0.05692896697050334	that:0.046406199001083184	:0.01
and:0.36951388800114143	well:0.180811359886933	the:0.1271826057690488	.:0.07044273957554888	to:0.06793724641165673	of:0.04794802284338924	;:0.0440330372198732	<s>:0.04163162681888745	1:0.04049947347352119	:0.01
in:0.16419033081102355	up:0.13599779621943545	it:0.11732611193944788	it,:0.1014111055691095	them:0.10004001931525008	him:0.09847660789182433	made:0.09712750263710768	;:0.09099136613031947	out:0.08443915948648203	:0.01
as:0.4740502871347896	fees,:0.12222309735483836	and:0.09376662177336263	is:0.0932858488066509	be:0.059667386186007455	was:0.05661464233136797	not:0.036678926942096915	so:0.03009967054225699	fees:0.023613518928629163	:0.01
of:0.3221740783169626	in:0.1487226440669363	to:0.12406545676947277	that:0.07795061296081324	for:0.07357560063536284	with:0.07233585753169479	at:0.0629483831656008	and:0.060667397680374484	by:0.0475599688727822	:0.01
at:0.22606604972269345	of:0.20393953051698147	in:0.16750080429008357	to:0.0917821286021026	on:0.07338281661280804	for:0.07328046460725854	and:0.0653471204622718	that:0.04550393544793668	from:0.04319714973786389	:0.01
the:0.3686918654266191	of:0.17301726418821664	and:0.16637331596572238	The:0.053114387557984304	suc-:0.052485215561930185	a:0.051663997952396463	two:0.04924062293712649	in:0.03862831396176068	tho:0.036785016448243855	:0.01
it:0.35505309117815476	It:0.22568515482115037	which:0.09186997500389063	he:0.07427712557156561	and:0.06860291172058657	that:0.06252393229388647	there:0.04564675615568341	who:0.03881624702318382	This:0.027524806231898343	:0.01
the:0.32533631125785634	of:0.2592988991603747	and:0.11704905458808958	to:0.08016771178091942	a:0.06687919304521714	his:0.040516417728533656	in:0.03814834940695741	at:0.03195657688838135	for:0.03064748614367055	:0.01
be:0.2596226205113271	was:0.15434010767792183	is:0.1300624894347621	been:0.10469561873917828	are:0.09265781226305188	and:0.08356035729714047	were:0.06538214111481985	the:0.05693484342066538	of:0.04274400954113302	:0.01
of:0.2929550783344283	to:0.14882019365645538	and:0.10805486944307569	for:0.10438946156230093	that:0.10318075311877793	in:0.07533936082544347	with:0.06577728446989585	by:0.052810497627006	all:0.0386725009626164	:0.01
the:0.26831189849374637	and:0.24218307311729526	of:0.1314118642184463	a:0.10590633968145058	to:0.08634605337936775	in:0.05756702713155422	is:0.033399376798453305	that:0.032513019697613894	for:0.0323613474820724	:0.01
they:0.2824361200782992	we:0.14871868872638427	who:0.10303403011088445	They:0.08362215678593315	We:0.08226740771845664	there:0.07727015519457224	which:0.07506570813896146	There:0.07043491644608563	you:0.06715081680042287	:0.01
and:0.23026394766114644	the:0.22502949873451866	of:0.1844554822310278	to:0.11126576918098159	in:0.06742454258269552	a:0.06369251105274935	or:0.0520598460704858	for:0.028002626068899337	was:0.027805776417495327	:0.01
five:0.21909628820030852	ten:0.2186341451762125	two:0.11819692794459513	of:0.11582100443268999	three:0.09025878640162587	hundred:0.061505290991135116	four:0.05909791239755808	fifteen:0.05725277998253555	fifty:0.05013686447333915	:0.01
the:0.37724416368543945	a:0.25367080332187797	and:0.0935052029604852	an:0.08765451933243623	of:0.050385754159315385	The:0.04021382413155025	to:0.03400729561523259	that:0.028147692326619466	this:0.02517074446704355	:0.01
was:0.2355348555940092	is:0.1925741874227677	be:0.11479810828656922	been:0.10023027641843228	are:0.07808588095498431	and:0.0740107982165866	were:0.07019953678881172	have:0.0671059948303371	has:0.057460361487501936	:0.01
of:0.30835495407486396	the:0.18755711241169212	and:0.18067255532502174	in:0.09082971421610396	to:0.06830131606103122	on:0.04604872432292409	by:0.03777974375063843	for:0.03700830234480729	with:0.03344757749291729	:0.01
the:0.3132138250068827	of:0.16618287453186156	and:0.13196983491846973	a:0.12032244067739704	to:0.07864126666208325	in:0.06154381515959698	his:0.045463068481703874	Mr.:0.03701977623759598	her:0.03564309832440878	:0.01
and:0.3539490102089638	not:0.1314192300174955	or:0.12115181060307115	that:0.0889337980654019	was:0.07934807141030877	is:0.06339120778823892	be:0.05762569974616765	but:0.04811974545681011	had:0.046061426703542324	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
in:0.37782696055212767	;:0.10050235910876813	up:0.08899839657869923	from:0.07676498916508699	them,:0.07438647247016913	thereof,:0.07121527800757292	In:0.0678860797225122	him,:0.06663710614671443	benefit,:0.06578235824834906	:0.01
the:0.4790752370490045	a:0.23003693550785015	and:0.14901717051652857	The:0.04041953164250197	tho:0.022009401421866127	or:0.021049150861464742	to:0.01817050452079338	of:0.016820105534382	great:0.013401962945608576	:0.01
the:0.3053196426241477	of:0.16635847080749347	and:0.15422940555446657	are:0.09148297292901536	is:0.08999081000103581	was:0.04719917836755868	in:0.04708411858956034	by:0.044759634090641674	more:0.0435757670360804	:0.01
of:0.3141271630165652	on:0.15094181369775617	to:0.11029193621475236	and:0.10976850999528226	in:0.1070870565489167	that:0.06875967531070483	from:0.05362833552214917	for:0.04057400691302665	all:0.034821502780846524	:0.01
the:0.357049484551998	and:0.19569839124732868	of:0.17066785543405627	The:0.11172442877965486	that:0.042779005993718346	these:0.03153273173181317	a:0.028047350814569477	or:0.027399312475863045	to:0.02510143897099813	:0.01
of:0.19129775724669368	from:0.1453124561200917	<s>:0.11122146644971463	are:0.10401040522437113	and:0.10255068440224302	land:0.09433412440275786	in:0.09070215806508325	the:0.08050744380592677	is:0.07006350428311785	:0.01
and:0.19563704984544114	would:0.14720065642582064	looked:0.12010668412297601	looks:0.1084201722336976	was:0.09583136534572757	not:0.0858553515043838	something:0.08340620733929721	is:0.07856492740080612	much:0.07497758578184978	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
his:0.28379497795830966	the:0.2732943209394246	her:0.1260458178175923	my:0.10398186785435024	His:0.06292274342274404	The:0.05308319966537948	that:0.03489393752665179	a:0.02801444611851095	and:0.023968688697036902	:0.01
the:0.3009343919348128	of:0.21842462618987793	and:0.10824950228244595	to:0.08921475871317744	be:0.07708916738375318	a:0.06581305511235548	their:0.0473386215330636	his:0.04191368284079976	for:0.041022194009713915	:0.01
and:0.18363282820901694	the:0.12124915320812743	to:0.11727909452132212	will:0.1049323296525499	which:0.10304301242018113	said:0.1025573064937933	of:0.10121423398487817	that:0.07967799157623706	may:0.07641404993389388	:0.01
sum:0.18676829411122214	number:0.1566486321513545	line:0.11140081741272478	city:0.10844765106291132	out:0.10739005474369737	day:0.09286734076326106	county:0.08286139477536687	amount:0.07384405151900511	Board:0.06977176346045691	:0.01
carry:0.2531501453566948	through-:0.22987000183719136	with-:0.14502040137148212	carrying:0.08293987265271315	pointed:0.06672683102072542	and:0.05936970305473142	sent:0.05515216574947199	brought:0.049249105518804445	carried:0.04852177343818517	:0.01
is:0.1611986359037632	of:0.16107417100592183	with:0.157513493119196	was:0.12446953121392977	to:0.09623101280331826	in:0.08712320722684026	for:0.07738751075248623	and:0.06606701001796127	by:0.0589354279565831	:0.01
of:0.25823735451086327	the:0.13793974357911257	and:0.1261945327872129	in:0.10903247852169386	a:0.1086515516966373	to:0.09238292652407408	-:0.07710713226639392	for:0.04331262260445606	by:0.037141657509556086	:0.01
and:0.30937248239004295	that:0.1492617720776809	as:0.12706581059587677	which:0.07533535813185006	the:0.07458527956854871	of:0.06797592753701467	but:0.06524530027187	<s>:0.06371476663143535	when:0.05744330279568062	:0.01
of:0.30263722426622586	in:0.19523343718925013	to:0.15106677396787002	and:0.07248858022316827	on:0.07111285752188146	that:0.058677547308578076	for:0.052122321619239145	by:0.04354458276471125	In:0.04311667513907572	:0.01
of:0.20482777277060715	the:0.19157469019980297	and:0.1572133167841724	to:0.1549827058826635	a:0.0793226408414419	be:0.06258366802827799	was:0.05125038664443885	or:0.0473362165644865	is:0.04090860228410865	:0.01
the:0.5866180989641898	and:0.18152312125731854	The:0.049106845153953214	tho:0.04530403656189415	of:0.029861962689464065	or:0.02538317270584219	as:0.024958547705416282	a:0.024048477921043455	said:0.023195737040878333	:0.01
to:0.2693604826883398	a:0.1827091017239264	the:0.16333464074655907	great:0.08757972297701769	of:0.0687589584753132	in:0.06595249542576563	large:0.05771893090981783	and:0.05506986418094314	full:0.03951580287231711	:0.01
a:0.4909266517492949	the:0.3452598332052536	this:0.044145503196020806	that:0.02246938089274176	long:0.020492346644275194	any:0.01978411242694727	tho:0.01760400082164172	same:0.01584501902121498	The:0.013473152042609701	:0.01
the:0.5076194540856226	and:0.11333271599729731	of:0.09924667995766272	a:0.09196649964578012	The:0.050528384152665175	tho:0.03879562589039692	in:0.03394848624286275	or:0.030709853248766846	for:0.023852300778945512	:0.01
was:0.1842366648962214	be:0.16095617723834324	is:0.15767427443190182	not:0.12493453589060825	are:0.08255439353387731	and:0.07859964577594575	been:0.07462157757003753	the:0.07105372604951138	were:0.055369004613553	:0.01
the:0.3119889682662672	an:0.12164577467455351	be:0.10570754945416716	in:0.09545619385223392	his:0.08833668391397556	and:0.08644115946573343	a:0.06429698724827669	so:0.0637443089434687	their:0.05238237418132378	:0.01
spite:0.14875076345484542	out:0.14582096981607984	and:0.13969007688794002	that:0.10391708813818726	value:0.10208382150396515	part:0.09633133876814111	one:0.08915362516772864	sum:0.08654755829201863	amount:0.07770475797109393	:0.01
one:0.272561840834379	some:0.17567181277195737	many:0.10063293298888824	all:0.09012185611021117	out:0.08848657377219273	part:0.08783075355359865	any:0.06250830842543066	most:0.057680932036757344	portion:0.0545049895065848	:0.01
last:0.2169249550981018	the:0.16731805390332982	this:0.14091367695231866	Last:0.12588183242325343	a:0.09745888878972121	next:0.08767435060062999	one:0.05863658961851867	fiscal:0.050541547984080226	that:0.04465010463004619	:0.01
the:0.3758665714607134	capital:0.31147294631587447	and:0.08040952631341412	a:0.05174211946761506	of:0.04382630040357618	live:0.03645729725806847	The:0.03335214401134112	common:0.030426732618109364	large:0.02644636215128767	:0.01
in:0.37782696055212767	;:0.10050235910876813	up:0.08899839657869923	from:0.07676498916508699	them,:0.07438647247016913	thereof,:0.07121527800757292	In:0.0678860797225122	him,:0.06663710614671443	benefit,:0.06578235824834906	:0.01
and:0.2249539772609943	to:0.1911629719083746	of:0.13046791707548627	the:0.11989732600975414	-:0.07708223813193583	.:0.06542185783182526	I:0.06472158512319183	a:0.06091320826928237	was:0.05537891838915544	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.04553578393787439	of:0.03051332981678091	tbe:0.02261446403444868	in:0.021612439669724332	or:0.020196218295911488	:0.01
the:0.2738969495084008	and:0.2731788525102484	a:0.1158568283904243	of:0.10046114931148485	to:0.059198003892080145	be:0.05306145691734131	Mr.:0.03901104025097203	have:0.03790479020709783	was:0.037430929011950304	:0.01
the:0.20218767566882256	and:0.19010975677247008	of:0.15445750922872517	a:0.1124982016330439	to:0.08938069938656719	at:0.08296089606882534	.:0.06097176323615197	in:0.057335571196587644	was:0.040097926808805924	:0.01
and:0.22980873340449642	the:0.20014555321920863	to:0.11509335046286724	of:0.10320204081403923	a:0.07282770408580691	or:0.07077397981313031	be:0.06771830557229139	was:0.06698191984524499	is:0.06344841278291469	:0.01
number:0.2067402650261902	out:0.12902234368728466	one:0.11012817108755835	line:0.10824608911797741	part:0.10227889072950495	day:0.09120987718327621	side:0.08423897941082648	state:0.08391121295590434	way:0.07422417080147756	:0.01
a:0.19046199324022342	the:0.18539622399840597	and:0.16027940426072815	of:0.11329520313880437	was:0.08937277446825297	is:0.07482436136714157	to:0.06510867428449091	be:0.05956651248936815	in:0.05169485275258443	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
and:0.25094264564336316	I:0.19507273776370831	he:0.18233993570892154	they:0.08092641995539077	who:0.07798131292671957	she:0.06394299526586417	we:0.04801440713003143	He:0.045687265362584564	it:0.045092280243416744	:0.01
a:0.29758910663305543	the:0.27423539380877837	any:0.11748842211131855	that:0.08968490661350283	this:0.05472192640486378	every:0.0465843682137706	greater:0.044608758332540806	latter:0.034305529520777776	no:0.03078158836139183	:0.01
and:0.27139497689234016	the:0.21373543215715793	of:0.14405489659616158	in:0.11211729400784604	to:0.06805873770499857	was:0.06533371409314595	is:0.044155109570368875	are:0.039882904771017344	that:0.03126693420696361	:0.01
a:0.17880081915343315	the:0.16212342522123077	and:0.14921345703403505	no:0.14632463759921158	to:0.10093215657659223	any:0.06914456453905055	for:0.06403080124931203	it:0.06267156998772622	is:0.05675856863940836	:0.01
and:0.3583575614820952	that:0.18896856358629566	as:0.16351816304862798	even:0.07063759194315954	but:0.05724154574581541	him:0.045365751586775964	see:0.04119103413307009	or:0.034091501218351444	asked:0.030628287255808562	:0.01
the:0.4292305123017416	a:0.13643063311287196	his:0.09969011411358161	their:0.07673863150001713	of:0.07269289626096523	and:0.04996633091090987	The:0.04646950002009397	its:0.04053364186984172	in:0.03824773990997691	:0.01
of:0.40496432470521354	to:0.1106050394265517	in:0.09646060222650726	by:0.08193389683221994	and:0.0759182859592309	for:0.0685794106501144	that:0.0627809785842213	with:0.04702791679610855	from:0.04172954481983244	:0.01
it:0.3074136572758263	It:0.2971009962519729	there:0.10949183880412504	There:0.06839837551585735	which:0.06607451739572662	that:0.039049544503021914	he:0.03843475919782154	This:0.035405528496023846	and:0.028630782559624448	:0.01
of:0.23852788508159006	the:0.16802364293714536	and:0.12948864632017903	to:0.1275690955641225	in:0.08455289842744297	a:0.07072259306338713	be:0.06299644397177792	for:0.060946834134431874	is:0.04717196049992301	:0.01
and:0.2527665438324861	to:0.16331732891905065	of:0.13919363059599124	<s>:0.09300377387100947	the:0.07827709571278046	is:0.07503184876419434	by:0.06825491440232588	was:0.06792846133883577	at:0.052226402563326044	:0.01
of:0.303372016523161	in:0.17415997842598993	to:0.11127151508716443	and:0.08140738781428625	with:0.07981818775496398	for:0.07371150963101959	as:0.0582437967282237	by:0.05494238552236087	that:0.05307322251283032	:0.01
of:0.22929857946040624	to:0.20099238953326581	in:0.1284136713114427	and:0.09753694617651087	for:0.09504475695569377	at:0.07579221683739076	with:0.059713385319057566	In:0.05963413225684362	from:0.043573922149388614	:0.01
difference:0.4370944270257506	and:0.08632080141843143	lying:0.08509573921437405	line:0.07615388939684904	out:0.07217624814899859	it:0.06657261635775392	relations:0.06020009481124038	up:0.056645815970365575	made:0.04974036765623634	:0.01
it:0.2629839592968598	that:0.22409505580545935	It:0.13978079302043686	and:0.12964888135968883	which:0.08436079418522562	he:0.06071545172070939	be:0.031612688197139034	There:0.029889326721756714	fact:0.026913049692724404	:0.01
and:0.3024842444279261	was:0.14789652250066207	is:0.09596900870974386	be:0.09291209349185649	are:0.07962562552501436	that:0.07617621460107377	it:0.06766289852403745	been:0.06429887727346362	made:0.0629745149462221	:0.01
it:0.28930183687545974	It:0.17266460076337395	he:0.1207151770782407	there:0.1182646846978756	that:0.06604295340439116	they:0.06402802400586102	I:0.0574574106676662	and:0.056584466645814936	which:0.04494084586131666	:0.01
the:0.3585524837472751	and:0.14085135925515185	a:0.13358430461048806	of:0.09825395233044767	is:0.05505736379616085	was:0.054073294856273955	in:0.051196982452449455	attorney:0.05071014075832637	brigadier:0.047720118193426586	:0.01
of:0.4061718721844182	to:0.12549127481807343	that:0.11646835314454525	by:0.09842653733529987	and:0.0980731300960812	with:0.04982855422007515	for:0.03312161317314034	as:0.03243387979934148	all:0.02998478522902497	:0.01
of:0.4565246946494219	for:0.11149055051308815	and:0.09188456198038088	in:0.08339808188491019	to:0.057295396564273036	with:0.05272087523266291	on:0.05008785743924075	that:0.04449456651972031	by:0.04210341521630196	:0.01
sum:0.18676829411122214	number:0.1566486321513545	line:0.11140081741272478	city:0.10844765106291132	out:0.10739005474369737	day:0.09286734076326106	county:0.08286139477536687	amount:0.07384405151900511	Board:0.06977176346045691	:0.01
years:0.5074541302442366	months:0.10536875887496322	weeks:0.09182469396117628	days:0.07496789778115331	long:0.07291645134932556	year:0.0562359808304419	time:0.04388022834911218	Years:0.020164322739120676	week:0.017187535870470127	:0.01
and:0.29052563843363216	fact:0.1718349679940122	said:0.11307705641045758	so:0.10296766644522751	believe:0.07467485194323314	is:0.06547998110151379	say:0.06072622423233118	know:0.059576482780927004	found:0.051137130658665285	:0.01
by:0.2702625932256856	no:0.16521706595179877	and:0.16000539738142444	the:0.10885528651844698	a:0.06403481279701541	of:0.058156016864610506	which:0.0560266772936451	This:0.05497241265625871	this:0.05246973731111442	:0.01
a:0.34598725464759816	the:0.3283501778455404	of:0.09846787096716496	with:0.0548625526729733	this:0.041521199089276914	and:0.035077604809546886	in:0.032406961593652236	A:0.02759301902458879	so:0.025733359349658282	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
be:0.2815856699304166	as:0.179700980620305	was:0.13754175799876672	been:0.11225603604947383	is:0.0994627151012312	and:0.07804624352871534	are:0.04098354255837545	were:0.03368779029308702	not:0.026735263919628875	:0.01
of:0.3164943333758348	to:0.14064947480557088	and:0.11182421724436999	for:0.10690283180709177	in:0.08298624627859262	with:0.06849062511290122	that:0.06183376995291639	by:0.05323391437174944	is:0.047584587050972856	:0.01
and:0.37512663960037496	demand:0.15348244058877653	ready:0.09374438057202746	used:0.07662408095899871	vote:0.05977712297699163	as:0.059356723704194224	him:0.05737907552230939	candidate:0.057311849576235085	not:0.05719768650009214	:0.01
in:0.21318660546642726	for:0.18278527504286687	of:0.1746559009532644	within:0.09270317324720144	and:0.08112620763954174	only:0.07401156421911753	In:0.06727676343538885	with:0.05638982722093511	is:0.047864682775256746	:0.01
a:0.6499432116454301	the:0.10871510264685759	of:0.06627533235701245	with:0.04980268109339471	A:0.036892317160488367	so:0.02519284165842402	this:0.02216478467050196	that:0.016752931379360562	and:0.01426079738853033	:0.01
as:0.188283813505136	according:0.14144678228402477	up:0.13904323060160725	and:0.1096650113200393	went:0.09104380703179268	back:0.08789812106037491	regard:0.08348580619122747	feet:0.07747526592666086	down:0.07165816207913696	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
the:0.30088969448195496	of:0.21944092266099952	and:0.13396918761579932	to:0.0780083464333698	a:0.06107820433258754	be:0.05879284736371369	in:0.04812400463990863	for:0.04529085008514499	was:0.04440594238652154	:0.01
of:0.31662382482780055	the:0.1882228432280848	in:0.11578788137479394	and:0.09407676728996123	that:0.0748891728352496	to:0.06204412499286629	The:0.052928240553401264	for:0.045864762222283736	Mr.:0.039562382675558685	:0.01
the:0.7116100946600263	in-:0.08685286124806267	The:0.0522494074866232	tho:0.0386131157998009	in¬:0.028801689500061293	in­:0.02229095565574599	a:0.01947275992216231	In-:0.015184676465394904	ex-:0.014924439262122337	:0.01
to:0.4173151003847825	will:0.2547242342498103	would:0.10952027194202493	shall:0.05686428136118699	may:0.040511378110057276	must:0.0373110877215711	should:0.03660378912252466	and:0.01972409023838229	not:0.017425766869659964	:0.01
is:0.24414522809560332	well:0.20312681843225824	be:0.1395493322425759	was:0.08593936342546314	not:0.07910460228104878	been:0.06807726227693138	are:0.0616780709051422	and:0.06120280740099837	have:0.04717651493997866	:0.01
Mr.:0.25972210486668906	and:0.15448053076431276	the:0.1283662413327332	.:0.11073699725176289	said:0.09386207724533638	<s>:0.07667211846696795	of:0.06735819456557605	at:0.058727995461475925	to:0.04007374004514587	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
land:0.15304949460422743	in:0.12111478034222774	State:0.1188164990726544	men:0.1066041867168648	good:0.1054325796832424	state:0.1045425859180446	power:0.09940588065217322	relatives:0.090976797436171	up:0.0900571955743944	:0.01
the:0.1949205895467081	of:0.17951619195767718	<:0.12158403736133647	.:0.1041743950980085	and:0.09054766492829876	-:0.08332747542693357	i:0.07585175386324074	in:0.0729554896248367	a:0.06712240219295998	:0.01
the:0.1525453172886093	Miss:0.1518153502395977	.:0.13092525812344133	of:0.12921674183447757	Mrs.:0.11019795476557644	Mr.:0.10051935223258629	and:0.08833088280152862	J.:0.06670013274741414	W.:0.059749009966768456	:0.01
is:0.28994808653762494	was:0.232062133545672	are:0.18119215087571816	were:0.07096135166674271	do:0.05246886553046269	am:0.046491472131020124	and:0.0393260642715658	Is:0.038878808624924016	had:0.03867106681626962	:0.01
and:0.25037799561132223	to:0.19051743664518078	of:0.12818071300755096	the:0.11341275889843262	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.05790590474591629	for:0.056443486992488516	:0.01
and:0.21588170817948793	is:0.1380464526789505	as:0.10877198963168332	was:0.09665974862525148	him:0.09582558047414677	order:0.09464522416786302	time:0.08412312753317606	began:0.0785555734846557	able:0.07749059522478519	:0.01
the:0.31875333103658077	of:0.19153223533904778	and:0.1333377565756217	a:0.08569118153695421	to:0.07805362827458313	his:0.04896787193732948	be:0.04728575140178598	my:0.044784222538298106	I:0.04159402135979894	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
is:0.21192121046816267	have:0.16321882068207344	had:0.14961903888459444	was:0.10306798461624583	has:0.0936885159012705	that:0.0902384783629729	and:0.07879112786008677	be:0.05940862590773796	made:0.04004619731685539	:0.01
at:0.3935903344261987	to:0.1663344980319732	of:0.15170678574696486	At:0.07478308716164216	in:0.07084146861909288	from:0.04002386542864681	and:0.031273055949499515	for:0.031089746908411178	that:0.030357157727570815	:0.01
of:0.17108961392246705	as:0.13609430585224977	is:0.1296362319288886	to:0.12285108782570947	for:0.11645824108959837	such:0.09400113687747981	with:0.08815858993514147	and:0.0692941193613995	in:0.062416673207066134	:0.01
the:0.19436901680171492	and:0.1936916332992471	a:0.1528289151437962	to:0.1363310514939909	of:0.12832900531028	be:0.052701123473433135	is:0.045128710796899965	in:0.04495945495816825	or:0.0416610887224695	:0.01
of:0.3012138251615828	in:0.23269281309284665	for:0.08817929869936626	and:0.07230279946695806	In:0.0714794450622698	with:0.06776183624095163	the:0.057211177300570716	to:0.05019931316767161	is:0.04895949180778256	:0.01
the:0.16440861012027536	a:0.16127619032291127	or:0.1412468478434887	and:0.13746000350686677	no:0.10645588971496966	much:0.09170529655471517	of:0.07882929521295744	is:0.06256933261953629	be:0.04604853410427931	:0.01
is:0.23448938274981035	was:0.1240191970936628	of:0.1052452012112998	and:0.10213969365475394	be:0.0994762547155441	as:0.09164530982128834	with:0.0897479410339816	for:0.08368937661289079	to:0.05954764310676832	:0.01
the:0.21858781341275965	and:0.14787589235517212	of:0.11615811686309205	from:0.111777248760148	a:0.10253926757191248	to:0.08360693553216382	be:0.08051194311816404	was:0.06882079131216966	is:0.06012199107441834	:0.01
it:0.21175262889566568	he:0.19014680904145959	It:0.18982028099853918	I:0.10966414085604292	there:0.07299980840495356	He:0.06663726083701502	and:0.05018674089608051	she:0.049644215904146693	which:0.049148114166096796	:0.01
and:0.3024842444279261	was:0.14789652250066207	is:0.09596900870974386	be:0.09291209349185649	are:0.07962562552501436	that:0.07617621460107377	it:0.06766289852403745	been:0.06429887727346362	made:0.0629745149462221	:0.01
it:0.2966184730900446	he:0.20627930897279048	It:0.17127721049246514	and:0.08343957979389993	who:0.054600188205149745	He:0.054231088749391795	that:0.04784992185095356	she:0.03864014143725656	which:0.03706408740804832	:0.01
to:0.34571985292661656	will:0.236498394115841	would:0.13759521963136906	may:0.0673944449425821	shall:0.05905030450265585	should:0.049600716425284866	must:0.041539446238773446	not:0.035405996444578716	can:0.017195624772298385	:0.01
do:0.4632358892152873	did:0.26427765978951273	does:0.10823541961328481	could:0.04883505285665003	would:0.04378830986826581	will:0.031072969200934074	and:0.011093674980324637	is:0.010762860192241269	should:0.008698164283499185	:0.01
that:0.2552027492246131	and:0.2473961613738114	but:0.13951823211335046	as:0.10047275784378419	which:0.0766585693520188	if:0.05195519272673161	when:0.049729138842514876	where:0.03626071909960701	But:0.03280647942356842	:0.01
the:0.1944170387447947	of:0.18106283789481067	for:0.14257023511907493	to:0.1227159886053612	in:0.10130994813828764	and:0.09827312892330022	a:0.0622167792703326	be:0.04824528862086453	that:0.03918875468317343	:0.01
the:0.3795570898709451	a:0.2248141989082806	of:0.15380049885954458	in:0.06865740272400324	and:0.04397374487227578	The:0.042069731997762774	to:0.02773114667826982	on:0.027015950327205357	from:0.022380235761712674	:0.01
of:0.3929741890472496	in:0.1378292999236669	to:0.11921830454320462	at:0.1082278519309316	and:0.056505562963285454	from:0.050739257596199426	by:0.0434886098561731	for:0.041922816024319035	on:0.0390941081149704	:0.01
the:0.32344792120366006	and:0.1357498396866892	a:0.12045919366652863	of:0.11144736938601565	to:0.10819936268192318	so:0.05485077267885555	is:0.05113804921283257	in:0.04560258755074352	be:0.03910490393275158	:0.01
the:0.7437089280887563	The:0.0685312877913165	his:0.04658038881170133	and:0.03206077296587363	tho:0.02792330748211031	a:0.024174128866566152	of:0.017880473754156082	this:0.017025735840024536	that:0.012114976399495318	:0.01
of:0.18076340228610477	as:0.1521368282888796	to:0.1144766352144345	with:0.10500480626743083	is:0.10410908234887026	and:0.10126061091010173	for:0.09168166844527666	in:0.07484525587452616	at:0.06572171036437564	:0.01
and:0.40180925423370906	made:0.10572982649976298	necessary:0.09766421441472355	provide:0.0709677106558723	him:0.06679412563114624	time:0.06399940844444657	but:0.06226152597569863	pay:0.06140975827886298	responsible:0.059364175865777885	:0.01
the:0.21979772021043278	of:0.16695071946204498	to:0.14809720715590155	and:0.13835271658804138	a:0.07816852657528536	.:0.07116758129741786	in:0.06415096987534247	at:0.05701748514684187	was:0.046297073688691674	:0.01
and:0.19905929352333704	of:0.16007842143198175	to:0.11018367351491487	by:0.10811632042034221	that:0.10800053415391882	for:0.10760330853775209	in:0.07145542260908146	with:0.07087000112008383	was:0.054633024688587904	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
sum:0.3539514508613801	rate:0.1724490304690576	one:0.08891524464089452	amount:0.07331814878778509	out:0.070660432981463	number:0.06500378352768374	consisting:0.0600530594267005	instead:0.05336354511059117	period:0.05228530419444426	:0.01
the:0.2781006807555159	Mr.:0.2027926795166578	of:0.13237428459760442	The:0.08660012622279092	and:0.08328248282159867	that:0.07698677073899705	a:0.057701132148487995	Mrs.:0.039502858498326084	.:0.03265898470002127	:0.01
that:0.31477914547653374	and:0.2007516869227008	but:0.10787600368676739	as:0.09014379652450286	when:0.08237908127361927	which:0.08073958256682875	if:0.047673805523884664	where:0.03845583820312527	until:0.027201059822037178	:0.01
was:0.28795566777757614	be:0.1798313871279025	is:0.13610436119979685	and:0.09571055279910118	been:0.08587789636958446	were:0.06353316198452078	as:0.059689272219505575	are:0.04810240003134723	being:0.033195300490665366	:0.01
the:0.2538758585495353	and:0.16573125040311912	of:0.1322054249707381	be:0.11122463475364036	to:0.10941947712111583	a:0.09084119012214988	in:0.04622357018091931	or:0.041318048156020054	is:0.03916054574276228	:0.01
was:0.26391658134438556	and:0.175896051961518	be:0.08906168927327233	is:0.08545090554553753	had:0.08416678338470718	were:0.08053657804708436	are:0.0735553616359519	have:0.07134958012957572	been:0.06606646867796734	:0.01
of:0.2813746091004037	at:0.13639222568305912	to:0.12709615687002415	and:0.12450448759759583	the:0.0993453505843709	a:0.0749912842104608	or:0.06444835975121567	for:0.042765065730946066	about:0.03908246047192362	:0.01
the:0.6480063399958667	a:0.17859622246903795	his:0.046585917659248126	The:0.034138788224700116	tho:0.034037687757915575	tbe:0.012633666193349137	to:0.012479753615235668	of:0.012469813471598513	their:0.011051810613048293	:0.01
<s>:0.5885864903179295	it.:0.08586360909476494	them.:0.06862390668325881	year.:0.050188704527130555	time.:0.04545493312410601	country.:0.04478958516693817	.:0.038202170138999444	day.:0.03774135122294809	work.:0.030549249723924386	:0.01
is:0.23445941269709378	and:0.1422868010934491	him:0.11495175508255036	them:0.09299383120537091	was:0.08805931929744108	not:0.08701644906721304	able:0.0868035546561515	right:0.07978933224507313	necessary:0.06363954465565715	:0.01
John:0.18168394526814913	James:0.14398384853373958	William:0.1370936185764761	Robert:0.11819949703646888	Mr.:0.11225167537874156	Joseph:0.0793957002251252	.:0.07681016317104357	George:0.07655070313621845	Charles:0.06403084867403755	:0.01
the:0.21858781341275965	and:0.14787589235517212	of:0.11615811686309205	from:0.111777248760148	a:0.10253926757191248	to:0.08360693553216382	be:0.08051194311816404	was:0.06882079131216966	is:0.06012199107441834	:0.01
in:0.17387895183430332	was:0.15184996446754342	is:0.1453375648334482	and:0.12767417164215286	are:0.09282370279024971	be:0.09059452307956102	of:0.08190653171807578	to:0.07716093769142235	by:0.048773651943243033	:0.01
the:0.4733533158394222	a:0.3204624778812788	of:0.03897110405077191	in:0.034710468067200524	and:0.029375505112350524	for:0.028335678793844587	to:0.02712099918790572	tho:0.021306748205178784	from:0.016363702862047063	:0.01
it:0.21317888410455543	he:0.18673248127798847	It:0.14093961810063962	which:0.10085580692903923	I:0.09523457785691532	and:0.07990794076262811	who:0.06284443033512091	He:0.05697400216718626	that:0.053332258465926576	:0.01
of:0.37134695095445647	to:0.15147080175553038	that:0.1052798479724718	in:0.08678755123881998	and:0.06990737924797068	by:0.06375572719248992	on:0.05528833896664811	for:0.04561655489153375	from:0.040546847780078825	:0.01
and:0.30049077715083417	made:0.11482286436311905	necessary:0.10365658893741406	care:0.08886574584705424	impossible:0.08257114392851661	it:0.07922658321609921	enough:0.0772572862689165	pay:0.07530469160740183	responsible:0.0678043186806443	:0.01
be:0.20575761142967097	was:0.20305283592256604	were:0.13415036468639918	to:0.09276901026561232	been:0.08419347559147584	is:0.08131857673143743	are:0.07271235289233077	and:0.06985698146089506	not:0.04618879101961236	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
the:0.3095876780584938	of:0.17316931702614413	to:0.12268602141238892	and:0.1208955756433255	a:0.08723231527611129	in:0.053330325220556314	be:0.046693641421454476	is:0.03842252484347463	for:0.0379826010980508	:0.01
the:0.4430397088453298	a:0.12475415131774578	and:0.1207946016071456	his:0.08736434075552058	of:0.059780560503865196	in:0.04283179577345091	their:0.0395199103828092	tho:0.03711758714538978	The:0.03479734366874314	:0.01
up:0.18784817241181564	him:0.13798931775247322	made:0.10264202715188683	men:0.10201710279215712	them:0.09620596658941417	time:0.09421834293644567	right:0.09205460387281904	out:0.09059386969571254	it,:0.08643059679727585	:0.01
did:0.22824854472680425	do:0.21180394996441723	could:0.15124236451287393	does:0.1287460977895312	would:0.09042405334368668	will:0.08337731338679512	is:0.0402433911869674	should:0.029672193087552045	was:0.026242092001372175	:0.01
to:0.7289476602080746	and:0.051739065865841344	not:0.05089969053304894	could:0.04200107954441386	will:0.03011326592199332	can:0.028502583309713912	we:0.02174296451261995	you:0.018044002819745452	they:0.01800968728454857	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
the:0.39186751761003824	of:0.14021543458257082	and:0.13293276723922784	a:0.11212134411455148	to:0.05148367306795893	The:0.04602845774404818	that:0.041185702992366034	his:0.037671023890626966	Mr.:0.0364940787586116	:0.01
the:0.2639506293851738	and:0.19501039686586272	to:0.14601691692877852	of:0.12515324726393026	so:0.07017329332869995	is:0.061556309784988696	be:0.047429934184572566	he:0.04243046255372475	was:0.03827880970426894	:0.01
forenoon:0.177542069486481	one:0.15197902685962286	result:0.12154738781861388	out:0.11462267799732521	all:0.110600438530804	part:0.09375218969813726	some:0.07435440729973954	much:0.07302022176870575	is:0.07258158054057061	:0.01
<s>:0.35055272800643306	it.:0.17245354707536006	him.:0.10316421207097055	them.:0.09768326432086015	.:0.07536591952341841	time.:0.05456616118102408	again.:0.04966682549179577	her.:0.04404752417353958	life.:0.04249981815659834	:0.01
the:0.43624088741759637	a:0.27949922724553916	of:0.058166963773816166	and:0.04658321448035004	for:0.043984279655258446	The:0.040133261978511546	A:0.03154003442251083	some:0.0270868514797781	his:0.026765279546639247	:0.01
of:0.3920789636602388	to:0.1224626521843579	in:0.09507556154409812	that:0.0837542103422964	all:0.0740883726245024	and:0.07013984877795723	by:0.06274457939342132	for:0.051557000989907474	with:0.03809881048322026	:0.01
-:0.22895178740850217	the:0.15810570903202412	and:0.154500653200847	of:0.10049794402993374	an:0.09927591943186385	a:0.08423143438361476	<s>:0.059310965532659465	.:0.056287259010409874	it:0.048838327970145014	:0.01
they:0.19983357727504683	and:0.12859117532189843	there:0.1281413415134402	who:0.11000642161413274	which:0.09779705705316388	we:0.0951329772869301	They:0.08797460803454361	These:0.07229003956576904	that:0.07023280233507537	:0.01
the:0.2384994435405256	and:0.22225393732008125	of:0.12581376564965924	an:0.11516283997567417	to:0.09710821314146079	was:0.059788231276822736	be:0.05202196546450739	with:0.043144722721973054	or:0.03620688090929587	:0.01
the:0.35677575719598337	of:0.13036197153662457	and:0.12253106944843381	that:0.09379746906796589	The:0.07692402567578875	a:0.07516333244108343	Mr.:0.06140331183481955	in:0.03847598291770064	no:0.03456707988160001	:0.01
one:0.2130394399448926	out:0.16983408056098007	part:0.14726877981533334	some:0.10564771493692292	account:0.10473606704876827	any:0.07239176869495877	all:0.06334962810761696	that:0.06091520523433157	tion:0.05281731565619534	:0.01
hundred:0.38841378645436947	up:0.09123185635738856	men:0.08930224671194738	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.07306411117914521	him:0.0668423327581923	;:0.06651424040074755	due:0.06192290086804839	:0.01
number:0.29669272769487465	be:0.12517712203577747	is:0.10183551968665429	purpose:0.08924166105991865	out:0.07617884509313268	board:0.07557987657527786	sum:0.07514471316869263	matter:0.07508239419228413	are:0.07506714049338757	:0.01
the:0.4695155982073005	National:0.14253362522005367	State:0.0962717835041568	a:0.06691439596259798	said:0.06408375382879394	City:0.04558028726628462	this:0.03677061428106032	our:0.034654537106636484	Constitutional:0.03367540462311564	:0.01
and:0.26399737366849746	filled:0.14763675488213376	covered:0.12123792782849124	connected:0.09968806546809098	parallel:0.08532533175645529	accordance:0.06963119264384375	charged:0.06900162982282379	together:0.06795793569939228	connection:0.0655237882302714	:0.01
and:0.36166850459347505	of:0.24319392886031446	the:0.16146466970229917	that:0.06357161097597039	in:0.03890880957913751	per:0.03394081605513318	or:0.0307699103404294	with:0.029911489035779126	for:0.026570260857461864	:0.01
be:0.2535391233401247	was:0.25195170480925727	is:0.13788700943440294	been:0.10468270378054285	were:0.09165856041347395	are:0.0778484600390016	Is:0.027763774966816344	and:0.027571380516636202	being:0.01709728269974409	:0.01
the:0.1846501142674467	a:0.18444789305296885	of:0.15976656344079634	in:0.15630091065967563	and:0.1394147015005696	to:0.06750066222494107	In:0.037221345525573914	an:0.03139874585798706	as:0.029299063470040642	:0.01
three:0.26592878638369055	six:0.17757687724414797	two:0.1415236677341999	few:0.12848141552555845	four:0.09252020381840104	several:0.05953028819685697	five:0.05692556486754852	twelve:0.034206586104898844	many:0.0333066101246977	:0.01
and:0.3004961996698771	that:0.14202414532925914	of:0.11047709620594294	when:0.10757332270424912	do:0.07682242988081354	if:0.06784596822099344	as:0.06762477298015634	but:0.06707589118038242	all:0.05006017382832599	:0.01
the:0.6337331662659316	and:0.100385275269275	of:0.04502915812563193	in:0.0446265384225453	The:0.04052682497589725	tho:0.03890434100479111	a:0.0367021526749023	to:0.027326210880625385	on:0.022766332380400437	:0.01
.:0.19686796506436907	Mr.:0.13900190832957282	Andrew:0.12449310721331042	A.:0.11748800124013431	C.:0.09081505613128053	W.:0.08832689200578908	Mrs.:0.0817891511893509	J.:0.07992544890062062	H.:0.07129246992557216	:0.01
of:0.38183744328438624	the:0.228041712848874	in:0.11912192086230033	for:0.06294584342939548	and:0.04955187985694859	to:0.04791238829910433	a:0.046373599157895726	at:0.028430826132319207	by:0.025784386128775906	:0.01
had:0.19828856196122419	was:0.14780132749699681	could:0.14182412825399798	is:0.10423307030770414	has:0.10247839359525207	have:0.09265149738935001	and:0.0823135094264156	I:0.06305816671601397	can:0.05735134485304519	:0.01
the:0.5569778523078638	a:0.13009862741107897	and:0.1009707644049678	The:0.0550373239724421	of:0.04431313619943588	tho:0.03988537402893129	or:0.021648158527426242	tbe:0.020595499604320132	in:0.02047326354353399	:0.01
and:0.2011568557429247	the:0.18744675197303373	of:0.1731616281387204	to:0.15124138919800478	in:0.08354581679361892	be:0.06455039164324627	was:0.04426719345022117	a:0.04325789550780316	on:0.04137207755242694	:0.01
that:0.42298469206553535	which:0.14718301048178825	and:0.09974483873807848	as:0.07404962512175495	where:0.057960286286816924	if:0.05664975818932674	but:0.05011016041941644	when:0.04390113337201045	what:0.037416495325272525	:0.01
to:0.3060524534810559	not:0.15695263098626533	and:0.1313145365456687	will:0.11395551366496709	a:0.06803394491582704	would:0.06664847099929806	I:0.058347620352984436	the:0.048427394144138144	we:0.040267434909795355	:0.01
in:0.21255372270773376	;:0.15221828370520518	up:0.1342761236536559	it,:0.09136983292627703	dollars:0.08582705629676901	county,:0.08487257082961164	time:0.08178439475356132	him,:0.07374521134987991	and:0.07335280377730624	:0.01
and:0.15051901025693473	is:0.1342102674340775	able:0.1331610344941153	right:0.10640530524787284	have:0.10291429812390782	order:0.09217511230478061	him:0.09108412538713298	ought:0.08982613236475077	enough:0.08970471438642749	:0.01
a:0.4126072757668925	of:0.15939189431473727	the:0.14542247528132704	and:0.08921256006133198	for:0.040458852779094376	in:0.04020985353744457	with:0.03699132717198454	A:0.03574155274454715	by:0.029964208342640675	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
Board:0.6253966349003294	number:0.06661963511792968	State:0.06307621699884952	House:0.04862728634052279	state:0.04464838166627568	line:0.040252542719548964	out:0.03755715057334463	city:0.03467818415556729	Superintendent:0.029143967527632004	:0.01
the:0.35861451900589214	Mr.:0.1291559629555713	of:0.1199072506314825	The:0.10475232618943306	and:0.09673714076044429	that:0.07632406646832235	a:0.04689593712709312	his:0.030747167493934732	Mrs.:0.02686562936782656	:0.01
of:0.4283683871768991	to:0.15261585972463945	in:0.11901514134561463	that:0.06478047643099778	and:0.05623323560834078	by:0.04944990949706894	with:0.04302000240029788	all:0.04091038871475838	from:0.035606599101382974	:0.01
and:0.18784336682063274	as:0.15114329179679575	went:0.11423878004667351	him:0.10666558228731272	them:0.09110223752457794	up:0.08733803455919152	is:0.08689480544253657	go:0.08340199801381315	able:0.08137190350846597	:0.01
the:0.31433658331616504	a:0.2726793739298628	certain:0.14795754754305054	said:0.07649599989414077	con-:0.0537762678984989	this:0.03458398050048545	and:0.030619008393512403	any:0.030439828838478365	or:0.02911140968580576	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
of:0.2739437179719701	and:0.2579732041569671	about:0.12982229857698852	for:0.09111321113747668	than:0.07792198324932563	to:0.05883026712322499	at:0.0441383209121477	or:0.030368630212663048	nearly:0.02588836665923618	:0.01
the:0.2691733533186461	and:0.1671314456628559	of:0.1635261680945928	a:0.1190944578892962	to:0.0974564659178209	in:0.06455607224293188	his:0.041995732250358395	for:0.033902132858518765	or:0.03316417176497907	:0.01
sale:0.6161918246325002	and:0.09223723399842064	therein:0.05431427544592814	was:0.05173885905257803	be:0.04052523743064418	is:0.038004697494649096	as:0.037100801860378965	mortgage:0.030075385952785538	land:0.029811684132114998	:0.01
judgment:0.280970244270068	and:0.1850372387109941	protest:0.12974182390084504	is:0.0743884912367691	Judgment:0.06828390343688173	was:0.06762247368120577	action:0.06390719209689075	made:0.06378447182794504	be:0.056264160838400336	:0.01
his:0.3091822350412032	the:0.2639150092535842	a:0.11565137252515771	their:0.06712801439440345	her:0.06697564793885176	my:0.05060790087405939	whose:0.04588469484554467	to:0.045422918096441764	your:0.025232207030753743	:0.01
and:0.3024842444279261	was:0.14789652250066207	is:0.09596900870974386	be:0.09291209349185649	are:0.07962562552501436	that:0.07617621460107377	it:0.06766289852403745	been:0.06429887727346362	made:0.0629745149462221	:0.01
and:0.2256481276392676	of:0.1889086035370478	to:0.13324270737345087	the:0.12416310709208984	by:0.08947705368339379	was:0.0749420979262955	be:0.053870228167174294	been:0.050371676198914805	Generally:0.04937639838236551	:0.01
of:0.3068919629017158	and:0.20779182836583965	the:0.11881695540159086	to:0.07153806575974855	at:0.07115298827921199	St.:0.06833345840204057	by:0.05320509175566739	from:0.049950082540743616	Mrs.:0.04231956659344168	:0.01
the:0.6062094875153938	The:0.14507913085305515	to:0.0721900785013009	a:0.06032713674352664	and:0.036961087039118254	tho:0.03454481662498011	tbe:0.013405485985015567	of:0.011227218032996505	his:0.0100555587046128	:0.01
to:0.5017187920253361	not:0.11715232221420555	and:0.11691831497155268	will:0.08690376629163314	would:0.06839123300225317	or:0.033281243312947094	should:0.02537688487687086	was:0.020542569786915366	must:0.019714873518286	:0.01
of:0.37317466338001504	and:0.21045537123256008	are:0.10432725675482771	by:0.06125492952951388	to:0.054714906557992944	in:0.05390526516099477	for:0.0523204297573775	from:0.04855583425862493	as:0.03129134336809325	:0.01
the:0.8438120097608094	tho:0.04713951654558137	The:0.025497953037870225	of:0.025353329548744617	tbe:0.01652862446543435	and:0.01070047769520988	by:0.008500262674853364	in:0.007391737091237848	from:0.005076089180258902	:0.01
line:0.13304252341774736	corner:0.13233976444505052	city:0.12886867914136343	place:0.1237053321109784	side:0.12102124135707495	out:0.09891561596995213	half:0.08436203248196548	day:0.08424330582344192	feet:0.08350150525242593	:0.01
the:0.6527331634610064	corporate:0.20122733690006098	tho:0.03881249879634909	The:0.028531133453428163	a:0.02263522899646332	tbe:0.015728509501875355	first:0.012623435606337078	porate:0.009325891112627624	present:0.008382802171851923	:0.01
that:0.31477914547653374	and:0.2007516869227008	but:0.10787600368676739	as:0.09014379652450286	when:0.08237908127361927	which:0.08073958256682875	if:0.047673805523884664	where:0.03845583820312527	until:0.027201059822037178	:0.01
the:0.4533845762390265	a:0.2554453335763508	The:0.08038315102811253	of:0.07158317794519736	and:0.04180214546297515	A:0.024666753594039626	tho:0.021249220532475955	this:0.02076605334396582	with:0.020719588277856145	:0.01
that:0.24135190839283494	and:0.15410451273371661	as:0.1387173710440368	when:0.11993413652724938	which:0.10730907660541533	if:0.07911102343955581	where:0.05899958658715755	but:0.05239510293128908	until:0.038077281738744466	:0.01
to:0.3146960766427984	the:0.23576868589668376	at:0.11963162170842985	of:0.08638316823615028	his:0.06793847029597351	their:0.0576728752957418	and:0.04478382960701077	no:0.03411001834423896	will:0.029015253972972672	:0.01
and:0.15228446575721247	as:0.1296343451220109	right:0.11889519489563677	enough:0.11491453268274744	necessary:0.11172257684429457	order:0.10866018026856804	is:0.09410031659068929	able:0.08961351323871147	made:0.07017487460012915	:0.01
of:0.24647376099176357	and:0.16051610308344264	the:0.1542643161049607	to:0.09744586846091978	a:0.09194421553040646	by:0.0827722650614611	for:0.07981047211802676	with:0.03893734988178942	that:0.03783564876722969	:0.01
and:0.22813005603170378	the:0.15720990438600718	is:0.11521833637416952	an:0.1042086655807317	was:0.09504037588459191	are:0.08564450459716826	be:0.08247759847336691	that:0.06433907207568769	been:0.05773148659657291	:0.01
the:0.29662481191205436	Mr.:0.22132203509490453	of:0.12267388272011162	and:0.11302427472880078	was:0.06388460798131877	The:0.051249909588645004	a:0.045412599345222786	Mrs.:0.03931725387711683	I:0.036490624751825344	:0.01
of:0.4362081295567595	to:0.13960069979081113	in:0.1049226014721925	on:0.0626240963759197	by:0.060145460285544586	and:0.05646906206619489	with:0.04827883721864318	that:0.04318948555453347	for:0.03856162767940105	:0.01
of:0.34663792473630356	in:0.23435289320600072	to:0.0990628003922375	for:0.07862417517360568	with:0.05728296609148346	that:0.05322973986421481	and:0.04828553335367481	In:0.04034480622629828	no:0.03217916095618119	:0.01
to:0.5057068608610376	will:0.1487913426278697	and:0.0962607316605292	would:0.08371087406970142	not:0.07310063348675462	shall:0.024690576615803726	may:0.02114764831835664	they:0.018602610419795954	can:0.017988721940151168	:0.01
the:0.8494710451419547	this:0.054061486790650363	tho:0.02974688197526681	tbe:0.013163277663396778	our:0.012268680581456038	a:0.012168533980575123	The:0.007339824458115967	said:0.0072855461951194635	civilized:0.004494723213464743	:0.01
of:0.5279445518278946	to:0.13958810025127888	in:0.11831510427478471	by:0.05455157276021264	for:0.04488238560909004	from:0.028521907154578162	the:0.026287700730367833	that:0.025199120567634525	and:0.02470955682415854	:0.01
the:0.757198328992325	an:0.0431643225279086	tho:0.039029803237057285	The:0.03667582050462777	of:0.030260632623381734	in:0.029380268025590885	tbe:0.019180589648148585	and:0.018504833453140423	a:0.01660540098781953	:0.01
a:0.39866501093187867	the:0.29484805748877047	and:0.07185017838027152	of:0.05624835185154688	his:0.05237265162556785	their:0.0374856991031028	The:0.03552266262451996	this:0.023530086823713433	our:0.019477301170628472	:0.01
the:0.7298737351707609	a:0.13103817666399162	tho:0.039264455731669534	The:0.03109324616223036	tbe:0.01398969651125185	A:0.013214560674863604	in:0.010982087626257447	of:0.010649864419501255	great:0.009894177039473444	:0.01
the:0.6739721226379739	of:0.06662917881336922	American:0.052807963981777915	our:0.044141696713919217	a:0.04097029083888862	his:0.04020991626736989	tho:0.030767627944601656	other:0.02321492312572986	these:0.01728627967636964	:0.01
and:0.2856169012721303	to:0.18692045385960673	the:0.09775440933890518	of:0.09496705331980802	con-:0.07327995322246088	re-:0.068197515056845	that:0.06699404774274713	or:0.06380515870951274	which:0.0524645074779841	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
it:0.16496286309747366	them:0.15817733813107085	him:0.12196233187904475	made:0.1135408617560357	and:0.09207573872148667	men:0.08765580463047874	work:0.08676180906919842	feet:0.0837176895495895	there:0.08114556316562173	:0.01
one:0.2027432343929177	part:0.1435287214058383	out:0.1366663191385418	and:0.10464404844884788	that:0.10176321213285722	all:0.08991737930202753	front:0.07474897949171841	portion:0.0734942051788879	some:0.06249390050836336	:0.01
the:0.42280740940933725	his:0.19337079482541789	The:0.07790230088836954	my:0.07180082244618152	their:0.06003802751605777	her:0.04883274418681546	no:0.04626619766400302	our:0.03758142664952491	an:0.031400276414292626	:0.01
to:0.5149770475981357	will:0.1346783393002969	not:0.08265277225475992	would:0.07186959262433686	and:0.06726130341175823	you:0.032577373144446926	they:0.03117769070819441	should:0.03073681247251106	must:0.024069068485559734	:0.01
to:0.3533026411359388	and:0.20435769645637913	will:0.08797542170357057	not:0.08761748557193856	would:0.06526107597838439	be:0.058319037433722666	they:0.052657345049604204	shall:0.04258361517728599	the:0.03792568149317583	:0.01
the:0.2639506293851738	and:0.19501039686586272	to:0.14601691692877852	of:0.12515324726393026	so:0.07017329332869995	is:0.061556309784988696	be:0.047429934184572566	he:0.04243046255372475	was:0.03827880970426894	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
purpose:0.17263836238312708	number:0.1228425847443052	instead:0.12052412154531698	means:0.1187011720694733	out:0.10863070488187881	kind:0.09085443234594569	amount:0.08876876656261869	lack:0.08683009047865085	method:0.08020976498868339	:0.01
hundred:0.37259086288195764	Hundred:0.09577921769042368	dull:0.086136419029703	quiet:0.08421163363876455	up:0.07986224047487027	men:0.07450285603635709	north:0.07074947024471992	street:0.06972011849306052	east:0.056447181510143406	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
and:0.20576986051327525	be:0.14724677861411745	to:0.12535070885684524	of:0.12147274158796671	the:0.10006651747810341	in:0.07829719106333621	was:0.07464897261101211	is:0.06959459791180371	re-:0.0675526313635398	:0.01
of:0.35094628075455503	the:0.16824832745541995	his:0.1104769030197497	in:0.08051538633303038	at:0.07323540482088409	with:0.055317819527909214	for:0.054852820825267	her:0.049973531078308604	their:0.04643352618487608	:0.01
to:0.5564594262092896	will:0.181105106358337	would:0.08491278620092917	and:0.05934731640259619	may:0.03270169999987022	shall:0.024361097685627154	should:0.018289771907065558	could:0.0168712207218476	not:0.015951574514437593	:0.01
rea-:0.33442157180427595	per-:0.2864656794554994	the:0.09366546580968849	per¬:0.08724677918600235	per­:0.06102435113035134	les-:0.05646763460581064	and:0.031644622098040476	his:0.020011102056828246	rea¬:0.019052793853503235	:0.01
and:0.25606850237280837	to:0.2335738052318658	in:0.1117217338622232	I:0.10297610406359924	of:0.07128657961369884	re-:0.0668346118735982	the:0.055888440060669675	not:0.04822441188759686	he:0.04342581103393991	:0.01
the:0.2593962586129681	of:0.18811970260647695	and:0.1546264796115472	a:0.12723122339542545	to:0.09528434055907155	in:0.056339459245330396	with:0.042204626906240085	by:0.03366907907962303	for:0.03312882998331711	:0.01
the:0.5612477990160272	County:0.2749279702323389	The:0.034398206561171464	tho:0.033203959258070966	by:0.027525269247782445	tbe:0.016573579025941046	Land:0.014693694561418115	said:0.014493749019215138	of:0.012935773078034677	:0.01
and:0.2682983319507874	recorded:0.10717905104111182	was:0.10263907629409649	made:0.09927630384100071	that:0.09842569549211198	o'clock:0.08895025276229458	up:0.08173084504592748	is:0.07240199994443215	found:0.07109844362823738	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.04553578393787439	of:0.03051332981678091	tbe:0.02261446403444868	in:0.021612439669724332	or:0.020196218295911488	:0.01
to:0.2620983149693371	and:0.19664402247129265	the:0.18720703494025467	of:0.14061051340842873	in:0.0675925481954826	a:0.03867755248806961	<s>:0.03389464108121401	not:0.032510411574388075	that:0.03076496087153255	:0.01
the:0.21093246844756725	and:0.17664553319233467	re-:0.12398711496885431	of:0.1091760336187144	a:0.08458664074732132	.:0.08386517600389154	-:0.07850800713101415	<s>:0.0676747683278245	that:0.05462425756247792	:0.01
the:0.3156120566176114	and:0.18065527291598815	of:0.13282175656982317	in:0.07149998222937444	to:0.0690548353300766	that:0.05972209936444574	was:0.055650715825864866	I:0.053471938431946635	be:0.05151134271486898	:0.01
time:0.551273562923535	and:0.10802162705403817	as:0.09734626873724443	him:0.05062257167726799	is:0.042063129423394095	them:0.04002354887058616	required:0.03837644295804294	subject:0.03164859984702799	order:0.030624248508863087	:0.01
in:0.37782696055212767	;:0.10050235910876813	up:0.08899839657869923	from:0.07676498916508699	them,:0.07438647247016913	thereof,:0.07121527800757292	In:0.0678860797225122	him,:0.06663710614671443	benefit,:0.06578235824834906	:0.01
up:0.15814385675393813	addition:0.13742981650675554	and:0.12458187151217107	came:0.11414416982463267	as:0.11250542114965958	due:0.08882136789922332	according:0.08683615157811307	reference:0.08455786721599692	sent:0.08297947755950968	:0.01
sum:0.18676829411122214	number:0.1566486321513545	line:0.11140081741272478	city:0.10844765106291132	out:0.10739005474369737	day:0.09286734076326106	county:0.08286139477536687	amount:0.07384405151900511	Board:0.06977176346045691	:0.01
that:0.29808123898816485	and:0.2036801855313588	if:0.11898334989523396	will:0.08843772171283325	If:0.06471157267514419	as:0.06130420837344295	would:0.05527083735041515	is:0.05081402560813435	for:0.048716859865272424	:0.01
of:0.39107313858685994	in:0.1495368155658938	to:0.12873261048351964	at:0.06955471129401408	for:0.06041854856632456	and:0.0569805875166197	from:0.04926015891104762	that:0.04263147678258198	with:0.04181195229313868	:0.01
Mr.:0.2185042933628347	.:0.16194860777451267	to:0.14328502835026782	and:0.12798748460181028	of:0.11015297726681225	Mrs.:0.09093872551917419	<s>:0.05262191962828553	A.:0.04601651778477254	J.:0.03854444571152997	:0.01
four:0.3697659494465696	three:0.21051958439884186	two:0.15193514984760775	five:0.05925044786002874	one:0.056767767694049676	ten:0.04201368784067483	eight:0.040488370509753686	six:0.03473194582120216	hundred:0.024527096581271893	:0.01
and:0.2821332441125666	the:0.16168437681830286	of:0.14013035573178567	in:0.13317136271882857	are:0.07931358172929279	by:0.06373123578235432	for:0.04712390685477576	is:0.04183424282547004	In:0.04087769342662345	:0.01
to:0.3167052859682995	in:0.2640365973776375	In:0.15858014205877005	of:0.06281349361520626	the:0.05553469460068411	a:0.048638676272971956	this:0.03731097080383302	and:0.027690530474994493	without:0.018689608827603024	:0.01
of:0.4554437666114562	to:0.1006979563627735	by:0.09553218565930595	on:0.08197033559374474	and:0.06842515700700433	that:0.06390332750274703	in:0.05704679809521172	from:0.034066120343759033	at:0.0329143528239974	:0.01
away:0.19041587022310327	and:0.16519107313931605	taken:0.13090618369387813	miles:0.11772895341262953	feet:0.10551786830952455	come:0.07393483029145144	them:0.07169234007196142	out:0.06832721446888708	came:0.06628566638924843	:0.01
the:0.2974929019614971	of:0.17741408266195474	a:0.14645768029163825	and:0.09158810426380848	or:0.07279359814981001	to:0.06981668528850317	in:0.0589873299937157	any:0.04191987916735641	be:0.03352973822171622	:0.01
the:0.3479477642378994	pro-:0.2190555915575872	a:0.1364795602037678	to:0.06275611087498592	and:0.054963573034306615	pro¬:0.05201515809027427	pro­:0.04224329232353119	or:0.03900438830055528	The:0.03553456137709234	:0.01
the:0.1957160719984912	was:0.18562547671523463	of:0.1729179535300566	and:0.11766223945159965	be:0.08698499177440815	were:0.0763786940764502	is:0.07445070725880172	been:0.04169796308941413	are:0.03856590210554376	:0.01
the:0.22344033004216068	N.:0.12464233829877173	.:0.12308675046554576	and:0.11003775883827979	of:0.11002309457736414	Mrs.:0.07960520596879703	A:0.07580810143551746	The:0.07185232694324882	&:0.07150409343031452	:0.01
as:0.24837157577856656	or:0.14232166364164286	opposed:0.11230514870743818	come:0.09928049147584614	and:0.09473117357100151	up:0.07607442011796668	regard:0.07367539801965169	equal:0.07250608124635792	entitled:0.07073404744152825	:0.01
of:0.3904933699629494	in:0.1377471292538224	to:0.1115771383271767	by:0.07427097858844176	and:0.06557246650130287	that:0.059534342754369717	from:0.05699911153560679	for:0.04758280790884279	with:0.04622265516748767	:0.01
of:0.413682311706495	in:0.13959619613598154	to:0.10258487763367885	on:0.09764219253569417	by:0.06753384947561251	with:0.0477858007075232	that:0.04468094869633224	at:0.039063893568728386	from:0.03742992953995405	:0.01
and:0.26999150810757905	that:0.17270994492528036	which:0.11971759763523038	as:0.11705874646852624	when:0.11546419634289289	but:0.08221307522300948	if:0.05275735347928276	where:0.03187614615689564	so:0.028211431661303403	:0.01
and:0.29052563843363216	fact:0.1718349679940122	said:0.11307705641045758	so:0.10296766644522751	believe:0.07467485194323314	is:0.06547998110151379	say:0.06072622423233118	know:0.059576482780927004	found:0.051137130658665285	:0.01
and:0.1794816298998409	able:0.15348165602527325	right:0.13951798193287746	order:0.12767823564694758	him:0.10089354474948443	is:0.07918378100997765	them:0.0703055603326508	attempt:0.07021167942553619	enough:0.06924593097741176	:0.01
the:0.24945185214449644	of:0.22973112891963063	in:0.155594273505653	a:0.09617596825838087	to:0.07425589474503984	at:0.06614879410500202	and:0.04685903946940559	In:0.03806279358611104	that:0.033720255266280585	:0.01
of:0.40917825781543127	the:0.12691364878419517	to:0.11603066267012313	at:0.0958530553411843	in:0.06360794308363107	by:0.04673527048486159	with:0.04557327519815721	and:0.043277238422353065	on:0.0428306482000631	:0.01
the:0.1983617563665552	and:0.16741303523898565	of:0.16070716605411695	to:0.14121474152525526	a:0.12385002738842145	in:0.07400006600096734	at:0.05176589527226297	or:0.0416811268853122	that:0.031006185268122963	:0.01
and:0.40180925423370906	made:0.10572982649976298	necessary:0.09766421441472355	provide:0.0709677106558723	him:0.06679412563114624	time:0.06399940844444657	but:0.06226152597569863	pay:0.06140975827886298	responsible:0.059364175865777885	:0.01
and:0.29169997815308213	was:0.1328703627143118	out:0.08873310066938216	that:0.08746131418060452	placed:0.08440072742047074	work:0.08020079681811661	made:0.07677797059304475	is:0.07472371838239819	up:0.07313203106858901	:0.01
on:0.2609387661468242	of:0.23136038535219117	in:0.14104423578423314	at:0.07420932258423689	to:0.07289160437302669	from:0.05853650693545566	In:0.053915877697992005	On:0.053203803300395126	and:0.043899497825645034	:0.01
the:0.36312321450761714	and:0.19848804090419975	a:0.09590696347401902	of:0.08303218790307447	.:0.06197545463946883	that:0.0579458576637141	to:0.0465452000964558	for:0.043374079944951086	The:0.03960900086649977	:0.01
the:0.3273937360618406	of:0.17154315531338243	and:0.11457586309098995	that:0.0882540181402867	a:0.0676947108217954	or:0.0676601352380678	Mr.:0.054501622271896526	in:0.051361416337432554	The:0.04701534272430806	:0.01
Mr.:0.420411781222918	and:0.12439774935974701	Mrs.:0.10365586138817182	Miss:0.1033047196522375	General:0.05641023695372882	of:0.053017892118813754	the:0.049512501990121666	Gen.:0.0443734059957422	Dr.:0.034915851318519125	:0.01
of:0.2827270889195742	half:0.1808843097726027	for:0.13511710125142476	in:0.11172813880162867	and:0.06630852434043231	about:0.06320155018041856	as:0.05796581370807037	to:0.046802267138643	cents:0.04526520588720536	:0.01
the:0.6640815020341747	said:0.15032282700436012	and:0.04070303835213803	tho:0.029055542779082018	this:0.028718595489096835	The:0.02382723415526252	a:0.021714721335162813	of:0.016866546057654353	tbe:0.014709992793068484	:0.01
that:0.2994240904225421	and:0.21670346937709573	which:0.14122881951388644	but:0.09192054755653989	as:0.07340828337400185	when:0.06241604775346419	to:0.03709501725824319	where:0.03572550459949674	if:0.03207822014472997	:0.01
to:0.2620983149693371	and:0.19664402247129265	the:0.18720703494025467	of:0.14061051340842873	in:0.0675925481954826	a:0.03867755248806961	<s>:0.03389464108121401	not:0.032510411574388075	that:0.03076496087153255	:0.01
the:0.25470561870247765	and:0.17871018174426181	of:0.12454106589558235	to:0.11666316244862257	in:0.07582920922781208	was:0.07101916294765158	a:0.06560002811236121	be:0.05991783825325078	is:0.043013732667980115	:0.01
the:0.3303120018764728	and:0.1900736899932278	a:0.0986063104510161	or:0.09611705809557723	all:0.07221045937271184	their:0.06859114792493394	of:0.04807405387388773	no:0.04339152747891723	other:0.0426237509332553	:0.01
virtue:0.21738001102627375	out:0.189773379209129	part:0.11522775944009786	one:0.10400846177203445	quarter:0.09462884564091133	favor:0.06983811406326706	result:0.06817617839096966	guilty:0.06617001917752548	means:0.06479723127979137	:0.01
and:0.2085245106292118	the:0.20775475375317498	to:0.16311672004933894	of:0.12348013976316749	was:0.069307635438012	be:0.0654074719815791	a:0.06028015441705655	in:0.0467155171353644	is:0.04541309683309488	:0.01
the:0.29382344401335764	of:0.16863474639986378	or:0.1430790686984385	any:0.0730866482903872	to:0.07136481840825394	a:0.07087270478781334	his:0.0684275315984439	their:0.05092918680090219	and:0.04978185100253929	:0.01
.:0.2193979990405821	-:0.15074365359964684	a:0.14257129303664587	and:0.08608241031913261	of:0.0858702649333043	the:0.0856237798956152	re-:0.08445684299783558	I:0.06988962492839661	<s>:0.06536413124884093	:0.01
Notice:0.5483417146653616	notice:0.1785724627797435	it:0.06430391730339517	It:0.05997434598172381	that:0.033576461775165614	which:0.031807429560761914	reference:0.02603068327338273	there:0.025092507296849628	he:0.022300477363615828	:0.01
of:0.2879095906736429	by:0.15147283143704132	to:0.13226073003663072	that:0.12854693906523482	and:0.12636804441264757	with:0.05074601143565901	<s>:0.04360499343411608	which:0.0371634933117646	as:0.03192736619326301	:0.01
of:0.4231116549178546	in:0.15226727283602215	the:0.10403673067714696	for:0.07986417668057888	and:0.07113637301907742	to:0.062264791089007544	by:0.03467463936702274	with:0.033245744172864765	In:0.029398617240424862	:0.01
and:0.1944372923421487	together:0.18064694998584138	connected:0.14784638791688007	connection:0.1448086892096974	accordance:0.11050849290477427	comply:0.06045119551015317	acquainted:0.053914338376547646	compared:0.051495838323954046	contact:0.04589081543000345	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
as:0.2142410823677273	very:0.12929304480075074	too:0.1095069921022738	and:0.10378702007950533	so:0.1016403047826849	be:0.09158552691860121	is:0.08572781000840779	was:0.08192184246920554	are:0.07229637647084326	:0.01
the:0.8863726773530108	tho:0.04767429894468295	The:0.020379110130635744	tbe:0.0148488543841555	of:0.010704508851547227	and:0.002907084065353344	by:0.00269076816764734	a:0.0026265092802739095	tlie:0.0017961888226931213	:0.01
the:0.24130576549866314	of:0.18833662870322207	and:0.16607091897550066	a:0.12226357561830728	to:0.08119819928176736	was:0.061441215918139495	be:0.05012797215849653	is:0.043156408701399925	been:0.03609931514450369	:0.01
and:0.2229148907156297	he:0.21734654590933267	I:0.18898274123150077	they:0.09555765379501067	we:0.06409585208509498	then:0.06072738767239821	who:0.05330136104960727	she:0.049791593859597416	He:0.03728197368182832	:0.01
is:0.28371044701411835	are:0.17010391271961867	and:0.13806596681709854	was:0.12058864672396455	for:0.09155125247862615	of:0.07043596025314196	do:0.03968455784779081	will:0.03858826699047182	were:0.03727098915516898	:0.01
the:0.6630977725234944	and:0.057162897766565704	of:0.05334049494925296	State:0.05173624231562123	The:0.04318299134678166	said:0.0427018091195553	our:0.031803509813530126	tho:0.025345444270151046	States:0.02162883789504761	:0.01
the:0.27062093316726427	of:0.2058837608840983	and:0.08834827289900335	The:0.08539875818703921	Mr.:0.0848051425396133	that:0.0818513311015996	in:0.0776092527328897	Mrs.:0.04911887553256453	which:0.04636367295592785	:0.01
the:0.4261849135927865	of:0.1563615428413554	a:0.07975010549425048	to:0.06767285020659025	for:0.0673120940570154	that:0.05730879917703244	and:0.054592913746938546	The:0.04250366262976692	our:0.03831311825426437	:0.01
the:0.357049484551998	and:0.19569839124732868	of:0.17066785543405627	The:0.11172442877965486	that:0.042779005993718346	these:0.03153273173181317	a:0.028047350814569477	or:0.027399312475863045	to:0.02510143897099813	:0.01
of:0.1704723926041829	to:0.16537876861460304	the:0.15572947835529088	in:0.14521900235165022	and:0.09820729325760426	a:0.0763011479976513	with:0.06162624263462303	or:0.061392294854501095	for:0.05567337932989344	:0.01
of:0.4053865311049678	to:0.12624437990227128	on:0.10619576853806044	by:0.07697634852824574	and:0.06137219293346193	from:0.05699415393163511	in:0.0568155104536743	at:0.05363413730814332	with:0.04638097729954012	:0.01
has:0.473373321877908	have:0.2439644558984054	had:0.22808028954457377	lias:0.013605151787658068	he:0.007444924991667482	bad:0.006435537952581914	haa:0.006233654346086237	and:0.005555478462077667	having:0.005307185139041591	:0.01
and:0.25628081061932306	Monday:0.19986318807033449	feet:0.18447530146812552	recorded:0.07217565964618225	section:0.07030588086249047	situated:0.06410258966042306	inches:0.05222497669266499	of:0.0462983237920203	lots:0.044273269188435986	:0.01
the:0.38210222575212216	a:0.14826494754108238	and:0.10712757671736062	that:0.09267661537077879	this:0.08774453473765212	her:0.04647451169237528	every:0.04290996856170435	tho:0.04210971125950627	other:0.040589908367418034	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
that:0.3398159603842372	and:0.1881959735196832	as:0.15637377401951938	but:0.07943633285122904	which:0.07677650296033542	if:0.04988403186174071	of:0.03827480466933514	what:0.031040417619258957	though:0.030202202114661004	:0.01
to:0.5620004481230981	with:0.08013123854663766	for:0.07744024755158753	at:0.053461353214693697	told:0.05051015721827481	upon:0.04464325546313724	from:0.04326511144819767	of:0.04205085270768128	asked:0.0364973357266919	:0.01
ever:0.21473286914646245	and:0.18571556625707192	time:0.1254370126004817	has:0.11045606822606825	long:0.08425989845684077	years:0.08245300943332289	have:0.06961534010426176	that:0.06820121388875414	had:0.04912902188673632	:0.01
of:0.4844416827036046	in:0.17112761682028446	to:0.11759959019865408	by:0.06892773997029943	that:0.038949737535369594	In:0.03127985305406946	and:0.031186397480106542	with:0.0264634570063825	for:0.020023925231229353	:0.01
for:0.21572946763293935	of:0.16470868733349242	about:0.10821448749514612	than:0.10761467681058166	past:0.08839099383507114	or:0.07814504938218533	in:0.07777810494350898	within:0.07683824334051342	and:0.0725802892265616	:0.01
the:0.27698213010539735	of:0.1970857157060956	and:0.11938815776786785	a:0.10429156466448734	to:0.06837780441376783	be:0.06282244182127114	in:0.06208688448297644	or:0.05537179129868342	for:0.04359350973945294	:0.01
I:0.26194756684595244	he:0.19578491261262929	and:0.1650700056431472	have:0.08345005732262595	they:0.06622306898572676	we:0.06143382679518446	had:0.05874535490286878	it:0.05167933767729944	He:0.04566586921456586	:0.01
to:0.2827443298873032	for:0.1767387800595256	of:0.14435266238470557	in:0.09396653686176808	with:0.09106441957997556	and:0.0662096992638945	that:0.046155541468755494	at:0.04607612706747981	do:0.042691903426592126	:0.01
the:0.47151599250063847	an:0.32288070615653724	The:0.07519168208978388	a:0.03527421785810271	tho:0.024223802979116457	An:0.01675548937065432	to:0.016743736279270952	and:0.014829247889461774	rapid:0.01258512487643425	:0.01
and:0.19563704984544114	would:0.14720065642582064	looked:0.12010668412297601	looks:0.1084201722336976	was:0.09583136534572757	not:0.0858553515043838	something:0.08340620733929721	is:0.07856492740080612	much:0.07497758578184978	:0.01
and:0.18365782985453818	make:0.14540346099277943	as:0.12139242256949961	of:0.1177366224719808	that:0.09761351369859773	with:0.08819968367049166	to:0.08121226518209922	for:0.078619671142346	made:0.07616453041766723	:0.01
to:0.3547518826754758	will:0.20677282583166293	may:0.09349468960283791	shall:0.06687436688333058	can:0.06568132209987294	should:0.06315092515475462	would:0.05152084772785942	must:0.045602790914161	could:0.04215034911004468	:0.01
to:0.28537402058263506	the:0.2695157083819011	and:0.16806767371806278	a:0.12546894997139404	on:0.03836526747770643	or:0.036572442689737424	his:0.024546443290810526	The:0.0230014697690316	who:0.01908802411872102	:0.01
with:0.18862366244226822	of:0.1782550432825307	the:0.17379549097689212	and:0.1672703499330958	an:0.10403317103249586	their:0.05092872009920956	no:0.05056565174762098	any:0.041561840472257736	as:0.03496607001362896	:0.01
a:0.3750809879528067	the:0.2548159558858004	of:0.11138700121479969	and:0.07020382748144605	to:0.051052465755724544	in:0.04951982953178846	with:0.03252192873005548	on:0.02742912114278989	this:0.01798888230478863	:0.01
the:0.3294444730868092	of:0.19305119979657961	and:0.10294133856952423	a:0.0951360425252502	to:0.07035931166313884	an:0.05288813741062207	in:0.052382328386751116	that:0.048396905119165064	for:0.04540026344215965	:0.01
number:0.20401360258076118	matter:0.16921953318496663	kind:0.12159153724260396	amount:0.1024697797846132	out:0.09827459564497253	point:0.08419649270854482	full:0.07938429662227228	men:0.06713182004007685	place:0.0637183421911886	:0.01
and:0.2775701271200687	the:0.23711073663333107	of:0.17112643682865528	these:0.06454188053853466	as:0.0518345027886543	that:0.051418135666854846	or:0.05087100460258789	all:0.045371602766522814	for:0.04015557305479047	:0.01
the:0.2604270796822877	of:0.1681669371618075	a:0.10971104982222682	and:0.10720850786164697	to:0.089972797476014	be:0.07809059662152573	in:0.06665764368752426	was:0.05681213292176789	his:0.052953254765199124	:0.01
and:0.25873740158668046	was:0.19692671957634503	be:0.12979820919859927	it:0.09571296773588567	years:0.08138045860451713	is:0.0721693982810145	were:0.060523724704200525	he:0.05023103135645027	to:0.044520088956307206	:0.01
feet:0.2083705893710341	poles:0.16686243736995118	up:0.11619557552687124	chains:0.11156855355118703	entitled:0.08437694067907713	went:0.07935061363836472	came:0.07491532896457027	down:0.07426522602773696	him:0.07409473487120727	:0.01
in:0.2215478782655747	is:0.18645658317182204	and:0.1267284683529388	was:0.09836296873202748	that:0.08975303294688881	have:0.0759165867865814	In:0.0668585616908187	be:0.06665950052253654	had:0.05771641953081164	:0.01
one:0.16002178661287808	men:0.14647166532216563	;:0.12150503481675405	made:0.10815185714630261	up:0.10242459224306613	in:0.09609172761073174	:0.08802424416917544	wife:0.08471116177584168	and:0.08259793030308471	:0.01
the:0.29574081439599215	in:0.16771700024325406	Fifth:0.1503815366075424	Grand:0.12863775983497958	<s>:0.05871263798591353	and:0.055086073077148544	said:0.04641934743979618	of:0.04550063373478555	In:0.04180419668058794	:0.01
is:0.20531716177253914	of:0.1548571616806375	was:0.14749203504570196	and:0.13792749623615277	in:0.10120155365734504	as:0.07174518036482276	to:0.06110690582472407	by:0.05557954502909938	any:0.05477296038897739	:0.01
the:0.5840282608228984	a:0.24113483158264115	The:0.039798057565598975	in:0.028923118904099005	tho:0.02774220619872414	and:0.021334839223222542	of:0.02010177988154019	by:0.01392155868285811	tbe:0.013015347138417505	:0.01
the:0.27823816724217876	his:0.1969721644438408	a:0.12379457544540379	their:0.11966029495475877	and:0.07604857900349658	of:0.060123837267337304	my:0.05212427388248831	our:0.04463938558098635	her:0.03839872217950926	:0.01
the:0.3765855700859001	of:0.16099429184099226	and:0.1360669736334476	The:0.08520905700656935	Mr.:0.06526544909761484	a:0.05125415038445086	that:0.051169286412974205	to:0.03376314541728713	or:0.029692076120763737	:0.01
it:0.2627130347614019	It:0.1868318608347765	there:0.1670785734997366	which:0.10460812900044389	and:0.09477696823490939	that:0.053739197382499826	he:0.047312511697711813	There:0.03866268451207914	This:0.034277040076441036	:0.01
the:0.6746064562615433	a:0.11716050127014113	of:0.06116886028268768	The:0.04495630068381967	tho:0.03289666641416177	and:0.02766986279847836	tbe:0.011331694202298176	in:0.01030896962058726	our:0.009900688466282621	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
is:0.27133628942808313	are:0.18929845830860745	was:0.1595468646490847	if:0.09894763949472159	were:0.06530542605742454	and:0.06425729235041096	have:0.050859324537921344	could:0.049540549951794695	Is:0.04090815522195161	:0.01
to:0.5098749533246432	will:0.12311000046843323	not:0.07471627054891469	and:0.07094212924501217	the:0.05459979785808823	a:0.04479281985279446	of:0.03831859154030818	would:0.037523446583657624	may:0.036121990578148175	:0.01
the:0.19302649996587173	of:0.17513275405348896	to:0.14552812622783767	a:0.11967572781536082	and:0.1041884646243555	in:0.07140198192431767	be:0.07089134059802206	was:0.05831666964787346	is:0.051838435142872064	:0.01
he:0.2503812810612539	who:0.12933042381747123	and:0.12010221678749121	it:0.11151274100688184	which:0.10832844163655339	He:0.08953608833551027	that:0.07216100942559078	It:0.06188348841809242	she:0.04676430951115509	:0.01
the:0.42647218790739777	his:0.11569118230207182	of:0.106015551109358	your:0.08023855248900404	our:0.06180195502334875	her:0.05428480668620547	my:0.05267187493681223	and:0.05016542575163854	their:0.04265846379416334	:0.01
in:0.4123782673692079	of:0.16664395334400062	under:0.11801170132070699	to:0.08981269201876006	In:0.0844021746476016	from:0.033560851509212244	for:0.03135523684451525	with:0.028122140795397522	at:0.025712982150597884	:0.01
of:0.2950059984494942	the:0.24910934640511387	and:0.1108483718064884	to:0.08521621980947507	a:0.07367438329809282	by:0.06701183333552689	in:0.03942866892556983	that:0.036629042069499705	from:0.03307613590073946	:0.01
the:0.21051605632283138	of:0.19866610667745196	in:0.1397973134004805	and:0.122257419103242	to:0.10029606099068746	on:0.0714971848123951	at:0.05724166097713457	a:0.04603759877458087	<s>:0.04369059894119603	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
the:0.3420920686411542	and:0.14027091205321174	of:0.1279922520998012	to:0.10314955887570527	be:0.06845699795635807	a:0.06592967535077751	was:0.053331249230575	his:0.04443041432515182	in:0.044346871467265195	:0.01
was:0.27521413401812644	be:0.22225506989714514	been:0.09783295327750412	is:0.09471172715888698	were:0.08667576141732254	and:0.07025093773927554	are:0.0632250576262166	honorably:0.043007000006833246	he:0.03682735885868935	:0.01
much:0.33124273012239075	is:0.21827314621254804	was:0.08016583498513756	considerably:0.07741724067837899	be:0.07380487243139816	the:0.06127108215914526	far:0.05377712744431861	are:0.04725000553527893	not:0.04679796043140358	:0.01
on:0.29400030269089295	in:0.15107363859435008	of:0.13513567064223342	On:0.10942366641377747	In:0.08017810936673087	and:0.07265042742961587	dated:0.07089177242253127	from:0.04529138682513635	to:0.03135502561473173	:0.01
and:0.30906121148943677	that:0.21280743888311418	of:0.19341524041142366	to:0.06159895091041659	we:0.04589557636994497	but:0.045051756245853905	when:0.042676865519451934	for:0.04079804000046888	if:0.03869492016988903	:0.01
the:0.4241491408851868	The:0.1078426397959127	of:0.09374292654915442	a:0.08088745190658586	and:0.08069452102294387	his:0.06267673891867852	their:0.06034206267144781	tho:0.040435077924060765	our:0.039229440326029374	:0.01
to:0.350702352341012	will:0.23747072676545528	would:0.11152994476030599	shall:0.0836684506099716	may:0.0714993269375268	should:0.05078411471133304	not:0.03359463335243597	must:0.03352299392440999	can:0.017227456597549293	:0.01
neither:0.5970506909423055	the:0.11964472160327104	and:0.07409907500756452	of:0.04117112073164375	to:0.041140011462248695	for:0.03553461755543552	in:0.032013650664842755	not:0.026326069908779816	a:0.0230200421239083	:0.01
the:0.38483591874152495	some:0.12606232550466187	and:0.09647342985638027	of:0.08188757300052438	many:0.08186425692439489	for:0.07011836694264564	or:0.06279394270040507	any:0.050703234708853774	such:0.03526095162060918	:0.01
of:0.3876687753827944	and:0.11389573275157402	to:0.11287285674148714	that:0.0793498772085042	by:0.07461852311786091	with:0.06122233026152957	in:0.058265570821846316	on:0.05705873258172551	from:0.04504760113267805	:0.01
well:0.21321257425074597	known:0.18330231372211864	soon:0.17017982311130794	far:0.13451377472303216	and:0.1048509904369157	long:0.061630441159448365	such:0.04848962176196868	just:0.03999506790086283	much:0.03382539293359975	:0.01
the:0.6387585361668113	a:0.10374327746931815	of:0.05671694461985865	too:0.04437505341695625	The:0.0407415969558503	tho:0.034075274953016564	and:0.03213839139427736	his:0.020534212265711237	our:0.0189167127582	:0.01
amount:0.24941117937349752	number:0.1530143897253186	out:0.12800120088361655	years:0.08699583027998928	want:0.08152703824819635	matter:0.0811316709298997	instead:0.07471760388722315	piece:0.07189888107827583	deal:0.06330220559398293	:0.01
be:0.18223382519190354	was:0.17626183359928685	he:0.12267537265149693	been:0.11226767634267792	and:0.10188520550631043	were:0.0865518774072052	have:0.08177209286108704	is:0.07120044272868117	so:0.055151673711351004	:0.01
it:0.2827850527348108	It:0.13400289869302948	there:0.11771483856766453	they:0.0914384776859708	that:0.08313239062920649	which:0.0769409879360296	he:0.07501873352304173	and:0.07330080551631972	I:0.05566581471392691	:0.01
I:0.2820631573580411	never:0.16370061350712523	he:0.13947919105810594	they:0.0903466433116496	and:0.08513656601679574	ever:0.07544215383174846	who:0.05804054572601437	we:0.04994420007028998	she:0.045846929120229626	:0.01
two:0.16227206137428724	three:0.15265953631827459	five:0.1267322480259604	four:0.12142830465727636	ten:0.09986570701240678	six:0.09152133074939973	100:0.08465244754867826	many:0.07546899049322656	few:0.07539937382049	:0.01
to:0.23270607175467506	the:0.18009018721920741	of:0.13355859661039618	in:0.11909869067224371	a:0.10834479096615343	and:0.08849435437879988	be:0.06108956710824853	or:0.034322418396344985	with:0.03229532289393074	:0.01
<s>:0.41723476836185386	it.:0.15583034964103057	us.:0.09175136023775671	them.:0.08390740135150267	him.:0.06585009915397204	and:0.047825801539128306	country.:0.04483359032243093	people.:0.04372272321521929	day.:0.03904390617710544	:0.01
of:0.31116282394900163	to:0.18669324326017134	in:0.10263534265692681	and:0.09647946484391025	by:0.08774187334768346	with:0.07420760994408479	that:0.0580867097554243	from:0.04015906244502014	on:0.03283386979777734	:0.01
up:0.12822499992833525	out:0.12803931861509074	in:0.11893026470149644	time:0.11712472725713388	made:0.10499173983344878	him:0.10471619092682176	null:0.1001449324452989	it:0.09573792605496798	good:0.0920899002374063	:0.01
and:0.41754400016008275	but:0.14895499642259144	that:0.13960424227266444	time:0.09215848983461562	him:0.04863495259663283	day:0.04575944027695024	But:0.0433757552925112	ago,:0.028663469063633904	or:0.02530465408031754	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
and:0.49095167021059016	of:0.12304760293055196	to:0.11654236139364135	the:0.07134963712454148	a:0.04809983556283737	that:0.04027400347247394	or:0.04004801201030414	be:0.030187725660350506	only:0.029499151634709047	:0.01
and:0.2353230851902548	place:0.23002346410790572	point:0.12336462833889285	spot:0.07950186536978	that:0.07938901424987761	places:0.07136420383457477	know:0.06251052417293607	cases:0.0583307476580475	case:0.05019246707773059	:0.01
the:0.5736796721120717	a:0.23756203714876295	The:0.050626421646030324	tho:0.04442219149316521	and:0.023493948664983322	tbe:0.02180114499322797	full:0.0135688202475129	in:0.012550938487013287	high:0.012294825207232473	:0.01
of:0.23817198602954937	and:0.23415746017761663	in:0.1159835339547378	to:0.10227189079610366	fact:0.07859923495468527	said:0.06648519540808896	on:0.0596758126790623	all:0.04959175794549596	is:0.045063128054659965	:0.01
made:0.3028069374576309	and:0.2023193696646394	caused:0.07375981344017991	shown:0.07207509517503563	up:0.0704269184181151	ed:0.07002219172812583	out:0.06751988832599078	taken:0.0665966498616986	done:0.06447313592858381	:0.01
and:0.21173166624212325	made:0.17480313167623535	done:0.11051741393043953	that:0.1074507332765	or:0.10238569694301668	prescribed:0.08776082264489582	provided:0.07706706809336679	given:0.06012490048581212	side:0.05815856670761054	:0.01
the:0.3903515106447411	a:0.19108555342768666	of:0.11231537021478051	and:0.08706143037760196	to:0.05008456843866063	in:0.046440287430700895	an:0.04304236213935468	The:0.040119183862429963	on:0.02949973346404362	:0.01
of:0.3722547133818227	in:0.16578494741556388	to:0.10023134498080062	In:0.07485752274233107	with:0.06272485515572232	on:0.05550202180153349	for:0.05544420758946243	and:0.05287567856269287	from:0.050324708370070664	:0.01
and:0.19359496071736734	of:0.16216602732427177	was:0.14599594570744032	the:0.13082534342559746	be:0.09441254375091103	to:0.07787840905373959	is:0.06811958743802232	a:0.06255311306124889	he:0.054454069521401284	:0.01
;:0.2255206108525155	it,:0.14460487634878158	him,:0.10273966044521114	them,:0.10271208862228533	one:0.09578134161408763	years,:0.08542830089884029	,:0.0843560863432732	county,:0.07514128199575931	city,:0.0737157528792461	:0.01
the:0.6685582988417357	an:0.13746687011257305	tho:0.04429416621209648	regular:0.028891634564556033	The:0.027814016314055678	of:0.02395184801798045	tbe:0.02136274298935023	and:0.021037804097239498	or:0.016622618850412996	:0.01
to:0.1688905023018056	and:0.15891446437031917	of:0.15884397483632715	in:0.13518036410011175	was:0.09121132328425902	the:0.07807638466717512	is:0.07460290674742219	be:0.06880460638737085	for:0.05547547330520909	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
and:0.20576986051327525	be:0.14724677861411745	to:0.12535070885684524	of:0.12147274158796671	the:0.10006651747810341	in:0.07829719106333621	was:0.07464897261101211	is:0.06959459791180371	re-:0.0675526313635398	:0.01
to:0.21733458826803365	that:0.18874334077815969	and:0.18370476487169418	as:0.09708921426556463	which:0.07447194905747512	when:0.07027553457536379	will:0.0665216745623604	for:0.04743848592589735	said:0.04442044769545117	:0.01
the:0.42004914683065936	of:0.13466973569051716	and:0.11122404163358073	that:0.07335130050379034	The:0.06686076414154886	a:0.05387865708420929	in:0.04843421049538478	or:0.0434449192069662	to:0.03808722441334332	:0.01
is:0.28864523959228316	was:0.16933152055155845	and:0.1048242516527738	are:0.1023574009550515	but:0.06950835789498844	has:0.06540553462125906	it:0.06484502596599319	will:0.06299047004929505	had:0.062092198716797255	:0.01
and:0.2998574370202737	of:0.12388073070252464	is:0.11652124367784644	as:0.0985773074624355	was:0.08288507234260849	.:0.08125333353452786	it:0.07715029876165852	It:0.05536015185033149	I:0.054514424647793464	:0.01
to:0.2531653731513819	and:0.2250388419832936	the:0.10950227534860847	of:0.10511892479063437	that:0.08344335426073206	which:0.06878923754183158	in:0.06537953023291547	for:0.039888232258690294	<s>:0.0396742304319123	:0.01
the:0.313915987867266	a:0.21811033038786648	of:0.1533085525941465	and:0.09690816742406062	for:0.052296790195170154	in:0.04838221596721106	to:0.0475616953204432	some:0.030055488217617384	that:0.029460772026218524	:0.01
and:0.20180707919905394	of:0.18462206410075274	the:0.14976747911583993	in:0.10349143626136173	to:0.09455204046782299	be:0.08426926484270733	was:0.07954233031144813	is:0.049018182114844995	a:0.042930123586168226	:0.01
the:0.1981259974764192	to:0.17682780875443382	and:0.17452839768186026	of:0.17387308769235094	in:0.05784027633104297	be:0.05750045240621389	was:0.05337952099437712	is:0.04936369543980777	<s>:0.0485607632234941	:0.01
of:0.24594140339342632	the:0.21709920122146645	and:0.16541764894652597	to:0.10455355992856588	at:0.07374918720858756	a:0.07281753442654604	in:0.047434205000459556	for:0.031627697193512556	with:0.03135956268090975	:0.01
;:0.20953252095776806	it,:0.11451281996419217	him:0.11252660622910599	one:0.10399558216214487	in:0.10038399485273586	and:0.09216727949281207	,:0.08702126563998025	it:0.08638247894281384	up:0.08347745175844686	:0.01
the:0.7817790885547721	a:0.05573442189318221	The:0.052930870746789024	tho:0.036804159964135205	this:0.02199380300006002	tbe:0.015202681150514555	and:0.015139776893285294	first:0.005691787718407799	as:0.004723410078853872	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.04553578393787439	of:0.03051332981678091	tbe:0.02261446403444868	in:0.021612439669724332	or:0.020196218295911488	:0.01
the:0.24035252890149392	of:0.2264596955903552	and:0.1406243334751737	.:0.0930864191115302	Mr.:0.07899466956133831	to:0.07393343354378137	<s>:0.05219896337713843	a:0.044043347542283076	Mrs.:0.04030660889690572	:0.01
and:0.1994971373126672	the:0.175800630278734	of:0.14373012927203602	in:0.11504815491615937	a:0.1132839537269528	to:0.09616460820905838	for:0.053587117053624	will:0.04952533800737892	that:0.043362931223389335	:0.01
and:0.25037799561132223	to:0.19051743664518078	of:0.12818071300755096	the:0.11341275889843262	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.05790590474591629	for:0.056443486992488516	:0.01
the:0.5589786005738552	a:0.1451784074789642	The:0.07711738442685845	tho:0.04242261167466775	A:0.04237580686212868	finance:0.03967170666355985	said:0.028678088266292975	and:0.02833007556197201	this:0.027247318491700867	:0.01
and:0.18784336682063274	as:0.15114329179679575	went:0.11423878004667351	him:0.10666558228731272	them:0.09110223752457794	up:0.08733803455919152	is:0.08689480544253657	go:0.08340199801381315	able:0.08137190350846597	:0.01
is:0.2114581348724453	was:0.14078959018597248	be:0.11456498167718723	and:0.11205253818249156	the:0.10071271478303441	are:0.09457469001876313	he:0.08638874473457078	been:0.07928346370859868	not:0.05017514183693637	:0.01
I:0.265976774824857	and:0.17999959175238545	he:0.1628409853388471	have:0.08635739072176594	had:0.07306725562978207	has:0.0614778516174992	we:0.05681460051705035	they:0.053811194023001746	He:0.04965435557481106	:0.01
State:0.14316574202732013	line:0.13697457978808686	state:0.11983356920684744	city:0.11490859206810884	county:0.10514992210949521	part:0.09819691502869078	number:0.09676566561004434	Board:0.09130859961952445	side:0.08369641454188183	:0.01
and:0.29237950918743844	to:0.17716942761303367	of:0.099021191564675	re-:0.09088536501253568	that:0.07083086860883163	which:0.06939463277575889	in:0.06609805346610025	for:0.06347704537429573	or:0.060743906397330794	:0.01
as:0.188283813505136	according:0.14144678228402477	up:0.13904323060160725	and:0.1096650113200393	went:0.09104380703179268	back:0.08789812106037491	regard:0.08348580619122747	feet:0.07747526592666086	down:0.07165816207913696	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
far:0.20941558296391763	soon:0.16071009537017045	and:0.12094600559895155	well:0.11968376909795762	such:0.09447791636161264	just:0.08101371542443052	long:0.07984417692734092	but:0.06943475534818809	so:0.054473982907430794	:0.01
the:0.27468861259991717	of:0.1295700215210458	his:0.11488363233269475	and:0.11443808089429232	their:0.10663137223823692	a:0.10036107487879715	medicinal:0.05762924594065505	all:0.04655741196442651	its:0.045240547629934534	:0.01
it:0.35835403077289185	It:0.18033896309510394	there:0.1000580278728347	he:0.08633223790107593	that:0.0786661222512119	they:0.062195379566770945	which:0.057389596688828697	and:0.04098930196902008	I:0.025676339882261926	:0.01
<s>:0.5893777960662415	it.:0.07823362506759825	them.:0.060042383179022336	of:0.04767255660804492	.:0.04681948841752512	time.:0.0455535003480938	country.:0.04225451942142886	day.:0.04053947401303092	year.:0.039506656879014196	:0.01
and:0.2802179654686675	together:0.1758166248157109	covered:0.10720042995908448	him:0.0945742991305398	up:0.08880677792452797	it:0.06615739106357522	met:0.06358405713054324	them:0.06162417438012567	but:0.052018280127225286	:0.01
;:0.20953252095776806	it,:0.11451281996419217	him:0.11252660622910599	one:0.10399558216214487	in:0.10038399485273586	and:0.09216727949281207	,:0.08702126563998025	it:0.08638247894281384	up:0.08347745175844686	:0.01
of:0.32075934575176557	in:0.12420943673607339	for:0.11846016179441772	and:0.09935437182866093	to:0.09723446190066878	with:0.06904130828910339	on:0.06304516004460504	from:0.05357483488284594	at:0.04432091877185932	:0.01
would:0.22980511667265655	to:0.17299540970927663	who:0.12482764014450815	they:0.10355307675313528	I:0.09251266344910342	which:0.07981734282547859	must:0.068890066387715	might:0.06196287097814179	shall:0.05563581307998454	:0.01
<s>:0.5275203194697992	.:0.0870076308342528	it.:0.0752285125446556	them.:0.06183358753379761	years.:0.054198942741731725	else.:0.051765988173478904	time.:0.04960719977127439	him.:0.04296438584913291	day.:0.03987343308187691	:0.01
the:0.3409601240729406	a:0.24627038682683033	to:0.11365393335912347	and:0.10128948689099791	of:0.05486212769859466	The:0.05286361881857894	which:0.02779530689582546	that:0.026276570669369673	will:0.026028444767739103	:0.01
sum:0.18676829411122214	number:0.1566486321513545	line:0.11140081741272478	city:0.10844765106291132	out:0.10739005474369737	day:0.09286734076326106	county:0.08286139477536687	amount:0.07384405151900511	Board:0.06977176346045691	:0.01
that:0.4993530190955286	if:0.10910050894148993	and:0.08926161520777717	which:0.07718693830151704	as:0.06899361278819666	but:0.04493616781117481	why:0.03532194277146087	when:0.03385265699979132	If:0.03199353808306349	:0.01
and:0.1944372923421487	together:0.18064694998584138	connected:0.14784638791688007	connection:0.1448086892096974	accordance:0.11050849290477427	comply:0.06045119551015317	acquainted:0.053914338376547646	compared:0.051495838323954046	contact:0.04589081543000345	:0.01
the:0.5719967740571924	and:0.21511077983024043	The:0.04903068747151456	of:0.03826570104617141	tho:0.02762343269945873	was:0.025192171794428595	a:0.02388379103942907	that:0.02143608548497329	be:0.01746057657659166	:0.01
was:0.22973850367603782	is:0.21451250369088054	be:0.20959018385030037	are:0.10850756756301999	were:0.0698226014424384	been:0.052023475601216694	and:0.04235969449213797	being:0.03397276226256352	Is:0.029472707421404638	:0.01
of:0.3270442119052219	by:0.17476717420900245	and:0.13127626694104455	to:0.11603222805655287	that:0.11270558721759202	Rev.:0.0338950080694332	as:0.0328372263149273	<s>:0.0326114350353195	with:0.028830862250906263	:0.01
he:0.2750081300089085	I:0.19680474092342956	they:0.10665366405826289	and:0.09923476877334986	He:0.0906160984145562	it:0.07288134595498329	she:0.06040736623674807	who:0.04519893024733213	we:0.04319495538242951	:0.01
the:0.21168661632910737	and:0.1734208758737908	of:0.1496524303109621	as:0.1486264042445669	a:0.08287979349307766	to:0.07107758859510922	be:0.05689152027188905	such:0.04860602071964437	in:0.04715875016185232	:0.01
out:0.19011599928133052	one:0.18281685667051614	part:0.1052522255784758	tion:0.10259298945784588	charge:0.09890844385835748	means:0.09169262649106044	side:0.07552479442909678	case:0.07227046652221615	purpose:0.07082559771110061	:0.01
nothing:0.2641247484238648	is:0.17759252308164128	;:0.15389930150854378	anything:0.0898394300592201	it,:0.07315643635339708	was:0.06134541862246875	and:0.05812399575675911	of:0.057270638388036185	are:0.054647507806068904	:0.01
the:0.5382490670051955	our:0.11110085932550817	American:0.09744652204338249	their:0.05123502424129384	other:0.047090369152239124	of:0.046184172665157355	tho:0.03599702519277831	his:0.03307403174553071	and:0.029622928628914556	:0.01
side:0.24988841092706499	line:0.18979180388774142	day:0.1402129363101544	part:0.09273096178580933	state:0.08066650846910255	city:0.06908858026463756	point:0.06443913704961363	piece:0.05221332450910224	State:0.05096833679677391	:0.01
;:0.20953252095776806	it,:0.11451281996419217	him:0.11252660622910599	one:0.10399558216214487	in:0.10038399485273586	and:0.09216727949281207	,:0.08702126563998025	it:0.08638247894281384	up:0.08347745175844686	:0.01
that:0.21319640882892407	as:0.18874185470282265	and:0.17640606408189968	which:0.1089386600643462	if:0.0858899950037364	when:0.07049049455998171	but:0.06689074547385235	what:0.042911448298040535	than:0.036534328986396414	:0.01
man:0.2290932470547615	and:0.17211485420616227	those:0.14001297060277318	one:0.1317547130177118	men:0.09557518639438325	all:0.0698899092936791	woman:0.059263782278469825	person:0.05359527508218083	people:0.03870006206987816	:0.01
and:0.20712434091487839	it:0.1517657548663703	I:0.12544659825754853	you:0.09215005192996532	which:0.08798426245827785	they:0.08689594089208462	Nor:0.08318827171073946	he:0.08078967348415998	It:0.07465510548597555	:0.01
to:0.19811001408877327	the:0.19174980057025276	of:0.18196876204385795	and:0.1400839212483929	in:0.08095252028500258	a:0.05407677875977	at:0.05300818874171369	.:0.047046769571827685	by:0.04300324469040915	:0.01
and:0.17217296442974256	right:0.1476892476862497	able:0.12408881739962058	as:0.1184114099028669	necessary:0.09970080328484732	time:0.0880917329705327	enough:0.08237680448751424	order:0.08002672718713122	ready:0.0774414926514947	:0.01
and:0.18784336682063274	as:0.15114329179679575	went:0.11423878004667351	him:0.10666558228731272	them:0.09110223752457794	up:0.08733803455919152	is:0.08689480544253657	go:0.08340199801381315	able:0.08137190350846597	:0.01
the:0.6602497997005816	and:0.0977108753635342	The:0.08609022298310871	tho:0.03911766351389872	a:0.038648862070298336	or:0.02183317875798447	his:0.01905296506496398	of:0.014076140519219646	in:0.013220292026410427	:0.01
and:0.25037799561132223	to:0.19051743664518078	of:0.12818071300755096	the:0.11341275889843262	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.05790590474591629	for:0.056443486992488516	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
of:0.3017976847556643	in:0.11827152511757538	for:0.10265907578644552	and:0.09778241885369285	to:0.08446221558934633	with:0.08376289255817665	that:0.07850110969072861	by:0.07644052142999183	from:0.04632255621837867	:0.01
was:0.208694226270834	are:0.19003105927775124	is:0.1894202349513929	be:0.1396807022058323	were:0.09936706469034913	been:0.060934428659644595	am:0.03563159061743599	not:0.03350105277019894	and:0.03273964055656094	:0.01
a:0.41437039782774093	the:0.19777328720679438	no:0.14536407384945216	their:0.05412695128223439	and:0.04577257313873591	his:0.036351392523797044	of:0.03365727034258975	more:0.03221289139658571	not:0.030371162432069814	:0.01
the:0.3285149517191069	that:0.1418097574812403	of:0.1347307609100855	a:0.13433222842408019	this:0.08089682847683982	The:0.056843617241991655	or:0.053462220482841626	and:0.037248156739590324	tho:0.022161478524223753	:0.01
about:0.28935502862592527	of:0.13518314674469323	or:0.1100825528522485	and:0.10697138061450713	for:0.10601294287719061	than:0.08608439483918265	to:0.060200777054342604	within:0.05075266452470022	over:0.045357111867209775	:0.01
A:0.15688884052630253	W:0.1445481078197893	M:0.1130005533072934	C:0.11010344816183551	J:0.10601113697227788	S:0.10306243674840182	.:0.09361249017966068	B:0.08233247523921025	H:0.08044051104522863	:0.01
the:0.24586786277439152	and:0.16997323033442863	of:0.1608974002526721	to:0.1249237815759012	be:0.07553177693575927	a:0.061509878021570465	was:0.06041598053696065	at:0.04638918990689267	in:0.04449089966142337	:0.01
of:0.3571301499200308	with:0.1337201650159573	and:0.10918537500996316	for:0.10597161933950512	to:0.06685714073027185	in:0.06354227282399444	by:0.05700016212796404	on:0.050010164692944226	that:0.04658295033936919	:0.01
grew:0.42466170275582893	a:0.10103363924938198	was:0.09834342497189026	is:0.0759092445685825	much:0.0743301065319597	be:0.07244228597645301	are:0.050954068286981326	the:0.04834507149198147	and:0.04398045616694078	:0.01
of:0.3561445233496826	to:0.10494361917790322	on:0.09583022068356772	and:0.09566781240867689	with:0.08619399046106566	for:0.06946003174687991	from:0.06489663680553084	that:0.06086307081447953	in:0.05600009455221364	:0.01
as:0.188283813505136	according:0.14144678228402477	up:0.13904323060160725	and:0.1096650113200393	went:0.09104380703179268	back:0.08789812106037491	regard:0.08348580619122747	feet:0.07747526592666086	down:0.07165816207913696	:0.01
is:0.30611051829293895	was:0.214105430550483	and:0.11335695061344603	are:0.08448142540369905	of:0.07592573105573357	to:0.0560734955660216	were:0.04826526778033857	be:0.04714393955261487	Is:0.04453724118472448	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
of:0.39069519806903263	in:0.29966885823527784	to:0.07226490385681053	In:0.06125235605787519	for:0.060811880032801115	by:0.03640068529315854	that:0.02882992028270966	from:0.024633936286291767	and:0.01544226188604281	:0.01
all:0.17880066887725174	at:0.17029734962102874	several:0.12280087305477111	many:0.11946122932596032	three:0.10444789198576448	the:0.09904715969780632	of:0.09248015306347687	those:0.054797214768301065	some-:0.04786745960563926	:0.01
Why?:0.44690123015750244	<s>:0.2173064539892174	and:0.07327256889239701	it.:0.07214075054683869	them.:0.05035601676923221	in:0.03683789413950443	country.:0.03535953995475355	?:0.03154510887758254	county.:0.02628043667297183	:0.01
of:0.5791259981268896	and:0.12106631403449147	the:0.06896023081069627	at:0.04431076918026558	by:0.041089244443219916	or:0.03737607241663844	in:0.03430591725428938	as:0.03299469115347131	on:0.030770762580038136	:0.01
they:0.1744939613199765	we:0.162221946618463	to:0.1264121603374748	I:0.1160822394074555	and:0.10647564964237001	not:0.10254785010275017	who:0.07624432919247762	We:0.07238028843868666	which:0.05314157494034586	:0.01
No:0.17559428661755996	no:0.16185204710593462	that:0.15589036437378997	and:0.1046565225241862	the:0.09130775169212543	but:0.0903668971788858	any:0.08451122493977666	when:0.06418538459246442	of:0.06163552097527703	:0.01
the:0.4458555641717073	a:0.09924792184701524	no:0.0815249516114467	to:0.07681788826985048	by:0.07168073364984959	I:0.07100631202958481	and:0.060740443581048666	only:0.04564071728656719	or:0.03748546755293012	:0.01
of:0.407674785398844	to:0.12776120936196508	in:0.09811001276740029	and:0.07987385520716707	for:0.06192213266467771	by:0.059814335151744225	on:0.057195378560192196	that:0.05542901686480434	In:0.04221927402320508	:0.01
New:0.9414301808483747	Now:0.013564779406504164	New-:0.012252319929077351	Xew:0.007096852997938155	of:0.0053775447565373655	the:0.003630959351494917	to:0.002652274580170774	Mew:0.0022369284924274794	and:0.001758159637475123	:0.01
to:0.3361048759048168	and:0.31039621447016597	of:0.06351187559813498	not:0.058521129415283674	which:0.04782067583179054	have:0.04652532342421582	or:0.04535808850914482	by:0.04297932698173255	who:0.03878248986471499	:0.01
all:0.17416685295326606	of:0.1716344176181732	and:0.1504608848512784	was:0.12294626563349799	is:0.08285170463002853	it:0.08141337541723162	for:0.07816749861825328	went:0.06640024306940502	in:0.06195875720886577	:0.01
in:0.180170387863181	;:0.14721130113498004	up:0.14036776242009222	city:0.10133087312953659	county,:0.09747479450463724	him:0.08998984295277697	years,:0.08003037906180464	it,:0.07941931748034117	street:0.07400534145265011	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
and:0.28507767804085166	the:0.19073040138173197	to:0.12693588429601235	will:0.08429340490171174	a:0.072686525726779	I:0.061370902454194805	of:0.05933450778658343	that:0.05616777084013765	would:0.053402924571997454	:0.01
that:0.297944991130769	and:0.16665881167335383	as:0.11466029073787679	of:0.09685035886677897	if:0.08833284843011485	which:0.08164492007379742	but:0.06722065542897972	for:0.039114698645265976	said:0.03757242501306331	:0.01
and:0.36592237683545553	is:0.24520032074238693	was:0.16340001188790387	it:0.04855102817397233	but:0.04137162778484515	Is:0.035004330880962414	that:0.03470785099949758	are:0.03157686016960089	which:0.024265592525375364	:0.01
of:0.33444016196403653	to:0.14563728057699013	and:0.13809989539837725	in:0.07840660347789777	for:0.07472370043388966	by:0.06366209045803319	with:0.05630210147778127	that:0.05062288560888222	on:0.048105280604112136	:0.01
the:0.43202453046901207	his:0.11407931074528024	of:0.10598048187621066	their:0.09644700027772186	and:0.06432777611008474	my:0.062468357103214855	our:0.03920730883585186	such:0.03852931702928263	in:0.03693591755334121	:0.01
his:0.30566057957256004	their:0.2717966974701265	our:0.13780611501148096	her:0.09589080207576944	my:0.07916275143710297	its:0.04138604324203807	your:0.03871930989684404	bis:0.013283443719937555	My:0.006294257574140578	:0.01
to:0.3308513032120671	of:0.22672332028100203	in:0.1790338905074775	and:0.06785858438183792	the:0.0541238005090406	for:0.04367028749945221	a:0.036236447263079063	on:0.0261021096956928	at:0.02540025665035066	:0.01
the:0.34170127421390223	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093987	to:0.07847171568184984	in:0.05339647102682973	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
in:0.36299263068004173	of:0.2054662127694758	In:0.11503785476390521	and:0.06820208883279173	for:0.05881981895850226	that:0.05725867521172176	to:0.05511823389329263	all:0.03627423332103206	is:0.030830251569237025	:0.01
one:0.17274957462093676	more:0.15830689709340226	on:0.1180870273712836	day:0.11354905359128066	two:0.11347581961369303	person:0.08335828476893935	in:0.08180463954838182	man:0.07974273265284054	law:0.06892597073924195	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
and:0.2729900233150601	do:0.11698822839281858	together:0.09364106164789421	complied:0.08988924043100395	him:0.0897246982828596	connected:0.08643801416650333	them:0.08537567791063051	up:0.0801843852770217	it:0.07476867057620795	:0.01
and:0.3024842444279261	was:0.14789652250066207	is:0.09596900870974386	be:0.09291209349185649	are:0.07962562552501436	that:0.07617621460107377	it:0.06766289852403745	been:0.06429887727346362	made:0.0629745149462221	:0.01
I:0.17188945610168826	be:0.14621417995949104	was:0.14489701277743416	he:0.14417180697009727	and:0.09661174229059544	had:0.08616457465434987	it:0.07488701147508008	have:0.0718966838648165	been:0.0532675319064472	:0.01
make:0.20771580482835972	and:0.17383416606070742	is:0.12232733673978342	that:0.10232421483561073	was:0.07736298903183202	have:0.07691562473877386	but:0.07676799289157427	made:0.07649902840339894	had:0.07625284246995982	:0.01
and:0.1961246781638506	that:0.1821188568159012	will:0.12007173274187148	it:0.11104534674032385	far:0.09548736245177963	would:0.0905533895953664	had:0.06836215436957443	is:0.06484874162546217	but:0.06138773749587041	:0.01
to:0.30549348341880367	for:0.18659425496228885	told:0.10917621807585712	asked:0.0987704150122008	advised:0.0697321742528112	from:0.0653130836936508	permit:0.056644608947737575	with:0.05476825348313121	allow:0.04350750815351883	:0.01
to:0.23084164089153653	the:0.19599676182946477	of:0.16555747408636154	and:0.15864168240412752	a:0.06474452365459166	in:0.05071236753640227	at:0.050063002462748356	for:0.03808870392664653	is:0.03535384320812078	:0.01
and:0.23550824772407486	able:0.13597726447561795	enough:0.10645323301680341	is:0.10518376711412579	order:0.09950000355490586	have:0.0829369143100692	necessary:0.08107078998582314	as:0.0752452700087994	was:0.06812450980978041	:0.01
a:0.45774932249885836	the:0.2602622880453481	and:0.06277648742583432	his:0.057994866904338783	to:0.039815485544749826	of:0.03363829751629588	The:0.028391999735663823	A:0.025288070927480092	this:0.02408318140143082	:0.01
the:0.44217033855572874	of:0.1399404311810337	and:0.12189786241082926	with:0.0531606176116167	in:0.05154200921868514	said:0.051180999148665696	on:0.046995973525898856	by:0.04650570725671967	a:0.036606061090822595	:0.01
and:0.2762501222770934	of:0.17547945078711685	the:0.10766364146556026	with:0.10589897207020718	in:0.08172023430788443	a:0.07061572579638165	to:0.06512503043497507	or:0.06247410583487714	is:0.04477271702590402	:0.01
a:0.2643882278755293	the:0.2057575547124828	and:0.19106991628991735	was:0.06905598335094494	he:0.05929442895073319	be:0.058897245588810924	of:0.049907325385797834	have:0.04630258485830845	feet:0.04532673298747528	:0.01
the:0.21933358777041054	and:0.20345810380126345	of:0.1478731826224228	to:0.11597533742236103	was:0.06908083257597898	be:0.06501520475512931	is:0.0628182429503469	for:0.0549390724025091	he:0.051506435699577864	:0.01
of:0.24599794947855153	in:0.20087356663085748	on:0.15172985312596496	and:0.13586166871502908	to:0.058995650331388774	In:0.057850437587268655	from:0.05143722205685192	for:0.044792481417739775	at:0.0424611706563477	:0.01
he:0.22480229380192834	it:0.17485728277577844	they:0.12397626271710332	I:0.10874733808034656	that:0.09441150165732329	It:0.0934061924792438	we:0.05704965258936926	which:0.05692367062721335	and:0.05582580527169371	:0.01
of:0.2169198679585817	the:0.19690770048974351	and:0.13502145604837126	to:0.09441737416444072	be:0.07577678070195323	is:0.075234037504307	in:0.06822046581320038	a:0.06659615857451136	was:0.060906158744890755	:0.01
of:0.24248324645312075	and:0.22493379456712315	by:0.12541752366841333	Mrs.:0.11553575886022949	Mr.:0.06991208755101429	said:0.06861018589838763	to:0.05981221633395687	Sir:0.04791502976663917	<s>:0.035380156901115435	:0.01
feet:0.2083705893710341	poles:0.16686243736995118	up:0.11619557552687124	chains:0.11156855355118703	entitled:0.08437694067907713	went:0.07935061363836472	came:0.07491532896457027	down:0.07426522602773696	him:0.07409473487120727	:0.01
be:0.1977120964897589	was:0.18003217988503606	if:0.1354582071847733	and:0.12084174534152355	were:0.10512431453036408	been:0.0779313467019767	had:0.06903604092729902	has:0.0523225886200998	have:0.0515414803191684	:0.01
the:0.42828576858599166	and:0.16034191722427182	of:0.14267274314851128	a:0.08425017168159504	The:0.042226634639341794	in:0.040300918192518104	at:0.030859246036587375	an:0.03072707958316916	or:0.030335520908013648	:0.01
the:0.2795577484890098	of:0.17138515288587403	a:0.10545348980101767	and:0.10358081425281414	to:0.09316370237569992	his:0.07970422801247463	in:0.06393496375745417	was:0.047215012524109104	be:0.046004887901546415	:0.01
years:0.5584375078001946	weeks:0.08934882661715238	year:0.07972348374591882	months:0.07487971884540509	days:0.05842219676340416	long:0.05750860275873282	time:0.03260469042048093	week:0.026355372206022912	century:0.012719600842688233	:0.01
and:0.29052563843363216	fact:0.1718349679940122	said:0.11307705641045758	so:0.10296766644522751	believe:0.07467485194323314	is:0.06547998110151379	say:0.06072622423233118	know:0.059576482780927004	found:0.051137130658665285	:0.01
they:0.24684392915762296	who:0.24065007841783811	and:0.10102290841359553	we:0.09729380888437694	which:0.08662624481698397	They:0.08083843938761263	We:0.051752680032994804	men:0.04318646754351011	that:0.04178544334546483	:0.01
away:0.21979238561999545	and:0.16142703462541477	them:0.13112702765345594	taken:0.12545492681537387	come:0.09812015335648258	him:0.06830287900772529	came:0.06621409465773012	received:0.0662129320597808	out:0.05334856620404119	:0.01
the:0.23318810588988115	and:0.20827363305854696	of:0.1737276706818894	that:0.08051494293314888	as:0.06263075742898333	which:0.06172972933455126	a:0.06040949526916299	he:0.056208959634934254	in:0.05331670576890176	:0.01
that:0.42172195550945096	and:0.14728611672948339	which:0.1027463606917559	when:0.08144115496039869	to:0.07775759749315808	said:0.04228647441991465	but:0.04103172286841321	as:0.039512817317211235	<s>:0.03621580001021388	:0.01
the:0.4825824825027939	a:0.14490029360226842	and:0.10558946977895418	of:0.07401940861777528	The:0.06147226486331255	tho:0.03586575767403073	in:0.03563123642531585	by:0.030067441170325847	that:0.019871645365223095	:0.01
and:0.18784336682063274	as:0.15114329179679575	went:0.11423878004667351	him:0.10666558228731272	them:0.09110223752457794	up:0.08733803455919152	is:0.08689480544253657	go:0.08340199801381315	able:0.08137190350846597	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
the:0.35111467714578154	of:0.18451000687369615	on:0.1642569080701912	and:0.0783490548766875	a:0.05814720645200484	in:0.0478164131135623	said:0.04103954040457835	A:0.03420246445441177	tho:0.03056372860908672	:0.01
the:0.6748782856946587	tho:0.048819216860318294	said:0.04828476190884784	of:0.04662909027249463	Circuit:0.04643792171048545	The:0.037562632428380247	this:0.03242699703239591	County:0.032213725919128515	tbe:0.022747368173290393	:0.01
and:0.2508763143077558	of:0.1337829749717775	to:0.09975587034714968	it:0.09776707641786617	for:0.09388483826491718	in:0.0889684514097701	that:0.08702890370822029	is:0.0710488597720228	which:0.06688671080052046	:0.01
to:0.45771481240747075	I:0.17380390896000142	not:0.09394992752223086	you:0.09150805384467144	and:0.049316438778284614	will:0.03930457392241456	we:0.03207362601700102	would:0.02876007625060867	can:0.023568582297316815	:0.01
the:0.2958174644220095	and:0.2337662811770688	of:0.1487672493677787	that:0.07327481212029903	or:0.058159949934158205	a:0.05377665361420039	The:0.04536903035579681	I:0.04088229456852255	which:0.040186264440166056	:0.01
by:0.28150608558165807	of:0.25119760244657185	and:0.15467522685679785	in:0.07866827664672262	are:0.05655682157304412	the:0.04608126495850728	is:0.04424481428669291	for:0.038632087873948354	to:0.038437819776057036	:0.01
the:0.39707692663649574	to:0.1994605805368646	and:0.18794627770254435	of:0.05227315859195615	a:0.04989904899825182	in:0.02995570438507412	The:0.028452111384884383	as:0.024062621666541807	tho:0.020873570097386947	:0.01
that:0.41918642643066417	which:0.12306459701814326	if:0.10584152411724204	as:0.08005889015540969	when:0.06550644305720578	and:0.06232543611427229	where:0.05382186608530333	what:0.041227969678489865	whom:0.03896684734326953	:0.01
hundred:0.38841378645436947	up:0.09123185635738856	men:0.08930224671194738	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.07306411117914521	him:0.0668423327581923	;:0.06651424040074755	due:0.06192290086804839	:0.01
the:0.33753309618836524	of:0.18182340157110785	and:0.13268213025422473	a:0.07606345419930088	in:0.07205893777399468	to:0.06204429925054652	at:0.04691220297371514	<s>:0.042514179537647516	.:0.03836829825109755	:0.01
the:0.30179690527070785	and:0.19494464914378165	of:0.1764754875889855	to:0.08838367399948828	in:0.0725407099530854	was:0.04956512336060269	he:0.03692939660369215	be:0.0347093468022993	is:0.0346547072773572	:0.01
and:0.15113197446908375	is:0.12785790515078813	protest:0.11975807484796078	up:0.11532821112360482	was:0.10892061001229833	brought:0.10724470874618916	voted:0.08769416224496916	as:0.0863382100543849	made:0.08572614335072104	:0.01
the:0.2897383324568781	of:0.17113076544121683	a:0.10182560711526902	to:0.08415539991493164	in:0.07588252600215935	any:0.07161219763621447	for:0.06930496705250558	or:0.0656900637021065	and:0.06066014067871868	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
I:0.2972347413548833	we:0.15967374438190088	they:0.15880401414132644	We:0.10767922019127865	who:0.0681692146331263	to:0.06119250296084093	and:0.0512316825320449	you:0.04880768913955729	They:0.03720719066504116	:0.01
of:0.21931981480576096	in:0.19889241386216258	that:0.16750043299680772	and:0.07912351169332932	to:0.07727495371317152	for:0.07396891562127897	by:0.060959523090454625	on:0.05758162839370256	In:0.05537880582333153	:0.01
and:0.20222188526210955	is:0.14953327519360596	was:0.10752635559166182	able:0.09508551212469515	as:0.09361753075303399	enough:0.0890431258594552	necessary:0.08722645736063847	right:0.08386218711993232	order:0.0818836707348675	:0.01
and:0.17428398503534254	able:0.1365127288384631	right:0.12673230234907593	allowed:0.09449809842294761	is:0.09399324395641953	enough:0.09397654693712063	made:0.09273677482479523	unable:0.08994123121669098	necessary:0.08732508841914445	:0.01
of:0.3744354508687816	to:0.17052659449957547	and:0.08847645286533605	for:0.0871940482777971	at:0.07402378357984571	in:0.06606805616609979	said:0.04365450406342826	on:0.04287442859386683	from:0.042746681085269266	:0.01
to:0.7039339068934893	not:0.07300968692573077	will:0.048861880593118266	and:0.048650898355883855	the:0.030186665371893035	would:0.024269615356331795	must:0.023453150603744154	publicly:0.023200391761258096	should:0.014433804138550808	:0.01
and:0.25037799561132223	to:0.19051743664518078	of:0.12818071300755096	the:0.11341275889843262	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.05790590474591629	for:0.056443486992488516	:0.01
that:0.31477914547653374	and:0.2007516869227008	but:0.10787600368676739	as:0.09014379652450286	when:0.08237908127361927	which:0.08073958256682875	if:0.047673805523884664	where:0.03845583820312527	until:0.027201059822037178	:0.01
and:0.4815159366280918	was:0.10612951398346097	is:0.07577697782050934	are:0.06493924500120099	be:0.05865886345501073	that:0.056385861790890286	were:0.055589285891805194	to:0.05539103284018464	of:0.03561328258884604	:0.01
the:0.4708332456421853	of:0.13495994440302694	The:0.1212119116399688	and:0.06569707516078616	to:0.052361300943203376	a:0.04536932344980036	no:0.040882942861586676	in:0.0299204150632054	great:0.02876384083623701	:0.01
of:0.40707973363246985	and:0.15727668595512365	said:0.12247449120901664	by:0.1190941710348673	Mrs.:0.062047862855620896	to:0.052939089836914796	<s>:0.025000185118590135	Mr.:0.024072396327460364	in:0.02001538402993648	:0.01
on:0.20882163947107166	of:0.2058030267844747	and:0.15283046093795435	to:0.10307048091481884	On:0.09344409322188489	all:0.06169111630679553	with:0.059900783022025936	in:0.05740836204605505	that:0.04703003729491896	:0.01
and:0.6296847165330772	that:0.0673054275211106	And:0.0655885084388992	but:0.04561309596240497	as:0.04316124192676117	If,:0.037615973281624734	Why,:0.03754993291772128	there:0.03280694012322099	had:0.0306741632951798	:0.01
the:0.38494486906010367	a:0.2587115109384046	most:0.08517693723355443	of:0.06950527749795189	The:0.053325413657769105	to:0.05040082977890123	and:0.03224581192159962	his:0.03124639352707905	very:0.024442956384636193	:0.01
and:0.19955474332828924	beginning;:0.18177119348365225	that:0.12587913074587623	of:0.1032210785403478	the:0.09256851279780622	sum:0.08776695597504251	in:0.077150635229268	which:0.06138816153693879	interest:0.06069958836277886	:0.01
and:0.26268374235582553	of:0.2163499990912712	is:0.1498839122128634	are:0.10465511637169253	was:0.07640891611692434	by:0.051416864563582715	as:0.045820356683862286	from:0.04385826794441265	that:0.038922824659565314	:0.01
of:0.18271282357636104	is:0.1807002346131803	as:0.1364256384500183	for:0.12447690630844772	was:0.10361554646829632	in:0.07791129088168347	with:0.06980971213798738	such:0.06112344788532246	be:0.05322439967870286	:0.01
in:0.49911728016487183	to:0.19950914613492293	In:0.09347499783362999	and:0.05944764718845866	not:0.043573026513459186	of:0.04051199922422823	for:0.018676573201071505	with:0.018414495581908497	the:0.017274834157448907	:0.01
the:0.7276321533195541	a:0.09557263431633668	The:0.03975029555879823	this:0.03743161427299362	tho:0.025255957764412303	of:0.02249648460772105	and:0.01842231658222048	our:0.014231034606487194	tbe:0.009207508971476264	:0.01
and:0.487173714822041	that:0.14688989026974586	as:0.10544368461798051	which,:0.050775645192969836	and,:0.049570258910835586	it:0.04560635488474838	but:0.037553832594218135	or:0.03443305102612005	time:0.032553567681340434	:0.01
he:0.20292465570551002	I:0.17995947601596646	be:0.09826254567200866	have:0.08980375108172306	He:0.08573823161473314	was:0.08360508222876711	had:0.07557973388182349	are:0.05942366786966155	is:0.05819741918444775	has:0.05650543674535867	:0.01
was:0.22826722461767615	is:0.22335127548833117	are:0.12398442235523766	and:0.1076726827849318	were:0.07833966875993495	if:0.07078164772702758	do:0.057649188586351464	had:0.05382071100227674	but:0.04613317867823242	:0.01
virtue:0.21738001102627375	out:0.189773379209129	part:0.11522775944009786	one:0.10400846177203445	quarter:0.09462884564091133	favor:0.06983811406326706	result:0.06817617839096966	guilty:0.06617001917752548	means:0.06479723127979137	:0.01
of:0.31662382482780055	the:0.1882228432280848	in:0.11578788137479394	and:0.09407676728996123	that:0.0748891728352496	to:0.06204412499286629	The:0.052928240553401264	for:0.045864762222283736	Mr.:0.039562382675558685	:0.01
the:0.30066537045736186	of:0.18083337303704705	and:0.1484907152357916	to:0.13697527746982271	for:0.05023447445190031	in:0.049590724586391306	be:0.04591187306033972	is:0.04039018647411833	was:0.03690800522722708	:0.01
day:0.3560884730510934	up:0.09784404484088025	night:0.09202789600475322	in:0.08406753973525077	here:0.07848577284902072	home:0.07427907562121717	him:0.07295449136583065	time:0.06885101293105589	city:0.06540169360089783	:0.01
of:0.3490134401408755	the:0.2938449112067764	in:0.11171842006719042	with:0.054020775349424344	and:0.05121511528410283	a:0.04565825669626373	by:0.036804852486743256	The:0.02650110894761166	that:0.021223119821011868	:0.01
of:0.285500185546861	the:0.14925063548355902	to:0.11195115809306072	at:0.09408762427579473	and:0.08973579321266116	in:0.08690401599039518	a:0.0702777585714937	for:0.05515929011999829	<s>:0.04713353870617606	:0.01
of:0.19203266227905236	was:0.1408848719233512	is:0.13086538290909122	and:0.12963370539214486	with:0.12718935945802118	by:0.08941197549496456	to:0.0832729614912659	on:0.04925267843460649	in:0.047456402617502225	:0.01
and:0.18354623886757088	as:0.1529606252771528	able:0.14943303495393218	enough:0.1128809489464442	time:0.09088306694901459	him:0.08558792844345343	them:0.07400571196153936	necessary:0.07305627558029007	order:0.06764616902060265	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
United:0.8927856279256684	the:0.02619273657057036	I'nited:0.0153426890130235	ted:0.012742070121526845	Southern:0.012197219811539121	of:0.008493327814959558	nited:0.0076635169252632935	per:0.007319388570461197	Uuited:0.007263423246987585	:0.01
it:0.2584053032838919	It:0.20090805492631847	he:0.1744835680476599	which:0.08808062712117187	and:0.07298969354276362	He:0.05768449750552189	that:0.05052044776727207	I:0.0471806839336175	This:0.03974712387178287	:0.01
of:0.3618777877352622	to:0.1597221779460474	in:0.09876662696972187	on:0.0958255940250241	for:0.07634935478660027	and:0.05621971277439511	was:0.04783940935657338	that:0.04758584915154602	is:0.04581348725482939	:0.01
of:0.20482777277060715	the:0.19157469019980297	and:0.1572133167841724	to:0.1549827058826635	a:0.0793226408414419	be:0.06258366802827799	was:0.05125038664443885	or:0.0473362165644865	is:0.04090860228410865	:0.01
the:0.33234759145175424	of:0.3042973395397021	his:0.0591205799950009	to:0.05787339399165412	in:0.05315061670519715	their:0.05271140435322497	good:0.050581384808583985	public:0.041695662234071916	perfect:0.03822202692081057	:0.01
in:0.3288104324122633	of:0.1961691865297556	and:0.08569540388090616	In:0.0854744822869968	the:0.08028489133526442	to:0.06269381084457805	by:0.059477874021408375	West:0.04907669553853515	at:0.042317223150292044	:0.01
the:0.2351350997063992	to:0.19623332799248266	an:0.15973462337801708	will:0.09596606146255211	and:0.07189583821490557	of:0.07031235109062459	not:0.06724161992353991	is:0.048083464809158157	in:0.04539761342232069	:0.01
be:0.3702300745035504	and:0.12745330647284292	was:0.12585745830364295	been:0.10080271681546885	is:0.0668835870637728	he:0.06682586880250693	have:0.0460566455120882	well:0.043599069428113015	were:0.042291273098014025	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
and:0.3301429358726113	was:0.1508251941361387	is:0.12834494784641598	are:0.09329551401625262	recorded:0.06482011972787302	be:0.06076966174231863	were:0.0558935835272166	made:0.053521485961084435	that:0.05238655717008861	:0.01
and:0.2586834610289891	was:0.21264718455250586	to:0.12357940752431953	will:0.08660254622587496	be:0.08256798151923812	that:0.06258537274417865	is:0.06103924345173496	were:0.05186844977470062	not:0.05042635317845803	:0.01
contest,:0.2660037380294482	one:0.13717288213023304	;:0.11384237131101663	in:0.10444273909572238	and:0.08521966332564669	them,:0.08439981096213846	it,:0.07426798280697118	more:0.06688706665506684	action:0.05776374568375666	:0.01
to:0.6214015000493728	and:0.09671435473161341	who:0.0541016370732105	I:0.04956307364352238	which:0.04308206437956722	will:0.04265846454055253	they:0.031863845292620284	we:0.02568118890546702	he:0.024933871384073845	:0.01
in:0.24024222692817673	of:0.1920206447606444	and:0.11933801658247416	to:0.10898683539051318	with:0.09201441825713481	In:0.07303632980065598	for:0.060850938457850945	that:0.06079809230764691	from:0.042712497514902956	:0.01
the:0.3540929087915927	of:0.16270975131789134	and:0.1272190450923079	a:0.11166447727211419	to:0.09563934856041777	in:0.05489096767512283	or:0.03269274289428381	two:0.025825536840208285	all:0.025265221556061233	:0.01
of:0.39926328648486886	in:0.24619343061183238	on:0.0851195080752849	to:0.07622748458147048	for:0.06419143636706026	In:0.03386855117194922	by:0.03310337403480414	with:0.02703434492758809	from:0.024998583745141762	:0.01
and:0.20450556845365275	days:0.12596459196979642	was:0.1200144139907398	or:0.09579385432590432	time:0.09472943273581123	that:0.09322739577872444	never:0.08763760886899595	long:0.08681169958985518	be:0.08131543428651984	:0.01
of:0.5799606433591986	in:0.14726538281313326	to:0.08053617321961366	by:0.04633458265410758	for:0.037472622109457523	that:0.02952432958971119	and:0.023397503682936777	In:0.022844059606321396	from:0.022664702965519992	:0.01
and:0.3088149598326447	the:0.20886111433606377	to:0.15409611442416332	of:0.07211652986296781	will:0.06146696110417445	a:0.05881306508914588	I:0.04902087621145917	he:0.04213875266983841	in:0.03467162646954254	:0.01
the:0.4112886550043203	this:0.14506865820537856	that:0.14056550087733716	The:0.07022216524010724	same:0.05976291504511487	first:0.04959270660362507	of:0.04734934630004586	a:0.03679315222444695	which:0.029356900499623997	:0.01
there:0.21319349746577143	It:0.17450245338521098	it:0.16351697111799587	he:0.11784821607556602	There:0.11146525109273701	He:0.07469814231772813	and:0.048486069909316754	I:0.04675437500190945	which:0.03953502363376444	:0.01
and:0.19568113548000599	made:0.1313349598897222	all:0.11241670121474552	the:0.09956243369356838	day:0.0934265798921332	well:0.09263854955338224	them:0.09117305156348772	men:0.08928073049526501	<s>:0.08448585821768981	:0.01
It:0.36160336157410417	it:0.345759314808681	which:0.05966024645388078	he:0.05442849829235899	This:0.05263225116115249	that:0.036072744067898864	He:0.02972488667267973	and:0.026342316942810313	this:0.02377638002643367	:0.01
of:0.256092096108655	in:0.20622066514678147	the:0.13289879553364684	to:0.10339053561637149	at:0.06515330319054956	and:0.06357747829885814	a:0.05843064866117215	by:0.05486816959824703	for:0.04936830784571812	:0.01
was:0.22372729230814084	be:0.22146749206601296	been:0.13769147791433387	are:0.1222402715221975	is:0.10733282072790126	were:0.10675015762463186	being:0.028164547646428305	not:0.022339739084331484	and:0.020286201106021917	:0.01
and:0.3050950048819962	the:0.14345880908740638	of:0.11771442821346334	to:0.10968281118746634	that:0.07103079145912186	in:0.06940770269584291	be:0.060657230182961715	was:0.05693341913029553	is:0.056019803161445794	:0.01
No.:0.19550296097711273	.:0.13544353662640413	Sept.:0.13438938452368657	Sec.:0.11726869987144906	Aug.:0.09324372191078216	Oct.:0.08562235384113771	S.:0.0796538796925242	Mr.:0.07919717104211775	N.:0.06967829151478576	:0.01
more:0.27455083619486825	hundred:0.23499444112224227	one:0.13691976821319485	up:0.06585602697380229	men:0.061970676591421914	time:0.06165048190560898	dollars:0.05617755508791681	due:0.05161502697122784	two:0.04626518693971669	:0.01
made:0.254834497817589	and:0.22775192091805288	required:0.1022582897297618	done:0.09150870325767425	caused:0.08680469783481196	but:0.06032142081615242	that:0.05785833020879083	or:0.0551327855923157	prescribed:0.05352935382485135	:0.01
the:0.38346314140430326	a:0.17788126542550958	of:0.1267168413092137	and:0.09665924524553778	to:0.0629667392292644	in:0.045685616545917164	an:0.036143665008768595	with:0.030885185901639876	for:0.029598299929845636	:0.01
it:0.18996776648825842	which:0.16693146919859037	It:0.16388385093027855	that:0.10887832266608082	who:0.09754653858074362	he:0.09729440751502057	there:0.07644641877125939	and:0.04784424293313712	There:0.04120698291663113	:0.01
a:0.40278660913219483	the:0.18860280516272798	most:0.10936893047936659	and:0.07802225831879613	very:0.06864757331271874	more:0.04839307507678633	his:0.03479844902991179	of:0.031218179183640223	their:0.028162120303857358	:0.01
feet:0.2083705893710341	poles:0.16686243736995118	up:0.11619557552687124	chains:0.11156855355118703	entitled:0.08437694067907713	went:0.07935061363836472	came:0.07491532896457027	down:0.07426522602773696	him:0.07409473487120727	:0.01
the:0.2996090220204854	and:0.18642359287592186	w:0.13940333288825846	The:0.12203848246638888	his:0.09704039718896498	my:0.03953218998028853	that:0.037578929080643836	a:0.034930548824102924	I:0.033443504674945154	:0.01
and:0.18927067209954457	to:0.1457213105462048	was:0.1388521649004363	the:0.13344944157787528	be:0.11268908638469652	of:0.07906283297363939	is:0.06793058951267712	a:0.06393980503873581	at:0.05908409696619013	:0.01
the:0.420677298437262	of:0.16845707208618574	in:0.08613154769527719	their:0.06516238977322503	all:0.06392256824881258	and:0.05906102061409184	The:0.050217660327152906	for:0.039866461006461816	a:0.03650398181153079	:0.01
and:0.22646225889984659	to:0.1793663175554533	of:0.16273196773080137	the:0.14441230832401444	in:0.06671702552099562	be-:0.06590235747966394	that:0.05175613165960595	was:0.04831311007520194	for:0.044338522754417	:0.01
the:0.4966457810195926	a:0.13491084399822492	his:0.09011345261817824	and:0.07376350543546929	of:0.051393277303531465	The:0.037583399978995256	tho:0.0358978144594273	my:0.035246924767798324	their:0.03444500041878255	:0.01
the:0.2327640047879359	and:0.13019166034045743	a:0.11964178793882985	be:0.10965342901743338	of:0.10376721274960682	in:0.09938876510667485	his:0.06964584654943343	to:0.06656121771906352	was:0.05838607579056484	:0.01
in:0.2952629891667711	the:0.26244529554261536	of:0.23786627818376507	and:0.09569385267351804	In:0.03148938310735956	for:0.019996952987444815	to:0.018386821855715992	by:0.015808674526469762	these:0.013049751956340241	:0.01
as:0.188283813505136	according:0.14144678228402477	up:0.13904323060160725	and:0.1096650113200393	went:0.09104380703179268	back:0.08789812106037491	regard:0.08348580619122747	feet:0.07747526592666086	down:0.07165816207913696	:0.01
the:0.31062490506790175	in:0.19347519965443224	of:0.16558339616061646	at:0.08757630872350937	said:0.052009839881055224	to:0.05171044778730424	and:0.04620500266209088	In:0.04315895591411152	for:0.03965594414897832	:0.01
that:0.3560105230962727	and:0.22300199571327373	which:0.10934991430001133	but:0.07880470411805643	as:0.06848038813693406	when:0.045705569418487704	if:0.042389193800553594	where:0.03337137838467002	what:0.03288633303174043	:0.01
the:0.7043487327421232	of:0.08983144347995767	and:0.04075038755789376	The:0.036458075106251056	by:0.02909781084502219	tho:0.027402643935009994	Vice:0.026293759853609433	to:0.021907748006880907	tbe:0.013909398473251929	:0.01
the:0.34933330112311034	a:0.1769855824660249	of:0.17103057799260335	to:0.08583456319109854	and:0.08087442929637731	in:0.04292505968389863	The:0.029877426208108775	for:0.02747996317146619	with:0.025659096867311975	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
the:0.6023042815594889	Wall:0.12323822546834216	Main:0.07959932588191265	of:0.038714037518787985	Third:0.03784896215179917	Sixth:0.02804106141794514	Fifth:0.027163991073060275	Grand:0.027040063292088343	tho:0.026050051636575405	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
the:0.6837803070278663	a:0.08224298877946065	The:0.07515386566302566	tho:0.04020270003607568	said:0.02788431387140924	A:0.022600148901249593	this:0.022265794307745123	tbe:0.019240177356946747	and:0.016629704056220974	:0.01
the:0.19352375063920976	1:0.15690991157625672	-:0.12983409192063292	t:0.11312531596220633	a:0.09909199260334334	in:0.07944427235427796	and:0.07686245107617477	I:0.0749105066103049	i:0.06629770725759332	:0.01
person:0.151114476776406	in:0.14366078375527686	action:0.12158514653404302	on:0.11106304266091414	one:0.11104807963472436	man:0.09317043673038858	right:0.08907757786678927	day:0.08624512316750062	city:0.08303533287395717	:0.01
and:0.26196068913260945	suffering:0.1146412900284232	free:0.09695347965665695	or:0.09216537342675299	far:0.08758026682329842	away:0.08721981304272881	it:0.08545193344025943	miles:0.08290609099773391	them:0.08112106345153672	:0.01
the:0.27038332306752194	of:0.2667111252942322	to:0.11789328989487771	and:0.09904207654088473	in:0.06385071003716436	by:0.052429855081952345	a:0.0433280177774764	for:0.03888305200835822	be:0.03747855029753186	:0.01
cents:0.3834108729234089	cent:0.1462983022835126	cent,:0.08265766997482094	ten:0.0795145821861374	centum:0.06796157073615117	dollars:0.06478086807589008	50:0.06225800599818097	six:0.0541126959639253	five:0.04900543185797263	:0.01
;:0.3524452126203594	,:0.10132353761013094	him,:0.08340058345184746	up:0.08161258254127796	dollars:0.08042204033858923	it,:0.07791991969894312	and:0.07225997415676585	years,:0.07162451481184684	in:0.0689916347702392	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.04553578393787439	of:0.03051332981678091	tbe:0.02261446403444868	in:0.021612439669724332	or:0.020196218295911488	:0.01
the:0.23489368643808747	of:0.1714199085704589	and:0.1509222110889926	a:0.10125325371681405	to:0.08978991230211596	be:0.07036792028887345	in:0.06850275987811559	was:0.06545509613683564	is:0.0373952515797062	:0.01
and:0.13900733138175211	come:0.13002335451972025	find:0.10792407872979916	it:0.10772213528422561	came:0.10284889928519936	them:0.10219903713026177	was:0.10161699046571616	pointed:0.10113070190389888	go:0.0975274712994268	:0.01
and:0.18784336682063274	as:0.15114329179679575	went:0.11423878004667351	him:0.10666558228731272	them:0.09110223752457794	up:0.08733803455919152	is:0.08689480544253657	go:0.08340199801381315	able:0.08137190350846597	:0.01
of:0.2523558492351206	and:0.16928746430123878	in:0.12483596792384387	with:0.10151053519944808	to:0.09883079762593784	for:0.07479873152811378	that:0.06518170357774511	by:0.053846178297207004	at:0.04935277231134485	:0.01
the:0.2727197008982446	of:0.14850502353901865	and:0.14352210889681397	to:0.13543012419606013	a:0.07508669985300977	was:0.060296141675292014	be:0.05884514258692457	or:0.04833610037075638	in:0.047258957983879774	:0.01
the:0.6383290262438203	at:0.09001153092428416	of:0.08884184980988359	to:0.05064466825529087	in:0.02980763650938362	tho:0.029496506236513034	said:0.028436238838201285	this:0.020620780503339653	and:0.013811762679283536	:0.01
and:0.18731138200478087	made:0.17540384171649717	followed:0.10359032627645369	accompanied:0.1016503829922691	up:0.09188343918923052	called:0.08569117549410002	is:0.08390835925131883	there:0.08179314045973154	that:0.07876795261561806	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
the:0.3321880027488057	in:0.13234919060910194	of:0.11527968440896319	from:0.08209364129518008	his:0.08187577711102022	a:0.06967714314925759	and:0.06743099842254031	their:0.059206047626693285	to:0.049899514628437606	:0.01
the:0.30337617970676906	of:0.18860457588018725	and:0.131061740829474	to:0.0977610809207078	a:0.0809566554459928	in:0.055741965423345884	be:0.051143240024298715	was:0.041879765140534715	is:0.03947479662868964	:0.01
is:0.2524479625653079	ought:0.12100787889195094	are:0.1178352422795325	seems:0.11055594763804424	was:0.09614106152581381	not:0.0941843627106136	said:0.07532254921697497	seemed:0.06249828089648135	as:0.060006714275280794	:0.01
of:0.28316966243487823	a:0.2821410640166975	and:0.09953619099730841	in:0.09623139059015219	the:0.07054575300125444	with:0.05510588974197613	for:0.03704880800268111	some:0.03599117762032304	A:0.030230063594728795	:0.01
to:0.21933751448187902	and:0.2056090352244766	the:0.1945536989813919	of:0.15547992204256322	in:0.050020564638809134	a:0.04323399990459468	not:0.04294346232233522	or:0.04132493109044247	for:0.037496871313507714	:0.01
and:0.25037799561132223	to:0.19051743664518078	of:0.12818071300755096	the:0.11341275889843262	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.05790590474591629	for:0.056443486992488516	:0.01
to:0.26860052360775977	and:0.25812320095521124	of:0.08953645673833266	I:0.08616670779330218	the:0.0857920911821238	not:0.06028123185969141	in:0.058138938185820103	he:0.043763913378188704	have:0.03959693629957017	:0.01
he:0.4519788857095797	I:0.12570129905380997	He:0.10132981920626849	and:0.09968634228895655	she:0.08596990856105506	it:0.0396664445002175	It:0.0348203189137576	ho:0.02882274226445626	who:0.02202423950189898	:0.01
of:0.4002517864907297	in:0.13124295673731765	to:0.09889717349994905	and:0.07360037414059416	by:0.07060060438966623	that:0.062075791272054495	for:0.06099297596459371	with:0.051656627407527356	from:0.04068171009756759	:0.01
to:0.2994339941216612	will:0.2350166925447118	shall:0.09865169603701197	would:0.09161524516228195	may:0.08313616617191867	should:0.07011796288020626	must:0.050145645805293425	not:0.03983414240705037	and:0.02204845486986439	:0.01
or:0.3607728720798067	of:0.12181582360094814	in:0.11416098775397265	to:0.10810149962431044	on:0.09723488753390953	at:0.0664158549402604	for:0.04265780024016615	by:0.042626653244268536	that:0.0362136209823575	:0.01
at:0.2394141906911601	of:0.17738909010919476	and:0.13544149983187473	for:0.11871301834517071	in:0.08754516730099307	to:0.07865216735754536	the:0.07135260739734296	a:0.04914553703079698	that:0.03234672193592159	:0.01
the:0.580166468567312	a:0.14849300358346093	The:0.07549681981066407	tho:0.044771141820806486	and:0.04016409904866965	this:0.03333870943550927	his:0.02790536179747638	on:0.02018203286329354	our:0.019482363072807585	:0.01
to:0.28852490987018986	the:0.18522169159645444	and:0.16694362009841446	of:0.10154427505041501	in:0.0738973618289873	a:0.06039934620465166	I:0.04500533332333986	which:0.035834329326551284	his:0.0326291327009962	:0.01
it:0.2171972497521456	he:0.21631555415657122	It:0.11970194847944832	I:0.11180965439620645	which:0.08809984775858756	He:0.06540701643363538	and:0.06385382001398325	who:0.06074185436972431	she:0.046873054639697945	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
three:0.3000891943323512	feet:0.13372284653856203	up:0.09692890613421906	went:0.09340475435354734	and:0.09082614422587539	four:0.07971592093611077	go:0.07164453431063776	two:0.06205186105452617	him:0.06161583811417041	:0.01
and:0.17836713781556449	not:0.14933879315131388	is:0.14447237189022946	or:0.1307913598974557	was:0.09872660729531402	are:0.09084140916537951	of:0.07247847978296726	be:0.06976140757305542	been:0.05522243342872023	:0.01
the:0.4932179567941781	of:0.1362204859521019	said:0.06939075778140966	and:0.06910925031198888	The:0.0580982938591892	Mr.:0.056439660860982725	in:0.04254098432960838	.:0.03818672624708354	<s>:0.026795883863457732	:0.01
there:0.337939076666881	There:0.2322052962782903	they:0.14881854025348001	and:0.0700568409256557	They:0.04950963307554958	who:0.044016900638399144	we:0.04253104111935671	which:0.04230280173448709	men:0.02261986930790036	:0.01
to:0.2082400486603598	the:0.2040097545902015	and:0.19980432728505823	of:0.15978957334487476	in:0.06337877849958568	a:0.05463758289552893	not:0.03746152227349155	I:0.03180451839090819	be:0.030873894059991414	:0.01
the:0.2996282127636163	of:0.17109641996751038	and:0.15811024451773753	a:0.07879617152901046	Mr.:0.06639288749381046	be:0.06335440872644721	The:0.06112575644363107	was:0.051530800779519374	to:0.03996509777871727	:0.01
the:0.5561724250369285	and:0.07301423242153224	a:0.071353556733315	this:0.06935339895920584	of:0.06672843243349247	or:0.043020285158067106	in:0.04186688489694465	any:0.03500834419991504	its:0.033482440160598814	:0.01
the:0.47911636853392614	and:0.10078480860105794	of:0.0995407933199606	a:0.08696531253960743	in:0.08219915636699002	that:0.04998438521116081	tho:0.03221695525275762	no:0.029856704288588637	any:0.02933551588595079	:0.01
that:0.2552027492246131	and:0.2473961613738114	but:0.13951823211335046	as:0.10047275784378419	which:0.0766585693520188	if:0.05195519272673161	when:0.049729138842514876	where:0.03626071909960701	But:0.03280647942356842	:0.01
the:0.3299177818426395	of:0.17897670274827274	to:0.1253793792460873	and:0.10985980430753879	in:0.06240993305390326	for:0.06192854377065038	be:0.05083764956696977	was:0.037005804169285124	is:0.03368440129465309	:0.01
of:0.3917341448957533	to:0.1429234420610884	and:0.09770602702350478	in:0.0700677498557314	that:0.06861055900516126	for:0.06780441743670725	with:0.06656727550202109	is:0.042311894975355084	by:0.042274489244677416	:0.01
and:0.266404284260734	held:0.13168614714946084	recorded:0.10490974745678028	made:0.09709450861257107	was:0.09290132736605217	up:0.08355454861241961	him:0.08187337574992955	it:0.0671601232216755	is:0.06441593757037704	:0.01
the:0.19756031043877514	and:0.15875939743048298	of:0.14380696944096824	to:0.138644700898628	in:0.08693436616738874	on:0.07194579432544294	for:0.06842166626133232	was:0.06297540675890961	a:0.06095138827807197	:0.01
the:0.35468862277262014	of:0.10981589215745215	and:0.10344790998847032	an:0.08656519083341879	have:0.08067500993778616	The:0.06827918951893631	their:0.06698719119548348	his:0.06579475445483512	be:0.05374623914099769	:0.01
the:0.36143265074688324	in:0.13410036944596676	of:0.11129329147904758	his:0.09854499208072334	from:0.08037748747087792	their:0.059475206325165175	In:0.053411397098563615	and:0.0473264947621945	my:0.044038110590577675	:0.01
and:0.2675869048764418	he:0.20354491040752073	I:0.1672068363767909	He:0.07532311863491938	they:0.06367192706283448	who:0.06268451503616487	it:0.0568848174975816	she:0.048861778422510084	which:0.04423519168523604	:0.01
the:0.6163333953461709	an:0.12443196407682261	and:0.06369351393078647	this:0.058491207960215494	tho:0.033912579883021474	The:0.032043575580185994	his:0.027536113717641128	to:0.016872748771800075	of:0.01668490073335592	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
interstate:0.24581100258479568	the:0.23407225917994273	of:0.22245833532305054	said:0.09708117066385538	The:0.05184026795673805	that:0.036867879108459796	a:0.03638164121665388	Interstate:0.035633709604150375	this:0.029853734362353824	:0.01
virtue:0.21738001102627375	out:0.189773379209129	part:0.11522775944009786	one:0.10400846177203445	quarter:0.09462884564091133	favor:0.06983811406326706	result:0.06817617839096966	guilty:0.06617001917752548	means:0.06479723127979137	:0.01
of:0.19888457249275882	to:0.1848256621635536	at:0.1425543349414814	in:0.13747863160675033	for:0.12730777936785306	and:0.05613863014434534	by:0.051211348979077156	from:0.048467416034823144	with:0.04313162426935709	:0.01
the:0.4533283018876072	a:0.137476480266966	his:0.09958936203272278	little:0.07976317250499129	of:0.06073260210063219	and:0.05014096593287759	in:0.04483820487486429	this:0.03219569013713407	my:0.031935220262204744	:0.01
and:0.28823171370086553	as:0.2418184090231138	that:0.20283610454797085	but:0.06532789543938038	even:0.06445615994359523	or:0.040894883187697025	And:0.032923203476163794	and,:0.02743033764145246	see:0.026081293039760832	:0.01
out:0.16169167316421687	that:0.13907564924307578	one:0.11452925051451177	part:0.11289118433690079	payment:0.10082221801146612	or:0.09178934960960837	value:0.09178348186990803	tion:0.09129193038292044	use:0.08612526286739179	:0.01
the:0.40004629088706944	of:0.17001214588784655	to:0.09324409555324727	and:0.08485788841663552	a:0.07725491056514239	in:0.05890195646690147	for:0.04850084802365697	that:0.03039356852788032	on:0.026788295671619847	:0.01
the:0.2815454715554674	of:0.239155072796628	on:0.10434679468435354	and:0.09008445050426063	to:0.08687342265674351	a:0.067126656523295	by:0.04941846904983029	in:0.03691791108377571	<s>:0.03453175114564597	:0.01
the:0.3529507509674569	of:0.2357611629749357	to:0.12888654523496526	and:0.09050904376590592	in:0.041332979375058594	be:0.041256673741006576	for:0.03751470473767561	<s>:0.03153370030713519	a:0.030254438895860214	:0.01
and:0.35166750931264584	was:0.13010271739073367	that:0.09868072369136595	is:0.09166370700530088	work:0.06673523032372904	put:0.06424513802086576	it:0.06262887416174956	him:0.062210509969594686	them:0.062065590124014566	:0.01
and:0.2913756530947911	Mrs.:0.21267459678158215	of:0.11119739867207225	by:0.08852545721177046	Mr.:0.08170036631304214	to:0.07791353415893618	.:0.05532889295028324	said:0.03617645433006283	the:0.035107646487459614	:0.01
of:0.3909896374325875	to:0.1327229348846379	that:0.11577220055192783	and:0.08935273239298652	in:0.06481509487448096	by:0.053872788447686226	for:0.0528622770285865	from:0.049203198286454405	as:0.04040913610065221	:0.01
to:0.6440376598249897	will:0.14649588423340548	would:0.04494919923520344	must:0.0348161624960852	can:0.02995576502388073	could:0.02673066502028788	not:0.021547664384889947	and:0.021314889675609038	should:0.020152110105648654	:0.01
the:0.5573247082455074	a:0.09602001072973321	an:0.0775090180107384	his:0.06063440621679557	and:0.04450431309924749	most:0.042593375309815974	The:0.0394881934005527	no:0.03917997003504083	in:0.032746004952568374	:0.01
and:0.1729393979692703	for:0.14409476234582175	as:0.12249198158801552	on:0.10685204772795714	of:0.10093475776203514	to:0.09046326617550843	in:0.08667232639366067	that:0.084188811407067	with:0.08136264863066388	:0.01
the:0.4189492552129538	in:0.13530073790171412	of:0.08426064378780353	an:0.07198007957877073	their:0.0630509924000307	and:0.06183703746932304	a:0.05409464571590367	for:0.05151469665221107	his:0.04901191128128927	:0.01
of:0.2604121927226119	to:0.13622552066590307	in:0.10724857046380355	by:0.10009161408414402	with:0.09856402546617983	for:0.09732696172154937	and:0.0816756564976249	on:0.06184377622489461	as:0.0466116821532887	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
to:0.29180415793153586	and:0.21045365365751517	of:0.1452599787014739	the:0.1257557670342804	in:0.06574761127577354	<s>:0.04104981934860873	not:0.04093701420182499	I:0.0356762496974524	by:0.033315748151535096	:0.01
the:0.3276193169525599	City:0.2739864386078799	Common:0.15246273339957894	of:0.1085588743184134	Town:0.03480397137181682	and:0.027988950503523215	said:0.02781012494382966	State:0.020214368846469672	National:0.016555221055928437	:0.01
and:0.5658638876781963	and,:0.17208157382806794	that,:0.0593606535925307	which,:0.053697086651055215	that:0.04741792356245335	but:0.031461193024509254	who,:0.021385246348501443	is:0.019574080777027485	year,:0.01915835453765833	:0.01
of:0.32988671686281607	in:0.15709636892926138	and:0.11201819981619217	that:0.10512242490591721	to:0.09233967238876505	with:0.052233713756943426	by:0.051197172575584496	for:0.04708519371659139	on:0.043020537047928804	:0.01
a:0.4512319351059321	the:0.29798453447571405	ballot:0.08059096850270485	his:0.040734491436910485	to:0.02937324079216656	this:0.026571054313268287	first:0.022195917740095387	The:0.02080135140588685	of:0.020516506227321513	:0.01
of:0.28063299523007873	to:0.15436867036346033	and:0.14764173689001442	in:0.08289393741054385	for:0.07309513398220538	on:0.06880618201993287	with:0.06113379770952976	at:0.06089415253178344	from:0.06053339386245113	:0.01
to:0.6270040105750936	will:0.09026639414370663	would:0.06235128989563484	can:0.04139258575067752	I:0.040205169160761355	and:0.035004290994222635	they:0.032960960587375805	could:0.030959660454036343	never:0.029855638438491313	:0.01
the:0.34170127421390223	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093987	to:0.07847171568184984	in:0.05339647102682973	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
of:0.20475564805633228	for:0.1694005211985095	enable:0.13515529519575864	to:0.12357079414328451	from:0.10345897574177257	with:0.08971371221606815	upon:0.06185516165493176	give:0.05342195749539523	by:0.048667934297947246	:0.01
the:0.22519147941549264	his:0.17076920700121223	of:0.15101519719124004	and:0.11783429116320887	their:0.0915894252585128	to:0.06820184817303496	my:0.0606574254037931	with:0.056343374941971815	her:0.04839775145153366	:0.01
the:0.4412767524298816	and:0.1309798623320001	a:0.11085930811658942	of:0.09040021466837109	be:0.052789385069430164	to:0.047135233720786186	or:0.04630344858499873	in:0.03530180027165772	is:0.034953994806285096	:0.01
and:0.14958990246937667	miles:0.141730924338462	free:0.13778745773831563	far:0.11531946154984084	away:0.1142202585404872	suffering:0.09289524012248204	him:0.08182258540364967	them:0.0804645055433097	or:0.07616966429407623	:0.01
as:0.16683604475923358	up:0.15390285984843877	came:0.12826444072495233	and:0.12034628991000307	come:0.11364485149596149	sent:0.08325251068286921	back:0.08223670225698368	it:0.0750190352779441	presented:0.0664972650436137	:0.01
of:0.3847329978111562	on:0.2130460280688615	to:0.1109445125257738	in:0.10841052356633052	from:0.04425966194561938	and:0.03940300232802465	by:0.03283619732211662	with:0.02859837358098436	at:0.027768702851132865	:0.01
and:0.38436506392192854	time:0.1487188969605225	reason:0.1091829920085257	provided:0.08369359689298067	that:0.0603754453354683	day:0.05853184432328358	it:0.049460312916072814	money:0.04787760696196815	way:0.047794240679249644	:0.01
would:0.18324894788710866	to:0.16610775972615732	I:0.13101251821249266	we:0.10720604695459136	they:0.10431601779643777	who:0.09751872070325117	will:0.07961400608298601	you:0.061182575932705686	and:0.0597934067042695	:0.01
an:0.7177681086582186	a:0.061845921323290934	the:0.05496096988939467	very:0.04927868771884686	is:0.030840527317745368	no:0.021383257225205173	and:0.020550760974712836	An:0.0188068526497288	most:0.014564914242856617	:0.01
it:0.3263706712049878	It:0.23482919510629602	which:0.1033004920773544	that:0.08590914283007675	and:0.054588930221779866	This:0.053551176402486876	he:0.046688366837771535	this:0.045114156592541955	there:0.03964786872670479	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
hundred:0.8285449139737038	dred:0.044450262816314534	dollars:0.032442244474195386	one:0.021782646018138632	two:0.015690090801848845	due:0.013316632709316361	feet:0.012593988285085681	three:0.011465343588572124	men:0.009713877332824692	:0.01
the:0.3495226752172926	of:0.310028572465648	by:0.07491142085823457	in:0.06605894239130115	to:0.04862877728400981	that:0.04084074534026338	and:0.03998061288638619	which:0.03409794511506331	with:0.02593030844180105	:0.01
the:0.44642774952268455	of:0.1858325719389354	said:0.11402799736745657	and:0.06160961606785461	his:0.059268626726876286	The:0.03776625983080168	to:0.031760113916567696	their:0.027560290540621108	a:0.025746774088202102	:0.01
the:0.3916878334765108	in:0.16039843887326574	of:0.1406550239366103	a:0.07633149636437574	and:0.06951855341726897	to:0.05472152248515716	In:0.03915870744077219	at:0.035180378555833884	tho:0.022348045450205405	:0.01
the:0.5359335365529683	and:0.09033114136178683	such:0.08229366633718219	The:0.07203707137825914	of:0.05033328342581161	these:0.044701924635564244	that:0.04205126475736373	no:0.03890453234032301	all:0.033413579210740875	:0.01
the:0.25470561870247765	and:0.17871018174426181	of:0.12454106589558235	to:0.11666316244862257	in:0.07582920922781208	was:0.07101916294765158	a:0.06560002811236121	be:0.05991783825325078	is:0.043013732667980115	:0.01
the:0.5008731366908146	a:0.1415246647127453	his:0.10297118570844996	this:0.07059192615235257	their:0.0391804817511277	to:0.03496300324242794	in:0.034370664256487986	tho:0.033628144469247216	its:0.03189679301634702	:0.01
and:0.22281293444179992	a:0.16332559852026368	the:0.15971650653819344	in:0.13235165935982238	his:0.07547971740025924	of:0.06891187402062782	to:0.06105680543954854	their:0.06086404690517853	or:0.045480857374306516	:0.01
and:0.25037799561132223	to:0.19051743664518078	of:0.12818071300755096	the:0.11341275889843262	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.05790590474591629	for:0.056443486992488516	:0.01
of:0.1875114726972593	is:0.17100498682949405	was:0.12951428223037176	in:0.10959704099574007	and:0.09385705890605475	as:0.0870193203258471	with:0.07371660690006018	be:0.0698517219993995	such:0.06792750911577326	:0.01
he:0.24265944814372709	and:0.20883431602299782	I:0.13530893651093	be:0.10059771444614336	they:0.06950267357844575	have:0.0628454749867208	He:0.061407161029375906	who:0.05804429161391556	she:0.05079998366774332	:0.01
in:0.29875727159446197	of:0.2706607391677059	to:0.09988490857161432	and:0.0802236925196915	In:0.06624316912203834	for:0.04744130185665121	that:0.04605972920050274	by:0.04199230821076612	on:0.038736879756568005	:0.01
of:0.3833447785727538	and:0.13733061241654218	by:0.10524489144687975	to:0.09252507951702962	in:0.07374339154414623	with:0.059412745105847924	that:0.05503789112415847	from:0.04591679796409575	for:0.037443812308546265	:0.01
and:0.23288415845015015	was:0.17922673386806948	be:0.11146267852757286	stay:0.08942524779763819	them:0.08358677447189618	him:0.08306282149174887	is:0.07388465023518076	were:0.0692815259009067	are:0.0671854092568366	:0.01
and:0.1944372923421487	together:0.18064694998584138	connected:0.14784638791688007	connection:0.1448086892096974	accordance:0.11050849290477427	comply:0.06045119551015317	acquainted:0.053914338376547646	compared:0.051495838323954046	contact:0.04589081543000345	:0.01
of:0.25152480270853356	on:0.14813774934040833	to:0.1395129020401315	in:0.12902769801117664	for:0.07339802532721464	with:0.06917999499626909	and:0.067609390066669	from:0.062400889920356466	at:0.04920854758924077	:0.01
and:0.40180925423370906	made:0.10572982649976298	necessary:0.09766421441472355	provide:0.0709677106558723	him:0.06679412563114624	time:0.06399940844444657	but:0.06226152597569863	pay:0.06140975827886298	responsible:0.059364175865777885	:0.01
the:0.3506791412813245	and:0.25981621235147434	a:0.12119660679739272	that:0.0511131469108327	The:0.05070695273708827	of:0.04685773409916835	his:0.04463479411711628	these:0.034962132326859595	I:0.03003327937874311	:0.01
and:0.365488584915237	together:0.18335848298449012	connection:0.07527432154198713	do:0.06726378465456402	covered:0.0656549013923289	them:0.06496578768334575	compared:0.056499720047457395	him:0.05621920703064626	but:0.055275209749943315	:0.01
daughter:0.23668130409109198	motion:0.1356118928707023	one:0.1092237759832555	son:0.10303378084486176	part:0.09696048232723904	residence:0.09065305328569832	that:0.08106214802521866	out:0.07378508423541498	name:0.0629884783365175	:0.01
to:0.2620983149693371	and:0.19664402247129265	the:0.18720703494025467	of:0.14061051340842873	in:0.0675925481954826	a:0.03867755248806961	<s>:0.03389464108121401	not:0.032510411574388075	that:0.03076496087153255	:0.01
the:0.21168661632910737	and:0.1734208758737908	of:0.1496524303109621	as:0.1486264042445669	a:0.08287979349307766	to:0.07107758859510922	be:0.05689152027188905	such:0.04860602071964437	in:0.04715875016185232	:0.01
the:0.3973471732241113	of:0.15148752742507743	and:0.14441177795627336	a:0.10039976640996826	The:0.057966806900372224	Mr.:0.041249930492388225	to:0.03681819378615323	in:0.032965728192430016	his:0.027353095613225922	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.04553578393787439	of:0.03051332981678091	tbe:0.02261446403444868	in:0.021612439669724332	or:0.020196218295911488	:0.01
;:0.34009996987948793	and:0.14634968059035758	him,:0.11849194229083214	them,:0.09699673274106325	<s>:0.06630906511863605	it,:0.0612895801138402	,:0.05718895293833872	day,:0.05405290099639898	years,:0.049221175331045086	:0.01
the:0.34170127421390223	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093987	to:0.07847171568184984	in:0.05339647102682973	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
.:0.18687172859321324	of:0.1739913881364356	and:0.15543203610102924	the:0.12836648177855034	Mrs.:0.09199212456532826	to:0.0767216474801735	S.:0.06685153685759437	<s>:0.05595939924905153	by:0.053813657238623865	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
day:0.7288801099717537	State:0.10509988195298749	state:0.033492043676732884	city:0.026381306843862293	dav:0.02548527823199665	County:0.019615320227691673	place:0.017806935817384573	side:0.01715960479822772	City:0.01607951847936314	:0.01
the:0.4652217362830486	a:0.14172585473527347	and:0.13260059258830706	to:0.04957097718842498	his:0.04720373360195727	of:0.046986188794445105	this:0.03877716434751394	will:0.034283969941828876	that:0.03362978251920051	:0.01
it:0.2578077912117372	he:0.1581670096101097	and:0.09479657413322978	It:0.0937642975458979	who:0.09360291993536618	they:0.09220619621403628	I:0.08131469171738957	which:0.07143891984101762	we:0.046901599791215796	:0.01
and:0.29052563843363216	fact:0.1718349679940122	said:0.11307705641045758	so:0.10296766644522751	believe:0.07467485194323314	is:0.06547998110151379	say:0.06072622423233118	know:0.059576482780927004	found:0.051137130658665285	:0.01
and:0.2991570621813889	that:0.1209767551206488	was:0.10566231283894445	men:0.09224837017576903	be:0.08234515997366057	situated:0.07573456631167529	now:0.0728983059809489	made:0.07268568733904676	them:0.06829178007791742	:0.01
and:0.25037799561132223	to:0.19051743664518078	of:0.12818071300755096	the:0.11341275889843262	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.05790590474591629	for:0.056443486992488516	:0.01
that:0.4125406935953321	if:0.107758672286089	as:0.10218108061148931	which:0.0950336527603481	and:0.07458198053495405	where:0.06207481407120763	when:0.05168851284933589	what:0.043968596503646165	but:0.04017199678759796	:0.01
and:0.22646225889984659	to:0.1793663175554533	of:0.16273196773080137	the:0.14441230832401444	in:0.06671702552099562	be-:0.06590235747966394	that:0.05175613165960595	was:0.04831311007520194	for:0.044338522754417	:0.01
be:0.31133303299831055	was:0.23256499622286692	been:0.13129628843771243	is:0.09253343109260025	were:0.05588529385034738	and:0.05345536820326509	being:0.0534084303600569	are:0.038088127895464806	bo:0.02143503093937545	:0.01
to:0.3118392520806085	will:0.12613059169227203	t:0.11984709946223056	that:0.09195814575382462	would:0.08591361815159088	and:0.08534850140697159	I:0.06613257642948803	may:0.05734860361106113	which:0.04548161141195274	:0.01
and:0.37123454652934473	is:0.16835166561111028	are:0.12443378362881301	was:0.12092878791268649	I:0.056927497233487265	were:0.046634386443596784	will:0.034618867713269934	not:0.03352598429658658	be:0.03334448063110492	:0.01
the:0.4512847769445911	of:0.16200823377524076	and:0.07695320283659807	by:0.06658212420785095	to:0.06342277526906089	Attorney:0.04479291416207245	that:0.04405909963468689	Postmaster:0.043596432566190946	The:0.03730044060370774	:0.01
to:0.2438160024676605	and:0.19151972148251672	the:0.16575494234340354	of:0.14682122042725432	a:0.05688202127820804	in:0.053440658111833406	at:0.0484654825790743	for:0.04185880314810546	I:0.041441148161943775	:0.01
the:0.28886073117430033	of:0.21391795395042285	and:0.18890744700175788	to:0.08069075572217466	in:0.06315993381487477	for:0.04801528400083779	that:0.03848039509660609	with:0.03427445905938498	was:0.0336930401796406	:0.01
the:0.38927280081367605	of:0.1721048516462148	and:0.17082175439220346	The:0.11627151869807548	that:0.04169052592452665	his:0.028205704258302672	tho:0.025059907039819845	these:0.0233235448187877	to:0.023249392408393497	:0.01
the:0.34170127421390223	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093987	to:0.07847171568184984	in:0.05339647102682973	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
number:0.20885932208434108	out:0.15385522373979488	day:0.11035709953892571	one:0.10010785943270624	and:0.09046657955426679	tion:0.08782501890960508	part:0.08011895138308249	time:0.07953993590668679	that:0.07887000945059106	:0.01
and:0.3162485367424718	or:0.13242925622926802	be:0.08304404572280753	is:0.08287736610063928	not:0.08180891969607537	them:0.078792139201934	made:0.07319194148967306	but:0.07188784345586656	that:0.06971995136126449	:0.01
to:0.46839069455695875	the:0.13695869814077552	and:0.11652861264229192	of:0.07704408681922899	will:0.0629068772421185	would:0.0355847743218466	his:0.03454219495499388	a:0.03279292376479808	or:0.025251137556987737	:0.01
of:0.2991450251307674	on:0.17640553404709994	to:0.15860508994704903	and:0.09127647037661116	in:0.07446344031216572	by:0.05217610109490338	that:0.05126954387813546	with:0.04534672507828603	from:0.04131207013498187	:0.01
of:0.3869255682180725	to:0.1410843183687166	in:0.1210291900530279	with:0.0626411356478038	and:0.06262049438959248	that:0.060020541510040534	for:0.052988687712422385	at:0.051739846125312156	by:0.05095021797501165	:0.01
the:0.25849690065194936	of:0.21233005688764364	and:0.14177003477539815	to:0.1379659622848165	by:0.0667444884726389	for:0.05484683605907606	in:0.04499583069232582	that:0.03677095110174293	at:0.036078939074408525	:0.01
the:0.348335244577211	of:0.16994360295129424	a:0.11200124580435718	and:0.08537812718073948	on:0.08175363449071514	in:0.08113037368727394	to:0.04500864763328271	<s>:0.03473977454091182	at:0.03170934913421427	:0.01
for:0.18213912616883002	to:0.1801162954281979	with:0.1524256582267891	from:0.1330210364124284	by:0.08565880769913203	of:0.08168084998800255	upon:0.07978072450913964	at:0.048632763738895475	on:0.04654473782858477	:0.01
of:0.4548585633554589	on:0.15130028594201736	in:0.0991828246822898	and:0.0744862126902263	to:0.062021706179483944	that:0.051845674626765426	from:0.036516281820516146	by:0.032103162165316106	for:0.027685288537926026	:0.01
the:0.3594441203791287	an:0.3109323571042656	this:0.10578532049393874	The:0.0642395789210029	any:0.056698028531928076	An:0.027475532899252718	every:0.02278810935303854	that:0.022272901273518133	tho:0.020364051043926582	:0.01
of:0.27425625454192315	the:0.2113253383961561	and:0.15139160758249598	to:0.1251700729617946	in:0.053681813342764846	a:0.045330048815766945	or:0.043225616768860275	that:0.04300816315954321	at:0.04261108443069465	:0.01
of:0.39228269317277137	for:0.14022780930328554	in:0.1161966010751316	to:0.09219229685713688	that:0.07692202433591454	by:0.05647846800225529	and:0.04980722924559882	during:0.03688763041900986	at:0.02900524758889629	:0.01
of:0.3555390421310107	on:0.139619294949763	to:0.13575439469151812	in:0.13175024299769747	by:0.08054252163341921	from:0.044673204522660326	and:0.03681237578890417	that:0.032916058144791	with:0.03239286514023619	:0.01
have:0.23376017738941401	I:0.17473485204642225	has:0.14365831311978752	he:0.11834655784153789	had:0.11040141024303794	and:0.08465786351999177	He:0.049415645791107014	not:0.040498613312989554	they:0.03452656673571218	:0.01
and:0.31160406042684013	was:0.15198843375330282	is:0.14293478689701095	are:0.08751495165964816	be:0.07444339263214533	it:0.05853923992733708	that:0.05640720062512385	been:0.053699329385166916	succeeded:0.05286860469342484	:0.01
number:0.4852627636072279	thousands:0.09315900656326988	amount:0.07195309310700175	out:0.0675304109646043	hundreds:0.063518835660971	sum:0.06280165376648067	bushels:0.051053785572181466	one:0.05055576274313226	men:0.044164688015130786	:0.01
the:0.7571188053377655	this:0.07857660715725492	tho:0.030654947781121444	The:0.02702863035627627	said:0.021676297447234004	that:0.020853096833985996	our:0.020016434437576728	whole:0.017921358204273	and:0.016153822444512005	:0.01
of:0.4306353726538127	to:0.15247048185972167	in:0.09228522737497831	by:0.08835849060751472	and:0.0634483039661546	on:0.042963166138529435	that:0.04104163883711382	at:0.039946302418058466	from:0.038851016144116145	:0.01
time:0.19694588195622606	in:0.12881813061406425	one:0.12214332117383075	costs:0.11723891080578794	out:0.08871653675450888	new:0.08544944203691815	a:0.08377664124701036	each:0.08356120249497197	power:0.08334993291668145	:0.01
and:0.3987037576158814	was:0.12564586901297145	is:0.0904285774512238	are:0.07586501849198168	that:0.0709935054056353	be:0.06751123225115296	not:0.061836275074828535	but:0.04995114168555189	were:0.04906462301077285	:0.01
J:0.1266698770641745	I:0.11899381006931094	A:0.11221465677508814	S:0.11085429956396803	M:0.10962468427107365	m:0.10707196529228702	W:0.10446912983555615	.:0.10142349949097622	and:0.09867807763756523	:0.01
and:0.25236487832981874	the:0.20842806816797618	to:0.16963377962922366	of:0.13403211825262673	or:0.06831334328743958	in:0.048394747938212024	a:0.04341345420469975	<s>:0.03311592196234314	on:0.03230368822766026	:0.01
and:0.24715944158911993	depend:0.10115542297585237	based:0.10085046174861782	placed:0.09929781518962863	depends:0.09865819847804204	called:0.09672811564313881	down:0.08601932662424668	made:0.08525060516232964	effect:0.07488061258902408	:0.01
the:0.2733182460759954	of:0.15423716086505737	and:0.14528259025248205	to:0.10262183581871517	be:0.08657383028225224	a:0.07744275946770984	was:0.05733333087575693	their:0.04881454297593235	in:0.04437570338609881	:0.01
is:0.20186603535444836	was:0.1910285871007818	be:0.1548866801270401	and:0.08832023358728554	had:0.0780773693066795	been:0.07542174106625789	have:0.07166581235620706	are:0.06935368747913838	has:0.05937985362216134	:0.01
they:0.27303501600860564	there:0.14653151282972268	who:0.1222232688400925	we:0.09493736687362389	which:0.08820215033905598	and:0.07166245657279302	They:0.06972569939524141	men:0.06683649117598851	There:0.0568460379648763	:0.01
of:0.30229878893022977	the:0.14192542867349592	in:0.10406002756030351	and:0.10093797184566676	his:0.0852980091082082	to:0.07737885848895637	for:0.06667551285249142	their:0.05709927117978098	or:0.054326131360867114	:0.01
the:0.2599142675360964	his:0.24845336565704812	such:0.1835002838879139	their:0.08168117002754233	my:0.06517818336160795	of:0.06273896341710986	and:0.036504253116868834	our:0.02661380899930246	its:0.025415703996510306	:0.01
to:0.3801713410396947	will:0.16905314483498002	would:0.09527916658290728	may:0.08675332896552816	should:0.06283728370881102	shall:0.06007446359778352	not:0.056307515032875996	must:0.039927651800072135	can:0.03959610443734722	:0.01
of:0.35753649182791347	that:0.13577650235516642	and:0.12718056724934268	to:0.10225324826010795	by:0.08640773374521608	with:0.06367060806371078	in:0.04704232899621788	for:0.036594592632059914	as:0.03353792687026482	:0.01
to:0.7462775136474077	will:0.05960736066923648	and:0.05461222132398946	would:0.025556798833594015	can:0.024364844569397606	could:0.022728472927166433	shall:0.020950203855402624	not:0.018436179739606987	may:0.01746640443419864	:0.01
he:0.2123697658464264	who:0.15091908100628376	which:0.13423069933853984	they:0.11142265066260212	it:0.10310378443593027	that:0.08782466281035547	I:0.0712737738819633	there:0.06045635920866449	she:0.05839922280923447	:0.01
it:0.28584850741452467	It:0.19066021082350965	he:0.16206156542602299	which:0.10689791591132614	and:0.05786169690015618	He:0.05498345529967479	I:0.05350413657979997	that:0.046133280232193444	she:0.032049231412791965	:0.01
is:0.2863834092503436	nothing:0.1598862192834244	;:0.13699244713447517	was:0.09344692674184817	and:0.09330323833196721	it,:0.05999376593893134	are:0.05817044836603713	to:0.05379345741645121	him,:0.04803008753652163	:0.01
the:0.6361609248929524	a:0.05894681611596044	The:0.05597021684708366	tho:0.05297637642599159	of:0.04616012997579485	said:0.04176528501318678	and:0.04165449501295203	his:0.029366497564569338	tbe:0.026999258151508835	:0.01
he:0.2786894588456655	I:0.2187993863736224	and:0.15978193519185846	they:0.07111906565666115	she:0.06405979132619377	He:0.06285818932007263	we:0.052995435898579975	who:0.0411665986351086	then:0.04053013875223757	:0.01
the:0.3335447865246003	a:0.17427508173290843	of:0.12841035759535757	and:0.12079526003607394	to:0.08046451338156742	The:0.04300339573350039	at:0.03739070741802716	Mr.:0.0370466960677367	in:0.035069201510228167	:0.01
the:0.22951541301561296	of:0.21645470357557559	and:0.1487577688846302	a:0.14564244601788376	to:0.08507460428324046	on:0.04916487638455274	in:0.043579939384624546	<s>:0.036497837523687536	be:0.035312410930192197	:0.01
of:0.5752343176843888	in:0.14728314967164774	to:0.07586931738189924	by:0.06094295978398383	In:0.031871402096910875	from:0.02685828138852238	that:0.026518006850398984	for:0.02311175660617519	and:0.022310808536072903	:0.01
feet:0.30323200956989177	up:0.11289707474994078	down:0.10700327034433076	according:0.09165365051423191	chains:0.08731041320062455	and:0.07867576110748413	went:0.0750220199374594	back:0.06776368295260213	time:0.06644211762343462	:0.01
Mrs.:0.38029156722113777	of:0.12230460873439687	said:0.08335024269480153	and:0.0810877053036063	Miss:0.07403767194899469	Sir:0.07354592199295701	to:0.06053815247558201	.:0.058210301545849996	Mrs:0.05663382808267387	:0.01
of:0.31343077532048497	in:0.3030548670813857	to:0.11118275232640837	and:0.06318122111458355	all:0.047666262781121904	In:0.04713138629705967	for:0.04087645516250609	from:0.037963573550874055	at:0.025512706365575715	:0.01
is:0.22608177461170714	was:0.1852972912203111	so:0.1753715600518177	be:0.11633711939368177	been:0.09989572091187687	are:0.08096892460150842	and:0.0417517256096576	were:0.03398555485123475	not:0.03031032874820464	:0.01
the:0.3241036780908108	and:0.20657272389516068	a:0.12722645475965338	of:0.117657713431395	to:0.08739672365842346	in:0.044204127559290436	be:0.032467053042815025	as:0.025730282402054785	they:0.02464124316039643	:0.01
number:0.30013593545033457	line:0.16295092342054765	quarter:0.10223375943121862	Board:0.08039441613413775	thousands:0.07468042333681196	board:0.07434062731775924	out:0.06747538632823456	amount:0.06467121440192726	piece:0.06311731417902826	:0.01
a:0.46098977785368034	the:0.11865510332234207	no:0.083033334822191	great:0.0769587835157184	good:0.06292965147593962	this:0.06164286701435872	any:0.04889543069586579	and:0.042800514969587894	his:0.03409453633031621	:0.01
of:0.28336099011184257	in:0.13870266272444876	about:0.1292303565698574	for:0.09532802575702795	within:0.0892831392006635	the:0.08849375553589568	and:0.0647417625067112	In:0.052205096941603316	than:0.048654210651949734	:0.01
of:0.34370987014445714	in:0.12741281973091412	to:0.12258165939083247	on:0.09273608394008799	and:0.08812963542476876	that:0.07205600099771796	with:0.04862315823192202	upon:0.04809806721216279	for:0.04665270492713676	:0.01
the:0.2372239585444321	and:0.1897717413181354	have:0.12704478004218475	<s>:0.12447257859303294	had:0.09229546587840039	has:0.05694984703628649	of:0.05662790247145756	I:0.05386771661800131	which:0.051746009498068936	:0.01
sum:0.18676829411122214	number:0.1566486321513545	line:0.11140081741272478	city:0.10844765106291132	out:0.10739005474369737	day:0.09286734076326106	county:0.08286139477536687	amount:0.07384405151900511	Board:0.06977176346045691	:0.01
do:0.19421841506119752	if:0.19337404022818044	If:0.13712484380668258	that:0.10646575380250395	when:0.0940784170726965	and:0.07980538676238162	Do:0.07519381423617823	did:0.06396176826890018	as:0.045777560761278875	:0.01
the:0.31688637079993115	Mr.:0.17553394782128745	of:0.1347549618140947	and:0.09916631462749304	a:0.09665466180011159	to:0.04679512473816269	The:0.04386048957519478	.:0.04066329302842449	was:0.03568483579530011	:0.01
the:0.358974226039231	in:0.16616966842372388	of:0.13052057623811253	their:0.07031352892460413	his:0.06330218471043672	and:0.056705737401036314	a:0.05157443195379749	this:0.0510845985109969	In:0.0413550477980611	:0.01
the:0.271662330229081	of:0.23000352546859326	and:0.13884537094325505	a:0.09809902899448508	their:0.08019695701187927	with:0.05590558177563792	his:0.054346301313037394	its:0.03261688057838086	an:0.02832402368565024	:0.01
and:0.29169997815308213	was:0.1328703627143118	out:0.08873310066938216	that:0.08746131418060452	placed:0.08440072742047074	work:0.08020079681811661	made:0.07677797059304475	is:0.07472371838239819	up:0.07313203106858901	:0.01
to:0.2625250266331983	not:0.2624609391241689	I:0.14646438849971283	don't:0.08105364776728152	you:0.0791949193984599	we:0.05174848517586476	We:0.03733400738338787	didn't:0.034767258534862316	and:0.0344513274830636	:0.01
of:0.4059152898340685	the:0.15726767510568604	and:0.09723020500398398	to:0.09513651410509205	at:0.0821038388937934	by:0.048175059256568155	for:0.03597553216309035	with:0.0347376486238883	in:0.03345823701382933	:0.01
was:0.1899145345161912	be:0.1543658617072605	is:0.11157448049837697	been:0.1068048328019	of:0.10335038683907467	the:0.09898389482971727	and:0.09751034532941251	were:0.06497103383901072	are:0.06252462963905606	:0.01
the:0.31082502094792436	of:0.2331588111976363	for:0.10162268169096014	in:0.10113235988959186	and:0.0931796840565083	to:0.05381632317832371	all:0.046609633641172966	with:0.029597447579042903	other:0.02005803781883945	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
number:0.22534018296935623	out:0.19397703787317064	sum:0.1010704555132592	amount:0.08789471326069254	one:0.08506575090909559	years:0.07781876461733514	that:0.07559886852095622	matter:0.07462364107435088	and:0.06861058526178347	:0.01
it:0.19549328618000636	and:0.1424055142409468	I:0.12396452388203213	he:0.10837075534165984	which:0.09917829359620356	they:0.09882972305776176	It:0.08057606199899534	that:0.07393722861085703	you:0.06724461309153715	:0.01
one:0.21967184196860368	three:0.1390280834270198	five:0.1264072646005238	two:0.11716990668316368	a:0.09983024313362253	six:0.09157590391622415	four:0.08058627609323368	eight:0.06668262960541724	seven:0.04904785057219143	:0.01
of:0.5050740525942161	to:0.09124210731711103	in:0.08263957164123324	by:0.06530183547590274	and:0.06363160785738428	on:0.05669384397822033	that:0.04911178873120826	In:0.04316046310175063	from:0.033144729302973144	:0.01
to:0.5510197096256599	will:0.15008290196059051	not:0.06490483020220714	would:0.06450590519010986	and:0.05545485971129013	shall:0.027171263907521514	may:0.02647276536706643	can:0.02528940427547842	could:0.025098359760075878	:0.01
and:0.2682983319507874	recorded:0.10717905104111182	was:0.10263907629409649	made:0.09927630384100071	that:0.09842569549211198	o'clock:0.08895025276229458	up:0.08173084504592748	is:0.07240199994443215	found:0.07109844362823738	:0.01
of:0.27404751345345146	the:0.21760197113705962	to:0.11192366346135452	a:0.10475215581601931	in:0.10376832033466482	and:0.07427786623811199	at:0.035499562255862496	for:0.03449192824927743	with:0.03363701905419835	:0.01
of:0.20482777277060715	the:0.19157469019980297	and:0.1572133167841724	to:0.1549827058826635	a:0.0793226408414419	be:0.06258366802827799	was:0.05125038664443885	or:0.0473362165644865	is:0.04090860228410865	:0.01
the:0.2706744559228914	of:0.20690955648494097	and:0.18074035821897114	.:0.07741349594123954	to:0.06959324817403104	<s>:0.05485343861793484	by:0.05139125206617531	a:0.04255820040845312	The:0.035865994165362625	:0.01
an:0.5026825703229865	the:0.16727866485345685	of:0.13697320143480987	in:0.04540299658196608	to:0.03215326296929625	and:0.030640825779634933	An:0.03013419938312169	The:0.027116526364160443	a:0.017617752310567364	:0.01
and:0.18784336682063274	as:0.15114329179679575	went:0.11423878004667351	him:0.10666558228731272	them:0.09110223752457794	up:0.08733803455919152	is:0.08689480544253657	go:0.08340199801381315	able:0.08137190350846597	:0.01
and:0.2789677684723123	him:0.165339413698242	was:0.1122698083119081	man:0.096438896839694	it:0.09281578859421531	up:0.06562583647316446	that:0.0651909040662511	found:0.057174702346197044	made:0.05617688119801571	:0.01
and:0.18552668343174028	the:0.17928268355096624	of:0.1537079584360458	to:0.142575788568089	be:0.09033375319685075	was:0.07646336480896143	is:0.06802686908593893	in:0.05218404374538236	for:0.04189885517602518	:0.01
of:0.23433583092232185	in:0.14646790543069857	to:0.1395741039828132	at:0.12982490202141922	for:0.1263475985002096	with:0.06470607478725314	from:0.05100875687218911	on:0.05090927882103448	by:0.04682554866206086	:0.01
and:0.2421525371627739	is:0.16257051918700588	was:0.14181354577167612	the:0.09482165538042855	so:0.08325506076040592	are:0.08273005728640617	be:0.0777934296588743	to:0.0530604933139792	as:0.05180270147845007	:0.01
a:0.21425031372608325	the:0.2135241708737972	is:0.17110755620087167	was:0.11254661698441262	are:0.08207488392581706	be:0.08164433843837511	not:0.04139940284684453	been:0.037010860791339605	were:0.03644185621245891	:0.01
the:0.5321768886676587	an:0.11266515311950674	and:0.06401596773935145	sufficient:0.059569928701086655	large:0.05054831338287663	this:0.048397976728234385	that:0.042255241885005186	to:0.0406336956618934	a:0.03973683411438675	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
to:0.2620983149693371	and:0.19664402247129265	the:0.18720703494025467	of:0.14061051340842873	in:0.0675925481954826	a:0.03867755248806961	<s>:0.03389464108121401	not:0.032510411574388075	that:0.03076496087153255	:0.01
<s>:0.25455447020157906	it.:0.22465874145204476	them.:0.10938652982322934	?:0.09213124876074492	him.:0.07576598559269594	me.:0.06081631481548079	.:0.06060102572674442	her.:0.057650529767539656	you.:0.05443515385994121	:0.01
of:0.19341917918443396	in:0.18176217772845019	for:0.1327192742778708	to:0.11058426022093089	with:0.10431874299438908	as:0.08253756204201325	and:0.06741820226476208	was:0.06047800486923578	is:0.05676259641791415	:0.01
the:0.34170127421390223	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093987	to:0.07847171568184984	in:0.05339647102682973	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
the:0.26631771811439525	and:0.20187492102926918	of:0.1589843633303804	to:0.11059027842715603	in:0.0571012098710703	that:0.05146239565117725	said:0.050581573006078746	for:0.04673165755322649	his:0.04635588301724631	:0.01
of:0.37520456510169614	in:0.3410722663670918	In:0.063323074804782	to:0.059373309237543165	on:0.044537139347997884	for:0.0323790496757859	from:0.03231967997213767	by:0.024120269824101252	into:0.017670645668864324	:0.01
of:0.2523558492351206	and:0.16928746430123878	in:0.12483596792384387	with:0.10151053519944808	to:0.09883079762593784	for:0.07479873152811378	that:0.06518170357774511	by:0.053846178297207004	at:0.04935277231134485	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
the:0.5935375746958177	a:0.12930020594432473	of:0.08352132949980438	tho:0.05175969438874167	his:0.03830883984015158	The:0.031346911070388825	our:0.024445325399329528	tbe:0.020507595036578796	and:0.017272524124862774	:0.01
and:0.28037075074322976	do:0.17263268937907955	is:0.13209674587711503	was:0.11142866576407602	not:0.06652810473167863	And:0.06595457509614014	;:0.05888916506091064	are:0.053192591673924094	be:0.048906711673845985	:0.01
a:0.1670819435252168	fel-:0.1601119564918287	as:0.12921938669497712	is:0.11347762542869082	and:0.09092022891659417	the:0.08801005919131374	of:0.08454356608927736	be:0.08268828824022165	fol-:0.07394694542187978	:0.01
so:0.1760165658941351	of:0.14949769167081103	in:0.12044463059327692	and:0.11001724059777045	as:0.10675562777882026	the:0.09979829453072665	for:0.09482125265586638	with:0.06977344793354931	great:0.06287524834504372	:0.01
that:0.21698290739793796	which:0.1388257488517489	and:0.13494777101344077	will:0.09648075625036645	when:0.09430117639618973	to:0.09306594583287493	would:0.09119376815548208	should:0.06559174320413765	as:0.05861018289782162	:0.01
the:0.5443381295603745	a:0.21721138193766873	The:0.06514357860369203	to:0.0534962826022236	and:0.03370659820423481	tho:0.024043365737743468	no:0.023914313150359988	of:0.016785779222910358	tbe:0.011360570980792618	:0.01
w:0.4822081008351079	the:0.1815064830659909	and:0.1098238863315776	\\\\\\\\:0.07562352295952719	a:0.05034334433610211	of:0.03519865440312273	The:0.02213015444247009	<s>:0.01718613496025308	im-:0.015979718665848543	:0.01
of:0.3336780476486269	in:0.11501219727421672	and:0.11134197531742805	to:0.09715994742496628	for:0.08080902135141349	with:0.07690895712585684	that:0.07169233152386087	on:0.057499490095272644	is:0.045898032238358234	:0.01
and:0.20638878887125053	well:0.19873831791044563	regarded:0.12318903877402475	known:0.09235606727943457	such:0.09116838074041538	soon:0.0822507459137105	much:0.06875708068222429	just:0.06568533165596227	him:0.061466248172532226	:0.01
of:0.2523558492351206	and:0.16928746430123878	in:0.12483596792384387	with:0.10151053519944808	to:0.09883079762593784	for:0.07479873152811378	that:0.06518170357774511	by:0.053846178297207004	at:0.04935277231134485	:0.01
the:0.24151880091757552	of:0.22229851378227303	and:0.1795890508951101	a:0.08748588758598043	to:0.06388724456799588	in:0.05669685762196654	<s>:0.055925325411903426	for:0.04163579376941455	be:0.04096252544778048	:0.01
the:0.449525459475976	of:0.14214934462512158	a:0.10442027381962458	and:0.09764130636092665	to:0.057757061256311665	in:0.047503276805613906	or:0.03368708923219169	tho:0.029394595454062745	be:0.027921592970171247	:0.01
of:0.39228269317277137	for:0.14022780930328554	in:0.1161966010751316	to:0.09219229685713688	that:0.07692202433591454	by:0.05647846800225529	and:0.04980722924559882	during:0.03688763041900986	at:0.02900524758889629	:0.01
the:0.37171532710243055	of:0.22972143140062032	The:0.15765229037720047	and:0.05855277538483065	a:0.049537779919361286	in:0.037255962551952806	that:0.030580815374333253	his:0.02931290794771989	tho:0.02567070994155097	:0.01
one:0.2212328057605412	out:0.15939755708088252	part:0.14033788569933314	that:0.11135669960407653	and:0.09975516822344249	some:0.08052259092961322	all:0.06699904848109764	many:0.05530268913628874	people:0.055095555084724496	:0.01
in:0.4298276978386873	on:0.2702612523576376	In:0.1403757713560947	of:0.04913136193423281	the:0.04345583620826489	On:0.030075105792111582	and:0.01035125332185591	iu:0.010023443854434965	from:0.00649827733668026	:0.01
of:0.2071053912051392	is:0.13585187402884558	with:0.12284835399094125	to:0.12031573155318899	in:0.09694693951563668	was:0.08952259000807684	as:0.0825109009247548	and:0.06761472620214304	by:0.06728349257127367	:0.01
be:0.23943333851177465	was:0.15320887068832856	have:0.12158761152372548	had:0.10886940166625979	has:0.10657103118785068	been:0.09666782203378482	is:0.06859016774481569	not:0.0558685834939292	he:0.03920317314953106	:0.01
the:0.7693178021754624	and:0.051724252046114604	The:0.04784824576105927	tho:0.04120404851373465	as:0.037450428393300005	tbe:0.013442023900190926	a:0.011274556010962332	an:0.008946086852625094	or:0.008792556346551069	:0.01
of:0.2537403830613674	to:0.11658353054875498	and:0.11512523528448267	with:0.1011662709660989	in:0.09569476657657063	-:0.08693630953125944	is:0.07514381371182731	was:0.0742268123367157	for:0.07138287798292293	:0.01
a:0.648091185908516	the:0.17795621308012585	of:0.057816695960192094	this:0.03515393031909769	in:0.015640858680876054	any:0.015038382672338601	and:0.014687466407493719	our:0.01365863151034089	A:0.011956635461019202	:0.01
a:0.3438839433786467	the:0.2150586191167516	and:0.12549079255712303	of:0.11977532533060835	in:0.04324994446085515	no:0.03974268668419713	for:0.03855254885639557	with:0.03254127422998696	or:0.031704865385435495	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
the:0.4655185966590086	of:0.21385799335483274	a:0.11911524806175754	and:0.04968182374001496	to:0.03196058063470554	tho:0.0306251982642944	The:0.02871918557420521	in:0.025521021216524758	other:0.025000352494656236	:0.01
he:0.23441967341169898	and:0.18217746591554732	who:0.11656475965071621	it:0.11243263914395753	which:0.08473963328192805	He:0.0808865591917445	that:0.07379737091147204	It:0.0652749347436917	she:0.03970696374924357	:0.01
<s>:0.39560469419493444	it.:0.12228710750232027	them.:0.09215996668612449	him.:0.07539688321959763	time.:0.06668760078587475	year.:0.06336686832532964	country.:0.06273206562061297	years.:0.060632606776749434	day.:0.05113220688845643	:0.01
one:0.2509603491198837	all:0.14868292273108788	out:0.1480042798680415	part:0.11979153945342841	some:0.09105809853380172	number:0.071193977124278	side:0.05764259611422086	cost:0.05221788508163529	portion:0.050448351973622706	:0.01
the:0.2847604859436903	Navy:0.2086710291182339	War:0.16515679389254997	Treasury:0.10046665944620746	of:0.07051669701921216	State:0.05829849395849312	Fire:0.05033381139069877	such:0.029979076700381652	and:0.021816952530532608	:0.01
and:0.20735053701823783	to:0.15387785739540458	the:0.14540955176273787	of:0.10553893519947835	was:0.10277634254014692	.:0.0920927080266332	Mrs.:0.07075792840449589	<s>:0.06338869857582367	I:0.04880744107704168	:0.01
of:0.2537223515190862	to:0.18548398730407656	for:0.1328355706068854	upon:0.08629349016492195	with:0.08472802592538152	by:0.08083752175561944	in:0.07150007754550503	on:0.052895070435785875	from:0.041703904742737996	:0.01
hundred:0.1631051995366529	;:0.13365936507111423	him:0.11732615948902901	one:0.10942603140040551	feet:0.1079334711744123	up:0.10029179877010728	mile:0.09005038552425722	feet,:0.08590382326179402	time:0.08230376577222771	:0.01
provided:0.23217950814956412	called:0.15971374030075788	made:0.15834799044248352	paid:0.1415195980912087	and:0.11531185113594425	cared:0.0585270349329116	shown:0.04315695862687936	given:0.04211498802481622	voted:0.03912833029543446	:0.01
the:0.23863410058153164	an:0.20521080959732962	and:0.15286505486235322	of:0.12367342633647288	to:0.07348920581285309	The:0.05770353206594678	in:0.051785770323392544	with:0.04363083417852361	a:0.04300726624159662	:0.01
the:0.6103764511390612	The:0.09252568024220034	a:0.05243229479113467	tho:0.05078147916918245	and:0.037909689573467215	of:0.037896702152342275	their:0.0377060422550547	his:0.036338651605710856	in:0.03403300907184628	:0.01
<s>:0.35555125610168187	it.:0.15471331482865935	them.:0.10852639640492653	him.:0.0764166140268735	time.:0.07495162759029045	country.:0.0605704891382502	year.:0.06039277327436308	again.:0.049581822612728456	ment.:0.04929570602222662	:0.01
and:0.27085552295032383	of:0.16875357166365473	the:0.158060285497167	to:0.1266985020119527	be:0.0650613607990289	a:0.053672339130749605	more:0.05256459709133613	in:0.0487134238363311	was:0.045620397019456235	:0.01
all:0.17416685295326606	of:0.1716344176181732	and:0.1504608848512784	was:0.12294626563349799	is:0.08285170463002853	it:0.08141337541723162	for:0.07816749861825328	went:0.06640024306940502	in:0.06195875720886577	:0.01
the:0.21858781341275965	and:0.14787589235517212	of:0.11615811686309205	from:0.111777248760148	a:0.10253926757191248	to:0.08360693553216382	be:0.08051194311816404	was:0.06882079131216966	is:0.06012199107441834	:0.01
the:0.21464924949537284	and:0.18957015814415804	an:0.1460303145678161	is:0.12004251412270571	most:0.08812644278989448	of:0.0705505174257434	a:0.06130935976794653	was:0.05434544785659937	are:0.04537599582976353	:0.01
he:0.19216420268890672	I:0.14249478219207085	it:0.1393078157224164	It:0.12149617874351198	He:0.08856204987147628	and:0.08730213392007195	there:0.08170176791215107	which:0.07289892602507458	who:0.06407214292432002	:0.01
the:0.31325101619833967	of:0.20486283284131138	and:0.14597479242282504	to:0.09212356202286397	a:0.06379933223107617	in:0.05390073143526956	more:0.04120050653390082	his:0.03922492059718362	be:0.03566230571722974	:0.01
the:0.22335451367560186	of:0.18153182046609664	as:0.12059135769970711	and:0.10367654401934796	to:0.09205779218973198	by:0.07812699600575217	at:0.0737445708804026	in:0.06378910748540037	a:0.053127297577959316	:0.01
the:0.2929994496566222	of:0.20858169245563898	Red:0.17110196413056292	and:0.0739531976527893	in:0.06570386547121825	that:0.059609604380555986	a:0.046716572106962354	to:0.035734957589056156	said:0.03559869655659399	:0.01
and:0.2562538704119376	place:0.23302989048039083	point:0.12404273927876845	spot:0.08473761952807538	know:0.0824710762868054	room,:0.05939341681919908	that:0.05674228312242792	places:0.04898134616682404	house,:0.044347757905571335	:0.01
the:0.5961299935514126	and:0.09915178200062959	a:0.07449915963632098	of:0.045612421655196675	The:0.045542832180440904	tho:0.03951637172380565	or:0.03508736121875559	last:0.02730095215022101	that:0.02715912588321682	:0.01
the:0.215224547851929	of:0.2126415099061275	in:0.15905153292606902	and:0.09501204556435516	for:0.08557207918284016	most:0.07011450695538322	an:0.06996999422954549	to:0.04345817998800972	more:0.038955603395740626	:0.01
of:0.17193292051306372	for:0.17139885622270568	and:0.14880293847952583	in:0.13418582374450305	to:0.12018011085679174	the:0.10678319882182946	I:0.050569312626624854	In:0.04523800066741578	that:0.04090883806753986	:0.01
have:0.3339665819054502	has:0.32755542866461484	had:0.2082887940140426	having:0.045205749450952806	not:0.027121658128794208	ever:0.014441823618477184	bad:0.012833445342722242	lias:0.011195854057983566	havo:0.009390664816962326	:0.01
of:0.44972852014451553	in:0.1897014473368324	to:0.11567379460502969	on:0.06311022727521405	by:0.04086786165679484	from:0.0348727738133348	In:0.033639158974873545	and:0.03256555952201327	for:0.029840656671391762	:0.01
of:0.4350691121933087	in:0.17590693507051808	to:0.10103820455278757	In:0.054102443561787054	that:0.04894784282719978	for:0.04796761694587245	by:0.04368040144683445	and:0.04226712549192658	on:0.04102031790976529	:0.01
be:0.32615826962748257	is:0.16682787983175268	are:0.14920702216755577	hereby:0.10009574616439887	was:0.07946180479552913	been:0.05308423426763025	and:0.03971065496223109	were:0.038922826370277504	as:0.03653156181314192	:0.01
as:0.188283813505136	according:0.14144678228402477	up:0.13904323060160725	and:0.1096650113200393	went:0.09104380703179268	back:0.08789812106037491	regard:0.08348580619122747	feet:0.07747526592666086	down:0.07165816207913696	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
he:0.3327412883516205	I:0.21249392567613495	they:0.0824178384195034	she:0.07597712877843511	who:0.0648198529021005	that:0.06156865410249645	it:0.05811858836358073	one:0.055405195070448734	we:0.04645752833567986	:0.01
to:0.6200374345886435	the:0.10951157728727928	a:0.0413286669090459	not:0.04076703087486916	will:0.040418547681671656	or:0.04013791359982245	would:0.03944889474855319	and:0.02942784234372883	can:0.028922091966386124	:0.01
of:0.47193601291152665	the:0.1426745309195729	in:0.09531714768904946	a:0.07262507202263561	and:0.060038017800025045	to:0.048002357607727864	by:0.040841873417955976	with:0.030825509838310918	for:0.0277394777931954	:0.01
and:0.35482815172298954	miles:0.14932020724913667	or:0.13519251055456635	free:0.08100749418133459	than:0.07029358002794181	them:0.056163977515164436	come:0.0493533050859757	far:0.046997557191732944	out:0.04684321647115798	:0.01
from:0.2180220020555506	the:0.19694833446729548	in:0.12247782210057058	that:0.08945903226427072	some:0.08261572909543534	any:0.07972477308908749	this:0.07278699757577481	a:0.06676927872790636	same:0.06119603062410854	:0.01
that:0.25082721774418454	and:0.17042390707006808	as:0.15128640545923766	when:0.10156670650590631	which:0.07857542487888396	until:0.06659884913235842	but:0.06399581761285986	if:0.059421078542630054	because:0.047304593053871066	:0.01
for:0.22586853907139806	in:0.1749893937655769	of:0.1674103570079664	with:0.09376489879711111	to:0.08718496334123683	and:0.08368417158081828	was:0.06964059209458018	had:0.04417040410790925	is:0.04328668023340283	:0.01
that:0.31477914547653374	and:0.2007516869227008	but:0.10787600368676739	as:0.09014379652450286	when:0.08237908127361927	which:0.08073958256682875	if:0.047673805523884664	where:0.03845583820312527	until:0.027201059822037178	:0.01
of:0.26970659753182274	the:0.16285046892702604	for:0.13761178838663862	and:0.09781431611175552	any:0.07778247097783626	no:0.0758920176236981	in:0.07320278982432564	such:0.04858341103179252	public:0.046556139585104475	:0.01
the:0.4240098118758631	a:0.1817936446722017	his:0.10053028328098018	of:0.07663118406106931	and:0.04895489018061306	The:0.043546820626622226	that:0.042197916172128376	this:0.03625021512415598	my:0.03608523400636599	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
the:0.25213878617498203	and:0.21532533821275177	a:0.15317149285556528	to:0.11396853897350165	of:0.09334576142189667	his:0.0456211362254056	is:0.040644186672772524	be:0.03860543033024551	was:0.03717932913287896	:0.01
of:0.3046017000765833	in:0.15823302268285272	and:0.14066770058814532	that:0.07966390433253047	for:0.0794464044714088	to:0.07226009068863108	on:0.06507682541341048	by:0.04570861594944231	In:0.0443417357969956	:0.01
the:0.22346648317786622	of:0.21843306576758656	in:0.21736375313127246	for:0.07724299186074979	and:0.07052144239108796	In:0.06886943526748673	this:0.046427705682608685	to:0.042535461910172004	that:0.025139660811169785	:0.01
all:0.31565326970158236	other:0.1658033913494076	the:0.15829800825365997	different:0.12028496182537028	various:0.08190341735194766	many:0.0513117168936095	and:0.043145249633335686	of:0.026961133528066797	two:0.026638851463020106	:0.01
and:0.2675530231482184	made:0.14750648434168653	accompanied:0.11178221525740639	that:0.09428183053023478	or:0.09227188479736165	followed:0.08095124246280752	only:0.06649206094473836	surrounded:0.06501428227539677	caused:0.06414697624214977	:0.01
they:0.275039178330209	who:0.18462712672434262	we:0.13509772545846094	which:0.08366563180083816	They:0.0732412636894952	you:0.06939107379120876	and:0.06724961100066541	that:0.051861582592973486	We:0.049826806611806225	:0.01
his:0.34466469933093086	their:0.25539210446130994	our:0.09650860857834019	her:0.070512668571459	its:0.06698772557697925	your:0.06517201383835565	my:0.06181065517247738	bis:0.020759023623121303	to:0.008192500847026288	:0.01
is:0.310772888760382	was:0.12558880272532064	;:0.12078126807984664	nothing:0.10306897741552233	are:0.08111712164045445	and:0.07707530397438024	had:0.062408402889212594	have:0.054822532679044446	to:0.05436470183583671	:0.01
of:0.4568691043909919	in:0.1097516611339903	to:0.09563062470098066	and:0.09377055978954109	with:0.05858189155413481	that:0.05346485142653295	for:0.05015105702303389	from:0.03914103215831677	by:0.03263921782247752	:0.01
of:0.3811569946213011	in:0.15521695486962928	and:0.09112889304830793	to:0.09022422896912681	at:0.06326749313727362	for:0.06093991007439903	on:0.05782525681361867	from:0.04550430789817171	In:0.04473596056817193	:0.01
of:0.297041737567345	at:0.13440475044217512	to:0.10838291476104794	for:0.10674943870303026	in:0.09996745329207185	and:0.0877795771826036	on:0.05750961029043895	from:0.04991414421083167	during:0.04825037355045555	:0.01
the:0.4113678361169535	and:0.18080929381632746	The:0.16434834063539874	of:0.09019305767540763	these:0.04661798097110716	These:0.026058763704191898	tho:0.025242458742877973	for:0.023391423341126993	that:0.021970844996608424	:0.01
United:0.8848731775804125	the:0.04407297553959428	Southern:0.017000245298212712	ted:0.008297750956765711	I'nited:0.007802512126651418	this:0.007295672928523233	Confederate:0.007120224721502038	Uuited:0.007008525666714841	that:0.006528915181623249	:0.01
the:0.27933574056079585	and:0.17507839913382103	a:0.1609281987136312	of:0.11909541819673639	to:0.09135677331424469	in:0.050192680407247905	or:0.042287469482312164	is:0.03819370391948088	for:0.033531616271729806	:0.01
the:0.4788672451544473	a:0.16350956847750153	this:0.07921067370259917	of:0.073769823275669	and:0.04696441239612544	The:0.04280650098918231	his:0.039125668158103935	no:0.03703578268540815	any:0.028710325160963116	:0.01
the:0.26561422202639495	of:0.18859937080241773	and:0.15745233045539025	a:0.1072611646622572	to:0.10019220206305125	in:0.059191628930515654	at:0.05687580684932335	<s>:0.028919342441296497	by:0.02589393176935302	:0.01
up:0.29704323016939205	in:0.25132844038633684	due:0.08558206750888915	out:0.07431603215896167	hundred:0.07414613090168132	;:0.05774244296161054	him:0.05101317694647172	down:0.05079390482717958	to:0.04803457413947717	:0.01
of:0.2596329956818401	in:0.18804155210850365	and:0.1529609360376027	to:0.0949514824424158	with:0.09467602361980795	all:0.059525894858339194	for:0.058153949882524564	at:0.041742174985816026	on:0.04031499038315004	:0.01
and:0.20576986051327525	be:0.14724677861411745	to:0.12535070885684524	of:0.12147274158796671	the:0.10006651747810341	in:0.07829719106333621	was:0.07464897261101211	is:0.06959459791180371	re-:0.0675526313635398	:0.01
;:0.21680880074522652	up:0.1768245361358708	them,:0.09053299638160076	it,:0.08827835094126033	in:0.08756142412010726	years,:0.08612884779474349	States,:0.08437911467834915	him,:0.08132578910373672	and:0.07816014009910499	:0.01
the:0.3219954639272575	and:0.1896043965869666	of:0.18938784711854723	that:0.12562215507869087	The:0.07387937001562984	in:0.030313994266659688	Mr.:0.02933978608956259	tho:0.014967614703817725	General:0.014889372212867957	:0.01
the:0.2974502811850691	of:0.22091422415753312	to:0.09236837889488791	boy.:0.0741306415053232	and:0.06960437249933987	girl.:0.06679148007921792	a:0.06486805677156715	in:0.05550313372308324	for:0.0483694311839784	:0.01
the:0.4296733500335901	a:0.30677805126575586	of:0.06029590949388562	The:0.053221703543125776	with:0.039216402772143465	and:0.03506549026955849	his:0.025048632470323417	tho:0.02141964014600382	in:0.019280820005613347	:0.01
as:0.20237798561569875	in:0.1294595699787714	to:0.11671738796871146	of:0.11459210613226083	at:0.10374443765597414	such:0.09152004877337537	for:0.08412576389888168	is:0.07765782824194653	with:0.06980487173437977	:0.01
is:0.20294377469321745	be:0.160990347806269	not:0.13990164781263237	as:0.13448074718208372	and:0.10456135694539265	was:0.09616811521874173	are:0.055795551817267024	it:0.054090792029461016	made:0.04106766649493487	:0.01
.:0.3174440489488882	<s>:0.3010066582289514	8.:0.060362879279149614	and:0.05855759579132147	W.:0.056002671910647187	A.:0.05560860019045796	it.:0.054082833812598284	of:0.043533929189687806	Mrs.:0.04340078264829791	:0.01
and:0.32645004556120627	made:0.17921179833940262	owned:0.111558628561101	executed:0.0778409364493694	delivered:0.07628699375680496	that:0.06784665186227805	given:0.05126968893730311	them:0.05050330865954765	occupied:0.049031947872987	:0.01
of:0.3645673276069836	by:0.15514211859790794	that:0.11726863699123187	to:0.09606228379450858	and:0.08906829855050476	<s>:0.056955066270544676	which:0.04007946656923639	with:0.039856950280875506	from:0.03099985133820655	:0.01
and:0.2793253893946551	him:0.2185309636817822	it:0.08476260842951358	asked:0.07674456600068785	time:0.0736900961317829	reason:0.06587256718491913	made:0.06552442478440418	necessary:0.0627874196904869	enough:0.06276196470176815	:0.01
do:0.3076046414810905	and:0.289143729417943	did:0.11618694143560103	to:0.06443028952419189	will:0.047613191871223454	was:0.04596372622157994	or:0.04528246819894917	not:0.03823385478327746	can:0.035541157066143615	:0.01
of:0.45267809039976237	in:0.19124233019821602	on:0.11978725524063678	from:0.04858032353069892	to:0.043046436422856285	In:0.03893196506769786	dated:0.038811622622629154	for:0.03186124040896505	by:0.025060736108537568	:0.01
to:0.7384096064012924	will:0.07536501513412076	not:0.04296909638198007	would:0.034622121142138	and:0.03181411138221994	should:0.018966666722450377	may:0.01709360311451615	at:0.0157198929733722	must:0.01503988674791006	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
the:0.3153579887898781	of:0.22972837233506183	and:0.18713977344717184	The:0.05905499999155072	to:0.05628322808552549	a:0.049639998847220854	that:0.033928931327183415	an:0.029757186123146397	in:0.02910952105326123	:0.01
a:0.5457636047808747	the:0.1499912955564929	very:0.06714039325639999	but:0.053047814505814056	of:0.04486003364879763	and:0.03921229272247331	A:0.033676518519295234	is:0.031618990685933955	with:0.02468905632391808	:0.01
the:0.33971532246240616	his:0.1743288080811355	a:0.09975516050770218	their:0.09093320742647529	her:0.07141357172710695	this:0.0657389753300155	of:0.06045625559734566	any:0.045777233115766605	my:0.041881465752046196	:0.01
and:0.2626923740002488	that:0.2134579709419003	but:0.16452751573453864	what:0.07242256698774337	which:0.06841987950033716	as:0.06545859075148075	when:0.05635685051724682	if:0.05105301798183016	If:0.0356112335846738	:0.01
and:0.25037799561132223	to:0.19051743664518078	of:0.12818071300755096	the:0.11341275889843262	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.05790590474591629	for:0.056443486992488516	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
of:0.2523558492351206	and:0.16928746430123878	in:0.12483596792384387	with:0.10151053519944808	to:0.09883079762593784	for:0.07479873152811378	that:0.06518170357774511	by:0.053846178297207004	at:0.04935277231134485	:0.01
be:0.30354920510855254	been:0.16691173989451877	was:0.1410658808646986	are:0.08834854592624078	were:0.07398022485529093	and:0.06898355761389689	is:0.06556822435313223	not:0.045652395605091975	have:0.0359402257785773	:0.01
and:0.30924221119967327	that:0.12611015277008547	made:0.09865062957046655	is:0.09201446995999618	was:0.09128595813112018	placed:0.07404370378857507	as:0.06709678931603316	be:0.06629358245444635	or:0.06526250280960379	:0.01
he:0.29631509765651326	they:0.12446031800486433	it:0.11927376854797354	I:0.11448729836238145	that:0.08403808674513619	she:0.06989966367048019	who:0.06752602362780767	It:0.06000827811364537	He:0.053991465271198094	:0.01
of:0.2442598303831477	in:0.19495204076065692	to:0.14401693934043924	with:0.098868855007948	and:0.09399504898204243	on:0.06881330971087023	from:0.04968271003295342	that:0.04828865099335347	at:0.04712261478858869	:0.01
a:0.28365625181469095	the:0.25589275108556153	and:0.0946450597876406	his:0.08433054768694441	of:0.07144067231757803	.:0.06846515011399806	A:0.05898471406493319	her:0.03968426446456142	The:0.03290058866409198	:0.01
the:0.21319272316062632	of:0.16217903375940648	and:0.1597205949672759	to:0.10588622041772461	for:0.10129369630961299	a:0.09542457438191168	in:0.06730074781140233	was:0.04403750173733227	be:0.04096490745470727	:0.01
of:0.19950172929508878	in:0.19565164401939	to:0.19334913365002876	and:0.13862890756072901	the:0.08251147720918431	his:0.060613560607312725	their:0.04543936242679145	In:0.037739923402005354	its:0.03656426182946976	:0.01
a:0.2467164871996422	at:0.2439874588721936	the:0.16106407851821986	any:0.08960302358212084	in:0.07476416572070443	no:0.05504595393664228	of:0.0503058172226325	from:0.042626059688318126	every:0.025886955259526157	:0.01
of:0.7110174294134934	among:0.06734583007305674	for:0.04174390948190276	to:0.038748720041286065	with:0.035361908641695985	by:0.03464299929153101	upon:0.02324524079032356	let:0.020012803371097045	Among:0.017881158895613557	:0.01
be:0.26400126250592926	was:0.222201524590119	been:0.11589773117517739	is:0.10894035234657025	are:0.07957691955683616	were:0.07821240568984547	as:0.045817117326328566	and:0.038294789784996404	an:0.03705789702419743	:0.01
that:0.17034735897983957	and:0.16719345318715048	he:0.13756157329709578	which:0.13001701215020361	it:0.12553114233593904	It:0.08525485577046589	who:0.07893107751261316	as:0.05901943455676336	I:0.03614409220992907	:0.01
part:0.21496902104278676	one:0.2091236923398804	some:0.12867331343811733	out:0.10573031168796258	members:0.0761860450243411	and:0.06636584999188522	tion:0.06479865598258486	portion:0.062262355322562794	side:0.061890755169878825	:0.01
away:0.17501823348572756	and:0.16742120311487935	taken:0.11752864359726307	came:0.11394310261347558	come:0.11309074911538798	miles:0.08161807990167867	them:0.07674508647747993	him:0.07508147615060068	free:0.06955342554350723	:0.01
is:0.16285750683999795	not:0.15523605087436643	was:0.1513309072831328	and:0.1505199569063726	will:0.10364089841334302	be:0.09190255775046705	that:0.06736085761575489	are:0.05923181701106497	him:0.04791944730550046	:0.01
and:0.29677042362019296	that:0.20249984946197663	as:0.14715701269832923	when:0.07851276999627275	but:0.07798664836586862	so:0.06078643824629381	<s>:0.04527707120584798	the:0.04171705244815537	which:0.03929273395706285	:0.01
and:0.25037799561132223	to:0.19051743664518078	of:0.12818071300755096	the:0.11341275889843262	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.05790590474591629	for:0.056443486992488516	:0.01
the:0.3576345726578489	of:0.17015580025331342	and:0.13336838216028662	to:0.13013353189750873	that:0.04214179955677385	in:0.04161749712272057	be:0.04056793434387669	a:0.03765193968205198	<s>:0.036728542325619166	:0.01
be:0.3248387084357595	is:0.15815943667048696	was:0.15030826326435495	are:0.14085566008547637	been:0.06311098067110694	were:0.05288116540339679	and:0.048481896013578225	not:0.031165322600581635	bo:0.020198566855258608	:0.01
of:0.5012834026730113	to:0.1107240714410726	on:0.08469984837598639	in:0.0838429749488274	by:0.0629412878385432	and:0.04951185218932521	from:0.035377580921783516	that:0.03509520061385631	for:0.026523780997594164	:0.01
foreclosed:0.2135442648197597	accompanied:0.15326393402647306	made:0.13791131994204262	and:0.13215418511823612	followed:0.12340081914410175	surrounded:0.06977781461101068	up:0.05787632017490193	caused:0.051337079258656944	secured:0.050734262904817244	:0.01
have:0.35328946251732746	has:0.2674436609141953	had:0.24268234427973356	not:0.035514939864548255	having:0.033545822314682665	bad:0.01624217359426345	ever:0.01499857179966968	never:0.014904747853835006	havo:0.011378276861744831	:0.01
the:0.2074353972187697	and:0.2014554632930134	of:0.11769075297267892	was:0.09660498250630832	an:0.09255053501869685	be:0.09248700466773516	is:0.06399385629135423	to:0.060324714901070886	a:0.05745729313037234	:0.01
the:0.2785869096625998	his:0.19886669786706504	a:0.1770604073380346	their:0.08250072519466314	my:0.0663599941027413	your:0.05251251533455066	dis-:0.05049897312455824	and:0.04998427005214251	her:0.03362950732364469	:0.01
of:0.28332039449280694	in:0.14984593265131088	and:0.1284641553905941	to:0.1177865632418099	with:0.09026987808758531	for:0.05978378552307896	from:0.059549877404379066	that:0.053072827662554264	at:0.0479065855458805	:0.01
100:0.14406387670577503	two:0.140128632966137	three:0.13310673323327316	five:0.13127941518186184	hundred:0.12764728651464502	six:0.12194073420398618	fifty:0.07065691891487756	twenty:0.06494249530439893	ten:0.056233906975045364	:0.01
<s>:0.18621690106044	and:0.17521602474620418	it.:0.16982006833508195	that:0.16280351129503343	them.:0.1065454285202678	?:0.06325404764865049	but:0.043437750444413704	us.:0.04153641849458977	time.:0.04116984945531854	:0.01
to:0.1914064091249981	of:0.1882159107783918	the:0.17648122206403757	and:0.12546828186835376	in:0.09548946574017494	a:0.07768874022100612	at:0.05413372231186153	that:0.045552334529352256	with:0.03556391336182399	:0.01
the:0.28673269113363326	a:0.2472777557416454	and:0.13940991658236668	most:0.1336572738941504	of:0.07844334940782881	his:0.03294146723518542	are:0.025217428365869016	more:0.023768512738610626	very:0.022551604900710294	:0.01
he:0.33378574176831954	and:0.2439437644121098	He:0.11524572288411435	I:0.1103026119579139	who:0.058323469678709675	she:0.04195802273135785	1:0.03272418547152449	which:0.027413243364689307	ho:0.02630323773126114	:0.01
thence:0.8037242748609736	bears:0.03551269676472499	S.:0.02974884536022523	of:0.027599907639294877	.:0.02623495801866028	and:0.026059047830281123	to:0.016211585541021655	W.:0.013064051599018807	E.:0.011844632385799527	:0.01
at:0.5951027680912985	and:0.09531888135736852	of:0.08334583814632887	No.:0.047696288396622176	about:0.04100174853868965	to:0.040156126753498896	At:0.03839618251671331	from:0.025568029179337304	for:0.023414137020142622	:0.01
<s>:0.21325797182336068	it.:0.20423777968548298	them.:0.16550753445878988	time.:0.0865513688231142	him.:0.0855708671933525	her.:0.06229400741926231	country.:0.058669901126289115	tion.:0.058633323199979756	day.:0.05527724627036857	:0.01
in:0.6081942832187642	In:0.1629918851711526	of:0.08830876341654716	from:0.056057475589795284	for:0.01863429714126884	on:0.01702330243892819	the:0.013521312570323822	at:0.012881011570450402	iu:0.012387668882769468	:0.01
and:0.22457484791693796	the:0.21639535452019126	to:0.13454708606603918	of:0.12749301081947786	in:0.06553649397530097	that:0.06165198815741722	which:0.059732890883055494	a:0.053687159589455406	or:0.04638116807212474	:0.01
and:0.2196353650099343	is:0.12428859660750904	was:0.12428610483884382	be:0.11552781587297623	succeeded:0.10297729583872248	are:0.09786629852003341	made:0.07643281308738545	that:0.06529734902564674	it:0.06368836119894859	:0.01
manner:0.39461193456752314	and:0.1874970192491854	that:0.10855654014299568	way:0.07037996389927753	time:0.053828768086076215	it:0.04775881818150397	all:0.042702733322799634	one:0.04238708288685657	part:0.04227713966378214	:0.01
and:0.2647072902374642	which:0.14900208635144263	have:0.10624560673569225	the:0.10414224301639055	has:0.08939218433906831	of:0.08819082663776785	had:0.08345664495736349	it:0.05298296790612896	It:0.05188014981868179	:0.01
it:0.1885362218692313	he:0.18518470710984375	It:0.1336543366558979	I:0.11611198250759104	which:0.08454378806794761	He:0.08229025030164747	and:0.08147037069069044	that:0.06858610697116996	who:0.04962223582598016	:0.01
and:0.18038224430568864	as:0.13554351411931764	went:0.12372506225790275	him:0.11045890271840679	enough:0.09551301895106995	right:0.09091714081213759	it:0.0872451896230969	them:0.08412354702475645	made:0.08209138018762316	:0.01
a:0.22640118558434466	to:0.15904002102430562	the:0.15507093584233322	of:0.14047962409924736	and:0.1260333500185903	at:0.059106072609805986	with:0.04791700770687806	by:0.038776332906325484	in:0.037175470208169366	:0.01
in:0.7545019339910717	In:0.14886327565011268	the:0.02819673492811839	iu:0.017842039561278986	and:0.010550585865015755	a:0.01038180524605866	of:0.009195234435338682	to:0.005989887465352637	under:0.004478502857652692	:0.01
one:0.20904861871896518	part:0.1464628722328147	that:0.1232977948617128	out:0.10386133921010261	and:0.0995301071509617	day:0.09867420448048554	all:0.08781371664340826	sum:0.06412462317513684	account:0.05718672352641242	:0.01
that:0.3220657728484066	and:0.16316070372675961	which:0.13893279738451683	as:0.11128413838379694	but:0.07021087836888307	if:0.057146852208377584	what:0.056048411283439216	when:0.037340083904513384	If:0.03381036189130672	:0.01
is:0.19233156028604598	be:0.1854202262511825	of:0.14203865239185298	was:0.12496261907610492	and:0.09620578661819473	to:0.0733901455354962	with:0.06381489541656042	in:0.06253345775820213	on:0.04930265666636007	:0.01
of:0.3918580510978279	in:0.3494332246870831	In:0.09005509616248364	to:0.05972963310502016	for:0.027171527244810156	that:0.025328017660390893	from:0.019768014135702363	by:0.016482822534051495	iu:0.010173613372630312	:0.01
way:0.16840362347359342	it:0.1433448001851935	out:0.12472732330080534	them:0.10873133810262714	go:0.10704663047320624	come:0.09021562203593109	went:0.08461078752074491	enter:0.0844089798811493	came:0.07851089502674904	:0.01
it:0.2144804797470333	he:0.1774459465639145	I:0.14393291582725282	It:0.12416549278569143	which:0.108810769350585	and:0.07350628731023429	He:0.05642652208899168	who:0.0511978911150054	she:0.04003369521129167	:0.01
the:0.7214349244385498	tho:0.054621797339860695	The:0.05382730640989677	a:0.04017130016948898	great:0.030255055608998133	tbe:0.025675051498162307	and:0.022957641703975254	of:0.020668804337223755	other:0.020388118493844	:0.01
disposed:0.5598556985042709	complained:0.09591651152111615	spoken:0.0687946642882587	dreamed:0.06220834567052164	there­:0.04855167821392964	dispose:0.04210185305642385	care:0.039826668718264346	despaired:0.03694297071143565	amount:0.03580160931577912	:0.01
the:0.31137186781744963	and:0.14879710650959627	a:0.12636825118477774	of:0.11772294264400483	to:0.09098579522389609	be:0.054757846658147966	by:0.048207157454666	his:0.04793206203579919	was:0.04385697047166223	:0.01
to:0.538628987640393	will:0.14256267857609017	would:0.08550798201528458	and:0.07119526728706543	not:0.04095406837879565	could:0.03177227770872682	can:0.030166185735233872	shall:0.026576711307715856	should:0.022635841350694477	:0.01
sum:0.18676829411122214	number:0.1566486321513545	line:0.11140081741272478	city:0.10844765106291132	out:0.10739005474369737	day:0.09286734076326106	county:0.08286139477536687	amount:0.07384405151900511	Board:0.06977176346045691	:0.01
be:0.2164755482700973	was:0.1996461304466945	and:0.13163535111398503	been:0.10225026144830583	is:0.0864485110817028	he:0.08189653962275044	were:0.06269863780368985	have:0.060663561331337525	had:0.048285458881436615	:0.01
of:0.2748977404920768	and:0.2527134542608289	but:0.09899002016181307	know:0.09441812747199294	that:0.0610455388137525	But:0.05636036823448344	to:0.0556422176509866	for:0.049734752533546506	knew:0.04619778038051928	:0.01
and:0.2096297155861575	was:0.1520140123783156	be:0.13720913671539012	is:0.1307795145086627	are:0.10360936316411633	that:0.07186814696636759	were:0.06422451240194267	been:0.06135078891920281	now:0.059314809359844595	:0.01
of:0.2030402685464755	the:0.17143741687853495	their:0.14566810492156795	his:0.09396511910227316	these:0.08643001797516862	other:0.08028863031723452	our:0.07386907268549832	in:0.07383813414534839	its:0.06146323542789857	:0.01
the:0.42716591599030584	and:0.14575078561103874	of:0.12999627431186814	The:0.05458038770480232	an:0.05125484146998823	their:0.050754366574327324	to:0.04785435511067153	a:0.042068622213394115	tho:0.04057445101360364	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
the:0.24718438963450073	of:0.16171568530576447	and:0.1401642719053334	a:0.11481245723618377	to:0.11160029207516514	be:0.06906585784808315	was:0.060593030324208444	in:0.04530924826809533	for:0.039554767402665725	:0.01
to:0.3533261410053153	will:0.18260431420428613	we:0.10154987582391309	would:0.08220715113576568	I:0.07679703256623917	you:0.055578317455601545	can:0.050568150802965985	could:0.048338856891245875	not:0.039030160114667235	:0.01
I:0.26917128106038585	he:0.2197518513601855	they:0.12146558166574385	and:0.0858338193399405	it:0.0802947716413206	she:0.05654875913123116	He:0.054015997897420086	we:0.052345362912819306	who:0.05057257499095317	:0.01
and:0.27339786219960777	together:0.22903762732876512	it:0.084045328954971	covered:0.07719059789199784	them:0.07333678899428771	connection:0.06531146493366093	filled:0.06436071261403305	him:0.062556963748687	up:0.0607626533339897	:0.01
United:0.637678218003562	the:0.20574752910539734	The:0.03261896367878373	Southern:0.022461514452285117	Uuited:0.019840513976007064	of:0.01965353435288619	that:0.018435661510239888	a:0.016950938940541397	this:0.016613125980297367	:0.01
the:0.2677827637997984	a:0.21858158336585554	of:0.17118133321755158	and:0.08686989143754052	an:0.06568446405075676	to:0.05873158245627699	in:0.04467972239308402	The:0.03983658213934573	that:0.03665207713979057	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
the:0.6655745366478218	and:0.06834031866066588	The:0.05917552967830753	par:0.04168329020042434	tho:0.03551213702723112	of:0.03435336754435225	a:0.030812196015653527	in:0.030269013522969738	assessed:0.024279610702573815	:0.01
of:0.2974026893588757	and:0.1663657053004689	in:0.1127540212283175	with:0.11204156781610138	for:0.0968761889000871	to:0.092036384950429	that:0.05343029307515197	by:0.031906877782265586	or:0.027186271588302793	:0.01
the:0.5713101817248469	and:0.1115110692738848	in:0.09193011415738692	of:0.06984308354605182	a:0.03975150165584631	tho:0.031169247060218154	heartfelt:0.026316665001321207	The:0.0255246655318028	In:0.02264347204864125	:0.01
the:0.3702384832558887	of:0.27309078151125066	a:0.09578085072881835	The:0.05552104471290676	their:0.05030178461826142	other:0.039130884138662135	to:0.03614308820919748	this:0.03582627148701831	our:0.033966811337996214	:0.01
the:0.5540004817012505	The:0.15674321441432013	a:0.08743845194172145	and:0.04718570301680958	his:0.04210766441164996	of:0.040721915112057736	tho:0.024292361346284222	A:0.021276500270983763	or:0.016233707784922755	:0.01
of:0.322934988914845	and:0.12778582845030909	in:0.11151061605950156	to:0.10176742738315417	with:0.08970104502138541	on:0.0780640221866484	that:0.07053212661541718	for:0.046125274534473786	by:0.04157867083426551	:0.01
they:0.26701108235837345	we:0.13649372939231205	there:0.11082357934391451	who:0.09714605234612242	There:0.08265462551435529	They:0.081021817062217	you:0.07732429945856084	and:0.07085577204048497	which:0.06666904248365953	:0.01
and:0.26230058432466485	made:0.20737487302258106	owned:0.10868132796136143	provided:0.08235918593036648	or:0.06888791640175676	that:0.06879989334246212	occupied:0.06730988298860331	ed:0.06525866121515464	paid:0.05902767481304948	:0.01
;:0.22890042519697387	nothing:0.19987953419703977	is:0.11355613306930658	it,:0.10243592481941602	and:0.08900466101589066	them,:0.07182768128926056	anything:0.06469955771114792	him,:0.061486498927554235	time,:0.05820958377341062	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
and:0.18784336682063274	as:0.15114329179679575	went:0.11423878004667351	him:0.10666558228731272	them:0.09110223752457794	up:0.08733803455919152	is:0.08689480544253657	go:0.08340199801381315	able:0.08137190350846597	:0.01
the:0.29972195682539465	of:0.1860315204023243	and:0.12877635076785074	a:0.0997926702871424	to:0.09520497871756131	was:0.05071019019452515	be:0.049473734547356756	in:0.04018803430108381	is:0.040100563956760926	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
and:0.2789677684723123	him:0.165339413698242	was:0.1122698083119081	man:0.096438896839694	it:0.09281578859421531	up:0.06562583647316446	that:0.0651909040662511	found:0.057174702346197044	made:0.05617688119801571	:0.01
of:0.46246541285618675	to:0.12030547607155434	that:0.08527434278229877	in:0.07737437318767297	and:0.07542662295100867	for:0.060619516983373284	by:0.05025692065812196	on:0.029173809239402354	with:0.02910352527038094	:0.01
a:0.41406655965818856	the:0.3728287055861389	A:0.05640051853026942	and:0.036513881347260094	The:0.031140196114363115	very:0.02334316107028751	was:0.021892488223651675	is:0.017380371574478286	his:0.01643411789536264	:0.01
the:0.6715274962257597	a:0.12779504032397906	The:0.08207117669099262	tho:0.03860623556986232	this:0.02040458266604223	tbe:0.014859075934122326	and:0.012467435261503252	no:0.012251311472065294	any:0.010017645855673395	:0.01
and:0.409209730031233	as:0.19147636814884328	that:0.188521620437869	but:0.05245368349933591	or,:0.04200952661830048	which:0.032357416401197124	or:0.025688075336538073	which,:0.024615170367889343	time:0.023668409158793677	:0.01
<s>:0.3199149971682069	of:0.11637871648382837	as:0.09982153519679446	it.:0.0956726977340176	and:0.07971059753637491	firm;:0.0769908779049415	them.:0.07366385419575351	.:0.06571664141701399	at:0.06213008236306877	:0.01
of:0.2398708670291844	the:0.22743525417047472	and:0.13139002385520807	to:0.10376973167625372	a:0.08712962001455622	at:0.06768600089169874	his:0.04664315861358614	in:0.045541179361710225	is:0.040534164387327855	:0.01
is:0.25134760333894124	be:0.23791270420721852	was:0.13072988175863942	it:0.12043355044815492	not:0.06025395178609153	and:0.0531457931289994	as:0.04603744503719635	the:0.045568898576361934	are:0.04457017171839678	:0.01
the:0.37939445577508824	of:0.18595189652253974	and:0.10524554781442891	a:0.09287324623490655	The:0.06825801950894865	this:0.04641713761426902	that:0.0449990966028802	<s>:0.0337819326690159	or:0.03307866725792279	:0.01
that:0.3529318525689996	which:0.12489922641677852	if:0.09882764445054558	as:0.09153220831481992	and:0.0870562662839039	when:0.0728988899590719	where:0.061537478931228906	but:0.05206554947727277	whom:0.04825088359737885	:0.01
and:0.1605153849203944	able:0.12584552037456034	order:0.1202327490477498	him:0.10411986755347347	is:0.10230358199714916	was:0.09725639894996212	time:0.09647037435760988	had:0.09226467812513446	as:0.09099144467396625	:0.01
the:0.294346689544814	a:0.1759326692668715	to:0.1477702577934281	of:0.14299473948285807	and:0.0771201558466389	for:0.04995739679285972	with:0.0445068614816948	by:0.03153993457688271	The:0.025831295213952027	:0.01
matters:0.23912651852472527	and:0.17588169193013173	are:0.16292292332756175	is:0.10797196338564224	was:0.08186770884991589	not:0.06614734691561423	were:0.0535889596136375	be:0.0530127839171499	now:0.04948010353562157	:0.01
and:0.38083818567280553	so:0.15079528824633268	as:0.09658456591074474	to:0.06892398024625174	but:0.06307569774529673	fact:0.06222144486107134	say:0.05699427922650775	is:0.05620323711674054	said:0.05436332097424872	:0.01
the:0.3113084373123782	of:0.1584857711392948	to:0.14412165081006312	and:0.13716019892257106	in:0.06055572157620106	that:0.051262821204911366	as:0.04390278085399628	on:0.04369654593973088	by:0.03950607224085327	:0.01
the:0.42323808812471103	a:0.19847882668538364	and:0.10071421867002563	of:0.09419537034369498	to:0.056098418569508764	in:0.03959705011323815	tho:0.026894887415965005	The:0.0255442825372716	his:0.025238857540201415	:0.01
the:0.2885930082027725	of:0.176566445622439	a:0.12380099638058098	to:0.10274053766955328	and:0.0921597664603577	be:0.0664805226347077	in:0.04958752016343719	is:0.0472461089247686	not:0.042825093941383084	:0.01
and:0.2887504229368875	that:0.1837996167211325	time:0.12018083560604677	made:0.1026067610177042	them:0.06941977777485564	him:0.06107712576849913	but:0.056852060228511664	or:0.05497076677934714	up:0.05234263316701532	:0.01
and:0.2190925467553806	is:0.16773308466476258	was:0.13033446093688766	be:0.09805989655250717	with:0.08394225341485873	are:0.08021508610491108	of:0.07097476443756194	as:0.07091865798084734	by:0.06872924915228289	:0.01
to:0.2358683672083968	the:0.18029556303261735	in:0.12624429193476935	and:0.11085500049249983	of:0.08503784917953319	an:0.07068754654932145	a:0.06871978801367151	by:0.06468027908318036	or:0.047611314506010145	:0.01
and:0.42186447535950783	that:0.14687156068958368	but:0.1444960842705073	time:0.07775335728782748	But:0.058657226387005414	And:0.04174637107118043	me:0.038394227035090975	ago,:0.03195447904189178	even:0.02826221885740512	:0.01
the:0.2214287099017306	and:0.2030052980766631	to:0.1829640977385674	of:0.12629440444427797	a:0.07875521691246076	in:0.06227382329135979	will:0.04028478334619261	I:0.03989775363140542	he:0.03509591265734225	:0.01
the:0.25470561870247765	and:0.17871018174426181	of:0.12454106589558235	to:0.11666316244862257	in:0.07582920922781208	was:0.07101916294765158	a:0.06560002811236121	be:0.05991783825325078	is:0.043013732667980115	:0.01
his:0.1740806761309428	the:0.16751239181659397	of:0.16362694720735788	this:0.10165332840660607	other:0.10129796244736976	their:0.0802705080928411	her:0.07544881130554794	public:0.06548877700505978	or:0.0606205975876808	:0.01
and:0.36567920695259315	annum,:0.338580631074157	on:0.09415476019782644	of:0.06601320986490054	day:0.03431981921189228	or:0.025519481630818602	that:0.02292773508938673	sale,:0.02164397037930649	2:0.0211611855991188	:0.01
J:0.21374770884199162	W:0.15506080038229478	A:0.10748171393398132	C:0.10694299724830016	M:0.09586906782410005	S:0.09485933607923121	E:0.08408393713022548	F:0.0673304372180457	H:0.06462400134182947	:0.01
of:0.15456065769981348	is:0.1363114567119331	as:0.12606886448344484	in:0.12490711055559524	with:0.10690070493008606	and:0.09226958567863361	for:0.0893060710117813	to:0.08427065056895068	was:0.07540489835976175	:0.01
came:0.15234424095483431	went:0.14291947485964515	sat:0.127142500976165	go:0.11742466597119791	come:0.10828345534343171	laid:0.10645733178831061	sit:0.09451823605902433	it:0.07169250575113506	broken:0.0692175882962557	:0.01
of:0.3268199013490798	for:0.15058482413192845	to:0.14957577162623978	at:0.13952666263403105	and:0.06765463678990938	in:0.05847850823459521	that:0.035100429010256805	from:0.03166626873272176	during:0.030592997491237783	:0.01
the:0.23489368643808747	of:0.1714199085704589	and:0.1509222110889926	a:0.10125325371681405	to:0.08978991230211596	be:0.07036792028887345	in:0.06850275987811559	was:0.06545509613683564	is:0.0373952515797062	:0.01
they:0.29995413666375603	there:0.12336587267808474	and:0.11314861125863299	who:0.10672175143008084	we:0.08393458953724556	which:0.08312392011761545	They:0.06637683112029098	There:0.05753183354417497	that:0.05584245365011848	:0.01
it:0.28317097636256594	It:0.19334457336508087	which:0.11975718942031283	he:0.08582788806916333	and:0.08528961719502678	that:0.0777183143097221	there:0.06238640793109827	who:0.045422113965186965	what:0.03708291938184284	:0.01
the:0.25291993426548837	of:0.22614730499998045	in:0.21525723520323803	to:0.07644665803712171	In:0.054633659433317494	from:0.05169148925665085	and:0.039257132637253805	The:0.03842110928588036	for:0.03522547688106889	:0.01
of:0.304524202561448	and:0.16932558460700026	in:0.14487223939668256	to:0.097758771819292	with:0.09209846160630598	on:0.05732607119167455	that:0.05575225741653389	from:0.03547570039137543	by:0.032866711009687403	:0.01
of:0.19931136019033208	and:0.19671254994214324	the:0.17031631503756198	as:0.12773944473391255	a:0.11675913756336502	such:0.04856302589531077	his:0.04497921681920091	to:0.043603459162155904	their:0.04201549065601754	:0.01
to:0.5496256348676304	and:0.1356578438678346	not:0.07917743566429358	that:0.054698706834646726	shall:0.04331718405011133	which:0.03932305663044163	may:0.03202557463320755	of:0.03160749636595259	the:0.02456706708588155	:0.01
the:0.5635562815904418	of:0.15660270291337633	in:0.12434898804315815	and:0.04460618941249583	for:0.025703297183809967	to:0.024947829704199717	In:0.019603020885233337	tho:0.015813610596924366	our:0.014818079670360541	:0.01
of:0.32163800075968857	the:0.2559325571831097	and:0.1405769837536088	to:0.10006824264726459	in:0.037403833821230775	by:0.035692141622217316	said:0.0337835892071395	Mrs.:0.032964836602710025	with:0.03193981440303086	:0.01
the:0.35925457141358325	a:0.25480806913806603	and:0.09777748626170071	of:0.06928795018363539	The:0.06404890374031288	other:0.049606690529811294	his:0.04408726408675346	all:0.029016888661431192	this:0.022112175984705697	:0.01
be:0.5197058394674862	is:0.10949301748332503	was:0.08036561674281845	been:0.06981050035623738	are:0.052503997921728746	not:0.047303203894761704	and:0.043961833430100794	being:0.03604149722941123	as:0.030814493474130306	:0.01
and:0.33737111068372644	was:0.11478670231469487	look:0.08569431518814413	is:0.0842589429534458	that:0.07897589257318874	one:0.07445401422062217	be:0.07390793547584687	it:0.07377037861877847	sold:0.06678070797155262	:0.01
to:0.7252843037471383	and:0.05274165615938186	will:0.05003310372073461	can:0.03156442872904827	not:0.030047113564528105	would:0.027634844452401944	who:0.027202322994401798	could:0.02391203010795726	we:0.021580196524407916	:0.01
the:0.24880485054285437	of:0.21344591030659177	and:0.18538112203289625	to:0.15723889841421682	be:0.0454227331996412	as:0.038507793456176276	a:0.03609033543092162	is:0.03305046160922206	in:0.032057895007479326	:0.01
in:0.37361168756100743	of:0.21062341605422835	In:0.10142665045917174	for:0.08596121571490654	by:0.05797719706472546	and:0.050423488581681435	that:0.04534538219021989	to:0.03762416839440874	with:0.027006793979650372	:0.01
and:0.25037799561132223	to:0.19051743664518078	of:0.12818071300755096	the:0.11341275889843262	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.05790590474591629	for:0.056443486992488516	:0.01
was:0.25095477708130237	be:0.21598802821657173	is:0.1361200803665062	been:0.07496237240066839	have:0.06827757935901949	were:0.06743451761707484	and:0.06402974266518865	had:0.05674389125053704	well:0.0554890110431312	:0.01
the:0.5171393518077413	of:0.11319323217450356	and:0.09697800028416716	a:0.09141936830270063	The:0.059500339521169676	tho:0.03674934710588279	to:0.029167483649158624	his:0.025089819231172417	their:0.020763057923504007	:0.01
it:0.18996776648825842	which:0.16693146919859037	It:0.16388385093027855	that:0.10887832266608082	who:0.09754653858074362	he:0.09729440751502057	there:0.07644641877125939	and:0.04784424293313712	There:0.04120698291663113	:0.01
of:0.3432428535018446	the:0.24340555435959033	a:0.11843028630724833	for:0.05902128380184523	to:0.05478369666176193	with:0.050433779755834046	in:0.0485211080966953	and:0.040858859838755236	his:0.03130257767642536	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
and:0.3163871074264731	fact:0.1539513858060459	of:0.09754957599361129	said:0.08580850494405627	say:0.07757603982654465	so:0.07384064359211881	in:0.06649015964797966	one:0.06067149640439215	believe:0.0577250863587783	:0.01
of:0.27900820130530235	On:0.1254754456196071	and:0.12520878562005253	in:0.11546974087239012	before:0.08113622305838494	after:0.07377240446111016	by:0.07228750688620025	for:0.06751687140147086	on:0.05012482077548167	:0.01
of:0.3198656737014543	the:0.17443565339772835	for:0.17366182279627446	in:0.15288393325934216	and:0.049683180250602955	In:0.03436446865098389	their:0.0293698883505151	from:0.029001853723786736	a:0.026733525869312293	:0.01
of:0.21338832523674772	in:0.1401790123224186	and:0.1293934330377488	with:0.10408959886573864	is:0.10292083424447167	was:0.08224908889474122	by:0.07954907839589143	for:0.07804424202008159	to:0.060186386982160285	:0.01
he:0.29015509929796873	I:0.15078974992825053	who:0.11685934994103832	they:0.08903195433029278	have:0.08694381116024258	and:0.08289741538458018	she:0.0688661347095527	He:0.05811818233026715	we:0.04633830291780699	:0.01
more:0.5390978077284502	less:0.16643947697311665	better:0.06126565383800664	greater:0.05995660581459057	rather:0.05512059456706118	other:0.036011651188427515	worse:0.027190766945742812	larger:0.02355119970886948	More:0.02136624323573492	:0.01
that:0.23583089712700428	and:0.22317996617862337	as:0.1191732796769828	but:0.11414815851009676	which:0.09187137277173732	when:0.06428270106528002	if:0.056445201293987064	what:0.05051753569939474	the:0.034550887676893655	:0.01
and:0.27762517154793404	of:0.1878191494666994	the:0.12786612046042511	to:0.11206352248110187	all:0.0842803602684245	their:0.06653139199700767	for:0.05860812834543797	in:0.04194047972046144	his:0.033265675712508075	:0.01
of:0.3308442922213523	to:0.14324719883422168	in:0.131701708736979	with:0.09441568321518252	on:0.06848424163509254	and:0.061113441995290306	for:0.058435646153575084	by:0.053828364319508125	from:0.04792942288879831	:0.01
of:0.3621805371392406	with:0.11754555789368258	by:0.11338174161157724	in:0.10691856150049663	and:0.0774273476316259	for:0.06317251298279583	is:0.051391294360538464	as:0.0491614358856677	to:0.04882101099437504	:0.01
time:0.551273562923535	and:0.10802162705403817	as:0.09734626873724443	him:0.05062257167726799	is:0.042063129423394095	them:0.04002354887058616	required:0.03837644295804294	subject:0.03164859984702799	order:0.030624248508863087	:0.01
the:0.46941974766499195	Wall:0.17133474195396659	Main:0.07858446019606873	said:0.05031981694937329	a:0.049573504989083333	Sixth:0.046126531384863445	Third:0.04336464615416078	Seventh:0.041578050625050864	Fifth:0.03969850008244101	:0.01
that:0.41918642643066417	which:0.12306459701814326	if:0.10584152411724204	as:0.08005889015540969	when:0.06550644305720578	and:0.06232543611427229	where:0.05382186608530333	what:0.041227969678489865	whom:0.03896684734326953	:0.01
he:0.23461108174321357	and:0.15870717109678975	it:0.12278480252439182	who:0.103050909074278	He:0.10127958859555752	It:0.09725958418514709	which:0.07771123774839825	that:0.05608256503793536	she:0.03851305999428872	:0.01
the:0.7355422251373499	and:0.06958842082858843	of:0.03818209080513504	a:0.03699449650891869	The:0.03656760580717858	tho:0.03157869808190536	in:0.022968636816114316	tbe:0.009927155463868022	by:0.008650670550941639	:0.01
of:0.32369331900924847	in:0.25942028134613276	with:0.0889361537362657	and:0.06797807115015336	In:0.06100746929644975	to:0.05742318715195844	that:0.04788822340226962	for:0.047792425635560964	by:0.03586086927196101	:0.01
be:0.2638716742832857	and:0.1699676590760932	was:0.15705068316769405	been:0.1292591768885591	is:0.08331525872264756	are:0.07107528607978233	were:0.06495201000192545	being:0.025902742689660127	so:0.02460550909035246	:0.01
and:0.29169997815308213	was:0.1328703627143118	out:0.08873310066938216	that:0.08746131418060452	placed:0.08440072742047074	work:0.08020079681811661	made:0.07677797059304475	is:0.07472371838239819	up:0.07313203106858901	:0.01
in:0.4012325547276403	the:0.19555487390010853	In:0.10784192508028347	a:0.09698861188200335	take:0.08225988669629536	took:0.03851085684635369	and:0.023770822769100818	or:0.02247527087571845	have:0.02136519722249616	:0.01
the:0.2849764944884648	and:0.15148235751564365	to:0.13099486172294517	a:0.1143027319065103	of:0.10696486710509168	be:0.0649188191707342	his:0.04813099987403198	was:0.04597395654412757	The:0.042254911672450726	:0.01
the:0.31914313552352663	of:0.20886551176993204	and:0.1323951793165586	to:0.0725519832825104	a:0.06204287900909695	in:0.05931731948089292	be:0.049015082921877874	for:0.04490597167608628	his:0.04176293701951811	:0.01
a:0.6090736091688481	the:0.13067752963213677	most:0.07347459228394682	very:0.05394913615448533	this:0.03073564649620344	an:0.02866042980370296	any:0.023946251957174015	and:0.020433908256605383	of:0.01904889624689724	:0.01
to:0.2390756930418224	I:0.19853308253032115	we:0.10298539026985136	would:0.09540654190149654	they:0.08616212267648572	and:0.08061745136916319	who:0.0684301468467904	will:0.06080232501476738	you:0.05798724634930188	:0.01
the:0.17657896557486932	a:0.1512678246782647	Yours:0.13680421338313475	and:0.11862100791547285	was:0.10080186548532402	are:0.09029345382557488	be:0.07858282874417273	or:0.07725393194362201	were:0.059795908449564734	:0.01
of:0.25865380795491943	in:0.21644905402115647	and:0.12986868380747027	to:0.11290629479878726	at:0.07586949217175099	on:0.06648470486853053	with:0.050127266989124966	from:0.04082048001943036	all:0.03882021536882962	:0.01
the:0.3143380974179735	of:0.14990021601049686	and:0.12727414109744606	a:0.11523260788578005	to:0.0793934586040206	an:0.07857857145180387	as:0.04657590695260904	in:0.043487134819789566	that:0.03521986576008032	:0.01
the:0.23117510840391156	his:0.1657944926258726	a:0.14910812760208156	and:0.12911628633173028	is:0.09300874088502067	was:0.06184153643481922	their:0.05706468407649782	are:0.051650668942796144	her:0.05124035469726993	:0.01
has:0.37433389453029464	have:0.29883904470527434	had:0.17915358407081408	having:0.04957593246490322	not:0.03410198844002326	bad:0.015879994120149832	ever:0.013945385811402498	lias:0.013662693107265091	already:0.010507482749872907	:0.01
the:0.20515046497644626	and:0.18311805691712713	of:0.16790220635322614	a:0.14923836474832336	to:0.08556017490925509	be:0.056011554339627075	was:0.05329936768331103	for:0.04600249169095576	is:0.04371731838172819	:0.01
those:0.26082261003138474	men:0.1675968084360361	man:0.1549506358370518	and:0.14146373870024206	one:0.08382751928427094	person:0.051126022823086405	people:0.04918140974682688	all:0.0428353568812588	persons:0.0381958982598423	:0.01
the:0.2974502811850691	of:0.22091422415753312	to:0.09236837889488791	boy.:0.0741306415053232	and:0.06960437249933987	girl.:0.06679148007921792	a:0.06486805677156715	in:0.05550313372308324	for:0.0483694311839784	:0.01
of:0.2168826383053249	the:0.17955555888640853	a:0.1442482356934104	in:0.12730094498837055	to:0.08982552215220425	at:0.08662271104442408	and:0.059305050708197735	by:0.04715913963729646	with:0.03910019858436297	:0.01
the:0.45040182104078663	an:0.15372148964520185	his:0.0830270573283512	of:0.06102217748714328	their:0.05327748083025813	The:0.051299877468913374	her:0.050086927672465933	my:0.04452817489974973	years:0.042634993627129754	:0.01
of:0.20509868068331527	the:0.18992360083848198	and:0.1627077320911976	to:0.11166884988859468	be:0.0979632635341338	in:0.06540848799261573	or:0.058966420912407294	for:0.05013839373631626	re-:0.04812457032293736	:0.01
the:0.7361631457422443	The:0.05799219469870477	of:0.041381050291319076	and:0.0384979657117792	tho:0.03745294964189305	a:0.03114956356499657	all:0.021158939729790514	tbe:0.016141951138799102	other:0.010062239480473389	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
the:0.24273593368698743	of:0.19482458867717506	to:0.15386363801051609	and:0.13977018841803462	be:0.07188836850300179	in:0.06984476594174335	or:0.04024831417544013	was:0.03938076991161049	is:0.03744343267549099	:0.01
the:0.31032794402353153	of:0.174136548685278	and:0.16924373084989436	to:0.09410335785526062	a:0.08334285316950657	in:0.052679580193748875	be:0.03777522488732701	his:0.03486601099791866	or:0.033524749337534535	:0.01
the:0.3566693822048231	of:0.16303948288746212	and:0.11477660164404037	in:0.10481566788139848	a:0.07707405795552219	to:0.05255782035453777	or:0.04398686541065915	on:0.039659885418826785	at:0.03742023624272991	:0.01
to:0.23084164089153653	the:0.19599676182946477	of:0.16555747408636154	and:0.15864168240412752	a:0.06474452365459166	in:0.05071236753640227	at:0.050063002462748356	for:0.03808870392664653	is:0.03535384320812078	:0.01
her.:0.30910936890671137	it.:0.15552767498207878	<s>:0.14756829023208948	him.:0.1121068144255083	them.:0.09366245640188331	life.:0.051465883869820164	home.:0.04543901667956092	time.:0.04218471670216756	day.:0.032935777800180054	:0.01
of:0.32173826721989673	to:0.14798962882853872	and:0.10939955116491938	that:0.10927047529778429	in:0.08902504162262907	by:0.06803390371616681	on:0.05829309317982869	with:0.047511873200504866	from:0.03873816576973138	:0.01
the:0.2885930082027725	of:0.176566445622439	a:0.12380099638058098	to:0.10274053766955328	and:0.0921597664603577	be:0.0664805226347077	in:0.04958752016343719	is:0.0472461089247686	not:0.042825093941383084	:0.01
with-:0.27218134783255105	get:0.13025528720920998	find:0.10554383663475082	carry:0.09775293249257579	make:0.09228168210088918	and:0.0882254017169912	put:0.07042608910699526	made:0.06714971485796432	sent:0.0661837080480725	:0.01
the:0.5482789942437323	of:0.15237327488560323	a:0.06402301232615328	The:0.06033970001073264	said:0.04322116682300884	and:0.03350569235082248	tho:0.03293211439480944	for:0.031196010345347098	our:0.024130034619790765	:0.01
to:0.2620983149693371	and:0.19664402247129265	the:0.18720703494025467	of:0.14061051340842873	in:0.0675925481954826	a:0.03867755248806961	<s>:0.03389464108121401	not:0.032510411574388075	that:0.03076496087153255	:0.01
it:0.28317097636256594	It:0.19334457336508087	which:0.11975718942031283	he:0.08582788806916333	and:0.08528961719502678	that:0.0777183143097221	there:0.06238640793109827	who:0.045422113965186965	what:0.03708291938184284	:0.01
number:0.3311926600919603	out:0.1450583223753826	sort:0.08835341596855183	means:0.08087397065582205	kind:0.0758315791962384	line:0.07243480684052919	point:0.07026531760052881	one:0.06537083252682431	amount:0.06061909474416253	:0.01
for:0.37131207408262606	of:0.1628759550264773	in:0.11746645649049932	within:0.06774552163253071	and:0.06600257748491731	as:0.05529540992517078	about:0.05153906355297397	cents:0.04995309819582703	twice:0.04780984360897756	:0.01
and:0.19560656535339777	be:0.1713394093842294	was:0.1319230735627309	is:0.12199458203857333	of:0.09077768836941885	been:0.07428575269711138	to:0.07012212492506753	in:0.06741011338802541	are:0.06654069028144534	:0.01
is:0.1883565041316835	was:0.15881298118909473	for:0.12423344961056733	of:0.11781883486446744	with:0.10665088023559106	to:0.09122177662758024	and:0.08071526460593688	in:0.06999717244230598	be:0.05219313629277268	:0.01
the:0.16748130869863903	of:0.14370859093490324	and:0.13039737928482253	in:0.1261617322837995	is:0.09319375971176813	was:0.08748690327259734	a:0.08591561092950102	with:0.08048211903176888	on:0.07517259585220035	:0.01
and:0.20441155362062136	of:0.16327144141342845	as:0.12887591249990385	that:0.09355068236284071	to:0.08961813963778745	with:0.0882792008450396	for:0.08365585488562442	but:0.07491240817982038	make:0.06342480655493389	:0.01
and:0.4755514004110682	or:0.13329126517145362	in:0.07220401849965002	to:0.0584759268820849	but:0.056031547246946464	of:0.05268071865880021	that:0.05077908088175128	it:0.045532819791249506	for:0.045453222456995984	:0.01
to:0.7424309053834336	will:0.06433855431415413	not:0.029975554194949204	I:0.027779342124317565	can:0.027184836164081943	they:0.02652005477848969	and:0.024701065280305225	we:0.02364246564664165	could:0.02342722211362702	:0.01
is:0.13961047509264637	him:0.1303718048929736	order:0.12220674057461203	and:0.1111430149964518	able:0.10720145674897441	proceed:0.10140351239819761	enough:0.09563425838137837	was:0.09410657223954863	had:0.0883221646752173	:0.01
the:0.3567507189788231	and:0.19278255127096486	of:0.10314608811284878	that:0.07304011043992242	to:0.07194170788527159	a:0.0652731973040423	in:0.04562300777275292	The:0.04227364033228467	at:0.03916897790308937	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
well:0.24596105511646743	is:0.1257628811209536	and:0.1220782713070074	just:0.11062849610322106	such:0.08954628620238046	far:0.07868606718904948	soon:0.07641680054710678	was:0.07420902054464962	it:0.06671112186916417	:0.01
he:0.19961850484448163	I:0.18461083498907807	and:0.14385713524693797	it:0.1000010174664388	who:0.0925569230409366	they:0.0704975124907663	which:0.07023863063329065	as:0.066718987619098	that:0.061900453668971914	:0.01
of:0.43101918006255424	to:0.12223277825657101	in:0.11374958403800683	that:0.06858350960156215	and:0.06317736433227585	all:0.05296173594226289	by:0.049378640965530574	on:0.04792324029478165	from:0.040973966506454816	:0.01
the:0.6975129525768478	The:0.08371027618490892	and:0.04082140579571155	very:0.0372617404539325	his:0.035571239043840984	tho:0.03048443609862565	their:0.02616743823122572	our:0.020607955612180536	its:0.017862556002726415	:0.01
and:0.2709897936836547	that:0.22353460886710513	is:0.08592413409466279	was:0.07482307582425113	not:0.07240732864606327	to:0.07072523473466047	but:0.06685619979429058	or:0.06413028174620848	have:0.0606093426091034	:0.01
and:0.2810233829143592	that:0.13271864384851703	was:0.11000696083823397	it:0.0990301743252236	are:0.08858841897039185	is:0.08766776455248652	them:0.06718337704598895	be:0.0653208492063578	made:0.05846042829844122	:0.01
he:0.2750081300089085	I:0.19680474092342956	they:0.10665366405826289	and:0.09923476877334986	He:0.0906160984145562	it:0.07288134595498329	she:0.06040736623674807	who:0.04519893024733213	we:0.04319495538242951	:0.01
will:0.18053709674885213	and:0.15731252874589183	I:0.13324540275784982	not:0.11483322795449366	a:0.111609775971281	shall:0.10322014819551625	was:0.07194820274288416	the:0.059860540672759456	have:0.057433076210471674	:0.01
has:0.18306797358347066	and:0.16086978388302403	the:0.13524156428679251	had:0.12906554576914586	have:0.11571983207407685	of:0.08964989924288681	which:0.060741393754456356	to:0.05816922217283805	it:0.05747478523330906	:0.01
the:0.2515396268346774	our:0.15410637872112096	and:0.13641532720634159	of:0.13063140104476217	many:0.10571085093298534	their:0.06258032237145024	his:0.055475657612503365	in:0.04833311655112383	fellow:0.04520731872503526	:0.01
of:0.5752343176843888	in:0.14728314967164774	to:0.07586931738189924	by:0.06094295978398383	In:0.031871402096910875	from:0.02685828138852238	that:0.026518006850398984	for:0.02311175660617519	and:0.022310808536072903	:0.01
the:0.19966594348907915	and:0.1792224715004518	of:0.15563650816883337	it:0.09240841064240221	that:0.08600859434364928	will:0.07223203728714626	to:0.07015000416307691	a:0.06946993373257972	as:0.06520609667278128	:0.01
the:0.32391823409697307	of:0.20816744598255185	and:0.1261505518606988	to:0.08434035240390786	a:0.08289318487074161	Mr.:0.04868658092829398	his:0.03885451634293693	be:0.038573821753188874	was:0.038415311760706936	:0.01
and:0.26581162334391006	him:0.18500142472853442	asked:0.1314061157323591	but:0.08895215971809695	was:0.0682731833692279	it:0.06813400962581916	them:0.06649174331410761	her:0.06270982833712548	time:0.05321991183081933	:0.01
<s>:0.425303281834217	it.:0.13856127958075054	them.:0.09617830531634078	time.:0.07343055816468043	country.:0.060954064124876785	him.:0.05598272834642987	year.:0.04960161617582627	life.:0.04556225204570782	people.:0.04442591441117058	:0.01
and:0.2180561148398971	as:0.17409745600452656	went:0.1162684271701297	go:0.10256152963951991	them:0.0943263675192716	according:0.08131607233326707	way:0.07221603051277338	up:0.0685612600169263	is:0.06259674196368842	:0.01
thence:0.29619551788840026	of:0.166459463653119	U.:0.10882505863889971	.:0.10006560574878848	and:0.08829132349842364	S.:0.07613625458360926	to:0.06183990868787373	by:0.04842782537204865	W.:0.04375904192883732	:0.01
the:0.4782675474277891	a:0.10215921704011456	of:0.084990873050831	in:0.08094829230791796	his:0.059397866814626464	their:0.05505009213008469	no:0.049382842683683384	for:0.04000980620293392	to:0.039793462342018644	:0.01
and:0.29052563843363216	fact:0.1718349679940122	said:0.11307705641045758	so:0.10296766644522751	believe:0.07467485194323314	is:0.06547998110151379	say:0.06072622423233118	know:0.059576482780927004	found:0.051137130658665285	:0.01
the:0.33501361169365207	and:0.15819251490492975	his:0.1343702733384215	a:0.12953258044746793	their:0.055893055314284935	that:0.049749803968447734	her:0.0474434736720771	to:0.04471717001594942	little:0.035087516644769355	:0.01
in:0.4388570949313957	a:0.10296304498679636	of:0.09554567650003261	In:0.08333422803431188	their:0.06818805719500107	the:0.06251137138700882	his:0.06196767108525235	and:0.0427304230671017	its:0.03390243281309964	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
to:0.2620983149693371	and:0.19664402247129265	the:0.18720703494025467	of:0.14061051340842873	in:0.0675925481954826	a:0.03867755248806961	<s>:0.03389464108121401	not:0.032510411574388075	that:0.03076496087153255	:0.01
be:0.3791480108447081	not:0.14217785744490083	have:0.11916584833772098	been:0.08348284214395112	was:0.06307445863884428	had:0.04974939306875577	ever:0.042122191819947426	has:0.04138010425500543	is:0.03512813813894515	never:0.03457115530722092	:0.01
of:0.322693140242567	to:0.13257442499521732	or:0.10699180978195824	in:0.09644352265762772	for:0.07953147196107471	than:0.07633593719377346	by:0.06900454737536654	without:0.054092466452098885	that:0.05233267934031627	:0.01
in:0.13008122878034173	due:0.12721084745224104	it:0.1264828533462602	time:0.12352230135309282	men:0.11186112742929315	long:0.0959125467300551	up:0.09426724381601989	good:0.09153233695835147	him:0.0891295141343445	:0.01
out:0.2343865045760009	right:0.13135655772032312	number:0.131019688330924	one:0.1069349760757216	matter:0.1045154051914514	amount:0.10109657635697121	state:0.07018393436633259	means:0.05602636754880107	line:0.054479989833474095	:0.01
the:0.32931739976623003	a:0.16316338506057346	of:0.11416669057295471	and:0.1057422647344896	with:0.07965155865343257	very:0.062144472807272366	The:0.05067029591718043	to:0.04412560293635155	as:0.041018329551515194	:0.01
and:0.24413116292889295	closing:0.18173686344826198	was:0.10859381659603785	valued:0.08665763038641584	held:0.07932710425709102	sold:0.07518688429361538	2:0.07335995221601971	is:0.07241280837793868	arrived:0.06859377749572665	:0.01
as:0.188283813505136	according:0.14144678228402477	up:0.13904323060160725	and:0.1096650113200393	went:0.09104380703179268	back:0.08789812106037491	regard:0.08348580619122747	feet:0.07747526592666086	down:0.07165816207913696	:0.01
to:0.39563546186317206	will:0.16146624466861562	may:0.09766781455282762	not:0.0689910271763408	should:0.06775680617826414	would:0.06540116062205259	shall:0.04611510538854873	can:0.044570379055215346	must:0.04239600049496306	:0.01
and:0.30500277929465697	the:0.2317335158693834	of:0.17918503925293686	a:0.08423530555154626	to:0.05838477674786226	with:0.03979696492945092	for:0.03380600287438203	or:0.03053979719298513	at:0.02731581828679617	:0.01
the:0.2934620670631731	of:0.21415933326674222	and:0.15945002087278182	to:0.06780370218056996	that:0.06419988100345986	The:0.06058387775262814	in:0.05834616193645579	which:0.03917179644278348	or:0.032823159481405344	:0.01
one:0.25015495079787564	many:0.1757390329727802	some:0.17337378259433658	most:0.07828004008705716	all:0.07823258544774271	Many:0.06550115768656496	Some:0.061797050544534854	none:0.05877108516148293	any:0.04815031470762492	:0.01
the:0.4886147808027094	this:0.10128119816114692	said:0.09669980858582257	a:0.07031867734589406	of:0.05954393786971337	district:0.05914085816933211	supreme:0.05721847091072761	circuit:0.029575703328674572	in:0.027606564825979507	:0.01
the:0.3383063344492353	of:0.20592308455385638	and:0.14150131632258792	to:0.09171505419212762	be:0.057572272248190885	or:0.042872733400753	for:0.04103310450144934	as:0.035750028983171325	in:0.03532607134862837	:0.01
a:0.43421034936863223	the:0.28127427940390076	large:0.13107432102392513	A:0.04765830538767432	The:0.04331646657401486	great:0.01764427777232608	total:0.013916780429481905	and:0.011073407679680021	tho:0.009831812360364641	:0.01
of:0.40775050288941994	to:0.14605871745173393	for:0.10961076055462994	with:0.10154829172729116	make:0.05518123239736868	by:0.04377371558486938	give:0.04333752822950426	in:0.04253051498163198	keep:0.040208736183550586	:0.01
the:0.34170127421390223	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093987	to:0.07847171568184984	in:0.05339647102682973	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
the:0.33672860776060404	of:0.2481028246805304	and:0.08119108157537629	in:0.07683946183898187	to:0.05996956504169431	on:0.05810567738756483	at:0.051482261569405996	a:0.047664754781126036	said:0.029915765364716063	:0.01
the:0.2974502811850691	of:0.22091422415753312	to:0.09236837889488791	boy.:0.0741306415053232	and:0.06960437249933987	girl.:0.06679148007921792	a:0.06486805677156715	in:0.05550313372308324	for:0.0483694311839784	:0.01
and:0.2682983319507874	recorded:0.10717905104111182	was:0.10263907629409649	made:0.09927630384100071	that:0.09842569549211198	o'clock:0.08895025276229458	up:0.08173084504592748	is:0.07240199994443215	found:0.07109844362823738	:0.01
of:0.48656905355249896	and:0.11204936736375867	to:0.09715128177139955	about:0.06540134919771148	in:0.06382820559693222	from:0.04899374120120513	with:0.04013969998351792	for:0.0381373928458464	at:0.03772990848712967	:0.01
the:0.4093233558040991	of:0.14347176912824763	and:0.09918323127245088	that:0.08389521681892108	The:0.07051764743152032	a:0.058349880834651466	Mr.:0.05600187837864818	or:0.0372170226949604	no:0.03203999763650096	:0.01
of:0.2523558492351206	and:0.16928746430123878	in:0.12483596792384387	with:0.10151053519944808	to:0.09883079762593784	for:0.07479873152811378	that:0.06518170357774511	by:0.053846178297207004	at:0.04935277231134485	:0.01
and:0.2323402732412912	he:0.1535684031697913	has:0.13488804493896908	I:0.09515386460912949	have:0.09123310325353266	had:0.08469742673144301	He:0.06903244733938364	be:0.06694988154974169	who:0.06213655516671791	:0.01
matter:0.23439920500606962	and:0.1967897509910449	know:0.18335273090264087	see:0.17286605342187264	of:0.046759526784717044	to:0.04482707872428803	or:0.03936322862249687	show:0.03635582188250358	but:0.035286603664366444	:0.01
the:0.19981263940869778	and:0.19461938290305067	of:0.158294471521414	a:0.1419113721014979	with:0.07857038068964717	is:0.06492235399337817	are:0.057023451132315425	was:0.049500319013670815	The:0.04534562923632812	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
a:0.40925613362465224	the:0.29075229262370383	this:0.12306515442132147	very:0.04389465480233443	The:0.039502313369948645	A:0.023541962648186265	of:0.021922531916909953	and:0.021092587418446673	tho:0.01697236917449668	:0.01
this:0.2923093755535706	a:0.21263139820831684	the:0.1864796543267835	every:0.09092312247731174	other:0.05874865279882758	that:0.04563654348362738	one:0.03621942307226811	of:0.03581945751775198	each:0.031232372561542297	:0.01
not:0.3452978166131115	can:0.1990963609791095	could:0.14766802842280813	will:0.07749917671652388	would:0.07613470432908515	the:0.05059257902564997	and:0.042197520393483456	Not:0.0290019268541296	that:0.0225118866660989	:0.01
south:0.2034506965186836	east:0.16610692419225326	north:0.14993603185173596	the:0.14480568715561606	west:0.12094492900158951	one:0.09251253368204893	each:0.04707512784912191	either:0.0410298454333083	other:0.02413822431564233	:0.01
be:0.42466489932316603	been:0.13337066927187477	was:0.09214773073831287	are:0.07024211070649639	and:0.0628253083973098	were:0.05698188694506908	have:0.056640099265416494	is:0.05657082308233198	just:0.036556472270022344	:0.01
the:0.3829613483510701	and:0.14051645535162993	The:0.11652857706918648	that:0.08686273640745927	of:0.07615782687414006	These:0.06440203855565114	in:0.04565308841960261	New:0.041785509470568846	these:0.03513241950069148	:0.01
the:0.301187702244158	of:0.13676874456607602	and:0.13292833990918582	a:0.09641617605887869	be:0.08582865028884054	to:0.0821479142893926	was:0.05696199686279037	is:0.05298264561902102	in:0.044777830161657185	:0.01
at:0.3642175883863754	about:0.19522654418164725	for:0.12018849438135112	of:0.08853032539575523	and:0.061956721420328015	or:0.054511044962321835	At:0.040851961836479295	About:0.03620035648231622	in:0.02831696295342554	:0.01
is:0.5178751724853037	was:0.1552216159568142	so:0.09136686323579837	Is:0.05718772470680428	are:0.047617694715578064	very:0.03406270834824591	be:0.03337518127807032	and:0.031006912639827106	not:0.022286126633557998	:0.01
and:0.2440447138976167	to:0.19749697355194545	was:0.1346830027949297	be:0.111336763487121	is:0.07808270320492956	the:0.07222815055527261	were:0.052089690159776623	are:0.050762937657898854	of:0.04927506469050946	:0.01
the:0.40381364175871837	a:0.16918912390018623	to:0.153093032245749	and:0.10274729250449094	The:0.08538312526682663	annual:0.02369366421133767	tho:0.01996770253977189	this:0.01643552187558392	of:0.015676895697335238	:0.01
one:0.17274957462093676	more:0.15830689709340226	on:0.1180870273712836	day:0.11354905359128066	two:0.11347581961369303	person:0.08335828476893935	in:0.08180463954838182	man:0.07974273265284054	law:0.06892597073924195	:0.01
of:0.34116650435003276	the:0.2928873819413326	in:0.09561390884287665	on:0.09312614308680603	to:0.052397006338398805	and:0.03521000184454774	by:0.028644123426434628	which:0.02655902727836326	upon:0.02439590289120729	:0.01
for:0.2649441162565597	of:0.22665392523359465	in:0.17763214647655795	to:0.088198338982146	that:0.06401311035706027	and:0.05204338983220886	In:0.04371514684972176	at:0.03920243840960917	with:0.03359738760254167	:0.01
the:0.5614578511957723	a:0.13868297036305063	and:0.09856137807482969	The:0.06238166908224837	tho:0.04394581297408428	A:0.025116676057721464	of:0.0201887522119364	that:0.020181586187264757	tbe:0.01948330385309233	:0.01
far:0.1828967933859734	such:0.1693405409031151	well:0.1623555465295442	and:0.14194787344017978	soon:0.07224158114245643	thereof:0.07222833898549799	but:0.06999571294511943	long:0.0654395427462745	it:0.053554069921839295	:0.01
to:0.35385403356295847	will:0.2354506817543104	may:0.09435559052637132	would:0.07343111538429778	should:0.053527056200947436	can:0.05017362522342192	not:0.047034774765854055	shall:0.04346070080001461	must:0.03871242178182407	:0.01
the:0.6236174345165285	and:0.11087923301648829	a:0.06641620935353394	or:0.04718676996631944	The:0.03999161695118096	of:0.03428093744202438	tho:0.02831193871349405	other:0.022117513403952224	large:0.017198346636478214	:0.01
of:0.2548415904135225	in:0.2049751352425479	to:0.1496301891872463	for:0.09825502585092925	and:0.08888434786753549	with:0.07234919213298088	by:0.04193699683284552	that:0.041121221044448646	from:0.03800630142794339	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
and:0.30924221119967327	that:0.12611015277008547	made:0.09865062957046655	is:0.09201446995999618	was:0.09128595813112018	placed:0.07404370378857507	as:0.06709678931603316	be:0.06629358245444635	or:0.06526250280960379	:0.01
due:0.21710452061907498	and:0.14724977501353537	called:0.14185807688684107	made:0.09893158064626677	based:0.09312298036688431	looked:0.08170143829602712	look:0.07903561589175226	depend:0.06781224697151876	depends:0.06318376530809941	:0.01
the:0.34170127421390223	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093987	to:0.07847171568184984	in:0.05339647102682973	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
and:0.43687133710655546	days:0.1172095929376174	that:0.10666537323887462	soon:0.07860140806343817	time:0.06121834194643434	but:0.053276740657786474	it:0.047704742354873285	immediately:0.044788364720601395	and,:0.04366409897381893	:0.01
it:0.190987388994433	that:0.14858923717751651	he:0.11861159650347006	they:0.1166849364423624	which:0.11311474604325061	I:0.08874370294804595	there:0.08838217498361485	and:0.06616777705533793	It:0.0587184398519687	:0.01
and:0.2849573452833227	of:0.14374351488661105	to:0.09263610431494232	be:0.0849549083850123	is:0.0841581770934095	that:0.08365355574982865	all:0.07797922947124529	for:0.07072316363703327	have:0.0671940011785947	:0.01
will:0.24693648038004848	could:0.18983163955391383	would:0.1439542663030325	should:0.13438534735032978	shall:0.08752610598815738	may:0.07499240936629364	can:0.047443879688021315	must:0.0346179084233615	need:0.016788272230254815	did:0.013523690716586703	:0.01
the:0.591743425843894	a:0.1015374286484711	of:0.07956067640966409	and:0.05911030020576587	all:0.04097773361135131	such:0.03703723912242493	The:0.028361579151385003	tho:0.027076612636981325	other:0.02459500437006208	:0.01
went:0.17949748064933763	go:0.15454708545878776	came:0.11151278596248963	back:0.09777108854160564	it:0.09728390677389735	out:0.0959887918454101	put:0.09227887075263339	down:0.08367866714280338	come:0.07744132287303518	:0.01
of:0.4311626111544256	in:0.17330823749706964	to:0.08519409448285355	In:0.061850738240744454	for:0.05696670685328176	with:0.053905774941478475	by:0.04677325195225249	from:0.04518485018506072	that:0.03565373469283342	:0.01
the:0.48215872870739623	an:0.14018151391283232	of:0.11550147354627956	and:0.06307294142758965	in:0.060384957176945614	by:0.03708439543299576	on:0.03551827281726647	The:0.029595194226791584	this:0.026502522751902957	:0.01
10:0.14710054876666617	6:0.13449882731692972	ten:0.12118556879978924	six:0.1209220469522493	50:0.11172451673409041	five:0.0971241638825867	5:0.09522816139427268	20:0.09376275809748635	25:0.06845340805592938	:0.01
it:0.2116565429000755	they:0.17849553925446907	and:0.11352349032840994	which:0.1000382301632935	It:0.09840871647723093	he:0.08669379196500902	I:0.07336866244200971	you:0.06624605323947198	that:0.06156897323003048	:0.01
to:0.23017721398697727	his:0.22563923775425762	a:0.2076930769546638	the:0.09580013050449716	their:0.05391708711606981	as:0.05247892435541485	and:0.04909739920602789	of:0.037957907249057614	her:0.037239022873034114	:0.01
of:0.3490124854372051	and:0.1510237090476072	in:0.1404356922779485	that:0.1307424858986167	for:0.07626604288645794	to:0.04150143083430155	on:0.03682615937123135	but:0.03332805567381839	from:0.030863938572813214	:0.01
part:0.15945008725032395	day:0.1352602548994202	side:0.12592296844970755	out:0.11327739819241416	one:0.11295388109443452	line:0.098761138113923	number:0.09847199022949957	name:0.0776780579148099	people:0.06822422385546724	:0.01
called:0.25820933226470183	and:0.1581913336228512	based:0.1110471957593428	looked:0.09277099787953788	depend:0.08958935811109527	insist:0.07190411366089723	made:0.07188877273538936	depends:0.07008913794239174	call:0.06630975802379277	:0.01
the:0.6294777316981595	The:0.07158109358646465	any:0.05120006979960495	an:0.04663196199711568	that:0.04446333189180278	this:0.03879893729716768	a:0.03786503564309166	same:0.035778154469810676	large:0.034203683616782304	:0.01
and:0.33353890069751263	was:0.16807881785052814	is:0.14649276021843094	are:0.09218316951471578	but:0.08079014990752889	were:0.07656145209264209	He:0.040819367731266216	be:0.026345268997705763	has:0.025190112989669562	:0.01
and:0.15630885319439541	was:0.14051622242482906	is:0.1250237675766597	him:0.1192285595629541	as:0.10456057814348599	time:0.10242595179748348	made:0.08705774108904993	going:0.08041883926493484	it:0.0744594869462074	:0.01
the:0.41173661813517426	and:0.13999056757019612	of:0.1077529586251882	The:0.10000273526717704	that:0.09288230032902249	or:0.056566803494484105	which:0.02727601296610816	this:0.027227555789184052	our:0.026564447823465488	:0.01
the:0.39150796518849756	of:0.2170545843952346	and:0.10625527112622661	an:0.07297259921942416	a:0.055469399703126095	in:0.0421101242826293	The:0.03639968087451915	great:0.03537162914064554	by:0.03285874606969696	:0.01
the:0.3629247829826557	a:0.15976392099267725	of:0.11541619138807474	and:0.09890889467005297	per:0.0856037053713127	two-story:0.07356644339471256	by:0.03413195831078709	to:0.029962153642574013	with:0.02972194924715299	:0.01
well:0.21321257425074597	known:0.18330231372211864	soon:0.17017982311130794	far:0.13451377472303216	and:0.1048509904369157	long:0.061630441159448365	such:0.04848962176196868	just:0.03999506790086283	much:0.03382539293359975	:0.01
one:0.33708984341259335	part:0.1487557614660267	out:0.10384043397499725	portion:0.09083714555922895	side:0.07562804233059957	some:0.06197550487992145	that:0.060324718837243906	tion:0.057990436636891	member:0.05355811290249791	:0.01
the:0.25328372375769903	of:0.19616563294603748	to:0.14670082910381574	and:0.11029112192893742	in:0.08445481701593331	a:0.06753821873156941	by:0.04964153513654209	at:0.04673911118074728	<s>:0.03518501019871825	:0.01
and:0.19015221398099005	is:0.13714824859663252	him:0.10782160002887337	as:0.105674777708374	able:0.10228139455550705	them:0.09044534777275942	began:0.08726093874208705	was:0.08694733981483148	right:0.08226813879994509	:0.01
as:0.2174646218575538	how:0.16646086355316367	and:0.14978411023177693	so:0.11144824206198545	was:0.08440350804622836	the:0.08084282265796625	very:0.07370289082155294	is:0.05799014922418493	How:0.04790279154558791	:0.01
of:0.3226980273342097	to:0.13096431593051314	in:0.11107196633693774	and:0.0911034434696617	with:0.0750609234826915	for:0.07363405578535002	by:0.06236659822760596	on:0.06161617985167085	that:0.061484489581359165	:0.01
the:0.31875333103658077	of:0.19153223533904778	and:0.1333377565756217	a:0.08569118153695421	to:0.07805362827458313	his:0.04896787193732948	be:0.04728575140178598	my:0.044784222538298106	I:0.04159402135979894	:0.01
<s>:0.3998206805382808	it.:0.14198353201822075	him.:0.12104988600162558	them.:0.11112221497001837	day.:0.048262548695622784	her.:0.043367002505985436	.:0.04181825004764509	time.:0.041407712614699034	?:0.04116817260790194	:0.01
the:0.7514807229415914	The:0.08733829030511496	a:0.07173264331953222	tho:0.04101637774144897	tbe:0.016018657337912228	his:0.010462345172300318	our:0.004363590540608911	this:0.004100496346307664	Tho:0.0034868762951833503	:0.01
of:0.27321493235488703	the:0.20566639566427053	and:0.1973196543621661	to:0.08644322288683834	in:0.04880187934035698	at:0.04693446852209708	<s>:0.04456847127973912	.:0.044156392007427235	by:0.042894583582217795	:0.01
the:0.23765640265359408	of:0.1938578407636495	and:0.1460666063147157	to:0.1119811911153354	at:0.072873040605823	in:0.06766536014132056	a:0.0673429170023947	for:0.05285048509320575	.:0.039706156309961244	:0.01
as:0.22008673636930348	if:0.17234933762881066	that:0.16459943286961112	which:0.14323576570155194	and:0.10330385129101195	when:0.08277613968411916	what:0.03822791640123523	If:0.03275715453364475	but:0.032663665520711795	:0.01
in:0.39447999683826873	of:0.18874540595312872	with:0.0697646598031093	In:0.06820956128604454	to:0.06512199787298584	and:0.06459079261322977	for:0.05391169248626865	on:0.045367144871650805	from:0.03980874827531374	:0.01
the:0.2799913957816374	his:0.1773208261822656	of:0.12919646506996466	my:0.10513282176572258	a:0.07697694585515123	their:0.07586040277040655	on:0.05793220842966028	her:0.04453100864329853	and:0.043057925501893225	:0.01
and:0.24604477170087102	of:0.11272233964907917	the:0.11201495193836378	said:0.09073666324832311	a:0.08892905395768098	to:0.08824912385651389	<s>:0.08823759566161248	for:0.08184264837841085	as:0.08122285160914461	:0.01
he:0.32539469896074746	who:0.11827513394006156	I:0.10956363510665573	and:0.08734433719744776	they:0.08153320256821593	she:0.07912062606641647	He:0.06934784876496614	which:0.06535775285052313	it:0.05406276454496572	:0.01
the:0.18967412161958205	and:0.16039812387112395	be:0.12426122688981936	was:0.12339453984543905	of:0.11493837137436898	to:0.0870008771225483	is:0.07482363279220873	been:0.06158286699078447	a:0.053926239494125026	:0.01
of:0.34204220533703655	to:0.1388434664336376	in:0.13786264416522528	and:0.0802795492422938	with:0.07123181302638901	for:0.06369579859368074	on:0.061350835439372385	by:0.04859824571313037	from:0.04609544204923424	:0.01
he:0.21659448540905402	who:0.13089149879237486	it:0.12884655275817158	they:0.1122274949363357	which:0.10803539969364409	that:0.103190796780527	I:0.07417070504589651	and:0.06728940336216858	she:0.04875366322182769	:0.01
to:0.3801713410396947	will:0.16905314483498002	would:0.09527916658290728	may:0.08675332896552816	should:0.06283728370881102	shall:0.06007446359778352	not:0.056307515032875996	must:0.039927651800072135	can:0.03959610443734722	:0.01
sum:0.18676829411122214	number:0.1566486321513545	line:0.11140081741272478	city:0.10844765106291132	out:0.10739005474369737	day:0.09286734076326106	county:0.08286139477536687	amount:0.07384405151900511	Board:0.06977176346045691	:0.01
they:0.21770134733524346	we:0.1771249735843429	he:0.14434225279233606	it:0.09848290747910259	you:0.08986954281737573	who:0.07019176055602473	I:0.06731427539328014	and:0.06542442091317002	that:0.05954851912912438	:0.01
to:0.5049773478968724	a:0.18384233190667487	the:0.09887473289360628	of:0.06732019425313873	his:0.0500199179522083	and:0.025177811037740194	will:0.021023362283718608	can:0.019796534881038327	their:0.018967766895002455	:0.01
street:0.16931241187994353	State:0.16122279410788334	day:0.14381513691818254	city:0.13130526707036033	north:0.09841530859147828	Hundred:0.07837155733623835	state:0.07519179348191658	east:0.07327346062336774	White:0.0590922699906293	:0.01
the:0.2974502811850691	of:0.22091422415753312	to:0.09236837889488791	boy.:0.0741306415053232	and:0.06960437249933987	girl.:0.06679148007921792	a:0.06486805677156715	in:0.05550313372308324	for:0.0483694311839784	:0.01
and:0.18534523678502302	away:0.1677180592598468	taken:0.1107257407581158	them:0.09801925834481437	him:0.09463813178502385	returned:0.08981768368962884	it:0.08280143665758127	come:0.0807256889991267	arising:0.08020876372083943	:0.01
of:0.2722568817965146	to:0.1716952263108035	in:0.14646245223377993	for:0.10185470783397958	with:0.06770201465156615	by:0.06684928080011744	on:0.0650864632146108	that:0.05028294900667728	and:0.04781002415195074	:0.01
the:0.33601536274839616	of:0.16958902826991315	Mr.:0.10573912457216138	The:0.10541590539910749	and:0.08531333366099247	that:0.07291914405203648	a:0.05455260066519831	this:0.031900905979156575	in:0.028554594653037956	:0.01
the:0.2327519553438443	and:0.20987881582006157	of:0.17554547920780295	to:0.1388798178869893	a:0.07369937242826398	at:0.045825855254372064	in:0.04070035937594805	.:0.038113158377029416	by:0.034605186305688145	:0.01
and:0.18581213456446657	is:0.1301280118131278	able:0.12132666117380185	not:0.10218303442626207	necessary:0.09420766528966663	him:0.09287939787859381	enough:0.09269631237058107	them:0.08733232841025078	seemed:0.08343445407324934	:0.01
the:0.5759794897015564	of:0.16837632283231	surface:0.06860969600914402	on:0.03825383385077582	tho:0.03731974973809636	and:0.03650416793927604	to:0.02485116359390479	their:0.021566564990746304	said:0.018539011344190143	:0.01
or:0.24484784614099173	not:0.1529882108311475	much:0.11752700383071603	no:0.11671354168465985	and:0.08019429322465106	the:0.07721866835509414	is:0.07588536048029244	be:0.06417079697209244	with:0.060454278480354874	:0.01
the:0.49640542972121227	The:0.1771131538406018	and:0.06622036518077834	a:0.06367296248914918	his:0.04838553984080463	an:0.04150361733078283	tho:0.04003057094449444	of:0.031382281270313526	in:0.025286079381862905	:0.01
I:0.21623072348169675	we:0.16777123601194355	they:0.123620961038816	We:0.09602625993578805	will:0.0848854858087891	would:0.08343257151205333	who:0.07959451584158822	to:0.07788581964555238	you:0.06055242672377271	:0.01
of:0.30878724127569	for:0.17451185097537739	in:0.1625799054052366	to:0.08149883974273232	and:0.07452184131253774	at:0.0510971870964943	In:0.047302276342618466	that:0.045437154008629	nearly:0.044263703840684274	:0.01
was:0.21223250183710637	and:0.16282735089772554	a:0.14193069166090075	be:0.11635381243247954	is:0.11604485055959414	were:0.06933816318404401	are:0.06541494943338684	been:0.0611437966993236	to:0.04471388329543935	:0.01
all:0.6431723350842145	different:0.08786415453199789	various:0.07091122388159936	other:0.05978167111160113	the:0.041010645636150755	many:0.03224256014284229	All:0.019229795742366926	and:0.01845141078663102	certain:0.017336203082596195	:0.01
the:0.43948949218046196	a:0.1701722226643037	an:0.10199846597674371	in:0.06433379508054472	this:0.060290530657683514	of:0.040715381667189944	The:0.04059571506560336	and:0.037910601367324194	any:0.034493795340144795	:0.01
the:0.32500700744403854	of:0.14041591807968934	this:0.13651125745738849	a:0.11918737722170532	and:0.08494699474649488	his:0.05177235031621688	in:0.046342712284608005	to:0.04377660884963586	other:0.04203977360022286	:0.01
of:0.3615402389807707	in:0.1518851555102293	for:0.13104598519288646	with:0.08501487302299951	to:0.0770682708636064	on:0.05408331496201113	upon:0.04593436159018308	about:0.0421056568314149	and:0.04132214304589841	:0.01
was:0.1730858700695551	is:0.15313716872359526	a:0.12741201779364333	be:0.11458170938612752	the:0.10631926015853056	are:0.10336330566395034	and:0.08671321677068779	were:0.06837350578199111	been:0.05701394565191899	:0.01
it:0.20845689664902511	and:0.1525128604525716	they:0.1337450393067557	which:0.09873655622021647	he:0.09852344762470701	It:0.09135314840375386	that:0.0719340865424109	you:0.06975508100976115	I:0.06498288379079811	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
has:0.18806535314655703	have:0.1597675464560571	and:0.135680953412518	be:0.10775670586670763	had:0.10381133930244595	he:0.09078097643152545	I:0.07171198808370435	was:0.07135103700147666	is:0.061074100299007776	:0.01
a:0.31512590749534164	per:0.2842166586377045	the:0.13288189383303012	one:0.07715323479150064	last:0.053954955400450845	every:0.04137404535307853	this:0.033830069583864864	each:0.03100993837220233	next:0.02045329653282633	:0.01
three:0.192796977315329	two:0.16467916308965083	many:0.13785310916254612	four:0.11005783504033952	five:0.10177810510635742	several:0.07569980042604026	few:0.07568938861103441	ten:0.07107366265411401	six:0.06037195859458831	:0.01
and:0.26276554424049875	well:0.1716573563828568	regarded:0.10215108442096364	him:0.0868823661881788	known:0.08594969760882572	soon:0.07468266047506814	it:0.07254659441566476	is:0.06743217334715046	but:0.06593252292079284	:0.01
in:0.41009497412124923	of:0.19899694276193447	to:0.08313801353676308	In:0.07397797225200523	and:0.061062143603260566	the:0.05398800078655676	on:0.04174270928606169	with:0.033813895835359924	from:0.03318534781680892	:0.01
as:0.18147305940899253	and:0.17326555160750992	able:0.12147091128136288	is:0.10624524755801906	right:0.08909045872362921	necessary:0.08778701214393811	enough:0.08313500991634766	time:0.07479924972111708	order:0.07273349963908361	:0.01
quarter:0.7733623822720262	line:0.06865470739970322	corner:0.029995053734105426	side:0.027884544837129946	county:0.01938807321413346	city:0.01854602058291836	feet:0.01834196983198013	out:0.017394715859006253	south:0.016432532268996797	:0.01
of:0.26895848776649706	to:0.206767064991032	with:0.14966944532838736	for:0.0939717649704	let:0.07401011253904256	by:0.06835099411870932	Let:0.05462070346740963	among:0.0425086330412245	upon:0.031142793777297367	:0.01
two:0.18908350733372992	many:0.14223874878899867	three:0.12082400636233338	few:0.09862700989321288	four:0.0976510706475303	five:0.09392731676746911	ten:0.0872132866865599	twenty:0.08130276018621535	of:0.07913229333395069	:0.01
he:0.2704979826687066	who:0.13497964715412858	I:0.13396751331737142	they:0.11309218533505608	have:0.1072866598906517	and:0.06849171130664643	she:0.06098834989257653	we:0.05271624072952704	it:0.04797970970533552	:0.01
of:0.22567759342673321	his:0.14321880794636857	their:0.12859039064532643	the:0.128430296726385	high:0.11641161002431633	and:0.09430717097116924	low:0.06627859307438588	her:0.046732626877664864	a:0.04035291030765048	:0.01
an:0.23345202948805127	of:0.2135915042804552	and:0.17744610177879874	the:0.15968773682136428	in:0.06340208495223902	his:0.043003865826905706	her:0.03683432748040311	man-:0.03314281257797044	An:0.029439536793812157	:0.01
line:0.26480180046467733	side:0.1199326724832733	number:0.10996652062798454	out:0.0953797506697783	corner:0.09249235786227203	part:0.08839958290955667	city:0.08800772748914916	state:0.0710529613852143	name:0.059966626108094306	:0.01
the:0.6337331662659316	and:0.100385275269275	of:0.04502915812563193	in:0.0446265384225453	The:0.04052682497589725	tho:0.03890434100479111	a:0.0367021526749023	to:0.027326210880625385	on:0.022766332380400437	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.04553578393787439	of:0.03051332981678091	tbe:0.02261446403444868	in:0.021612439669724332	or:0.020196218295911488	:0.01
number:0.26532177014047936	amount:0.22293152162295	out:0.12221586675369864	plenty:0.07594738691716514	day:0.06580281257903609	thousands:0.06508193992081093	piece:0.06331559026500481	deal:0.055704790804795436	hundreds:0.053678320996059445	:0.01
of:0.27784672171513825	in:0.13800122799602393	for:0.13626520287138583	to:0.12775466443582714	and:0.0809162967866146	that:0.07595941793312153	with:0.06688451272591538	by:0.049842784687987994	In:0.03652917084798547	:0.01
hundred:0.1745801653051041	feet:0.14499480373197512	and:0.14291311442447596	;:0.1246135384216046	up:0.10975774510731658	street:0.07627453150561432	him:0.0739876233080169	day:0.07221156126906497	time:0.07066691692682746	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
and:0.14958990246937667	miles:0.141730924338462	free:0.13778745773831563	far:0.11531946154984084	away:0.1142202585404872	suffering:0.09289524012248204	him:0.08182258540364967	them:0.0804645055433097	or:0.07616966429407623	:0.01
as:0.22695927592274545	and:0.20617057677448775	that:0.20118500383781676	but:0.08236774773615126	which:0.07783285192564308	of:0.06130158360188879	if:0.050529369783990356	when:0.04302154371839305	than:0.04063204669888371	:0.01
in:0.24333994743612922	of:0.18871067140801695	the:0.14254258973892459	and:0.10760876324558526	for:0.09174081455919121	a:0.06366595919272895	to:0.061841865908333744	In:0.057337053099849385	was:0.03321233541124056	:0.01
in:0.3280063413811746	of:0.23734632398758482	on:0.08562729756331769	In:0.07837969502345332	for:0.07532933239794067	to:0.07060789595420999	with:0.041512018222784754	from:0.03931902089765492	at:0.0338720745718793	:0.01
of:0.2111743576300106	.:0.15940961941061174	the:0.1535806901040193	and:0.140029907110392	John:0.07536611439243113	A.:0.0660193253858156	Miss:0.06566616116472083	H.:0.06005863552721134	J.:0.05869518927478727	:0.01
Board:0.2252681155053819	line:0.12994405101573347	State:0.12165236661558936	years:0.11503206511343282	state:0.09019888457506987	city:0.0878160767772744	corner:0.08686415627296384	county:0.07241976758035501	case:0.0608045165441994	:0.01
and:0.1829000586293067	order:0.13196712928889223	necessary:0.11131757003867981	able:0.1106854681955675	is:0.10436541550942854	have:0.09298189226836552	as:0.08677817270098799	had:0.08618424823616641	not:0.0828200451326053	:0.01
sum:0.18676829411122214	number:0.1566486321513545	line:0.11140081741272478	city:0.10844765106291132	out:0.10739005474369737	day:0.09286734076326106	county:0.08286139477536687	amount:0.07384405151900511	Board:0.06977176346045691	:0.01
be:0.396383778769424	was:0.15901871179487667	been:0.1563865297284065	were:0.06920442482901354	is:0.06634674568584098	well:0.048029069529517326	have:0.03839665318796245	are:0.029869104392168274	and:0.026364982082790336	:0.01
in:0.26796230295600776	of:0.19860565711965808	to:0.10935611265367001	with:0.09323545892094127	from:0.07770932718409249	for:0.0699386367121076	by:0.06751657484375602	upon:0.054568503460814294	on:0.05110742614895247	:0.01
a:0.5392501124230163	the:0.25361500427852723	this:0.03986178514596627	of:0.03521359178756071	with:0.030402701245264833	very:0.02625596409685355	no:0.025380010812339433	any:0.020265046140900043	The:0.01975578406957173	:0.01
of:0.30201905806247276	the:0.17030496234875606	in:0.11068424530149686	and:0.0998920419009677	for:0.08617812801329329	a:0.08450522390944931	to:0.053617982219871324	that:0.0521348832397091	with:0.030663475003983535	:0.01
is:0.19360874356912927	was:0.1438323593143901	are:0.12186296434341747	did:0.11746438789983728	do:0.10721052931890085	could:0.08616034692945326	and:0.07546047057592253	does:0.07227133429734381	will:0.07212886375160546	:0.01
the:0.3095876780584938	of:0.17316931702614413	to:0.12268602141238892	and:0.1208955756433255	a:0.08723231527611129	in:0.053330325220556314	be:0.046693641421454476	is:0.03842252484347463	for:0.0379826010980508	:0.01
the:0.45621574538541215	his:0.17735650692524793	a:0.12519353782405923	my:0.057273403809469686	their:0.05112938005510933	her:0.049044957164053556	tho:0.027899187266284584	your:0.02375149429933419	of:0.02213578727102939	:0.01
have:0.2504914615293153	has:0.16574496079050752	had:0.1552226170554238	and:0.11528806535365621	he:0.08940359404256797	I:0.08710178177668429	who:0.05294789815229354	was:0.03843434102799498	they:0.03536528027155628	:0.01
it:0.2510914051992149	It:0.17137973579832944	he:0.16425395953659566	which:0.10542520949982548	who:0.07155436438202945	and:0.0662432051314335	He:0.06523264442476875	that:0.04772542526654718	she:0.047094050761255744	:0.01
Mr.:0.2338100673429968	of:0.14892685200845546	.:0.10655839889629616	at:0.10469713781257282	and:0.10408664924866767	to:0.09670617480363526	a:0.07671203378764153	Mrs.:0.05936686953157823	the:0.05913581656815579	:0.01
the:0.24273593368698743	of:0.19482458867717506	to:0.15386363801051609	and:0.13977018841803462	be:0.07188836850300179	in:0.06984476594174335	or:0.04024831417544013	was:0.03938076991161049	is:0.03744343267549099	:0.01
;:0.20953252095776806	it,:0.11451281996419217	him:0.11252660622910599	one:0.10399558216214487	in:0.10038399485273586	and:0.09216727949281207	,:0.08702126563998025	it:0.08638247894281384	up:0.08347745175844686	:0.01
or:0.20456925726310016	not:0.165069560207902	and:0.14066034480304365	redemption:0.12589568267922988	than:0.08972502997109887	is:0.06896450207811629	was:0.06877777860304822	look:0.06433523491393657	there:0.062002609480524384	:0.01
and:0.2963518930506839	so:0.14127294388052722	fact:0.11934677619133643	said:0.0938250666715126	know:0.0932134021518468	say:0.08466047801883071	is:0.06122937996269785	but:0.050994404267622175	believe:0.0491056558049422	:0.01
the:0.5712264689311011	a:0.18812794757785756	his:0.06991961020821937	The:0.0384718193840538	tho:0.036269922209380294	this:0.027185016591544757	her:0.020431089495532608	of:0.01947815137073276	my:0.018889974231577646	:0.01
and:0.24252782323623318	was:0.1455968581536024	it:0.1440082108785464	he:0.09012357675329476	be:0.08300082970471609	years:0.08253269416048657	He:0.07441476083778328	It:0.06517377268271396	is:0.06262147359262342	:0.01
the:0.6911469424118787	a:0.10151458501695493	The:0.050924739810462145	and:0.050365782902038934	tho:0.029180947117708952	is:0.024885274380417016	of:0.014717906324112177	was:0.013668083319966414	al-:0.013595738716460502	:0.01
in:0.31213636848631654	of:0.30458924820765104	In:0.1383313199115801	to:0.06729754138791359	throughout:0.043531096471398065	and:0.03610033147900299	that:0.030912451608770646	for:0.030187065049822007	on:0.026914577397545075	:0.01
the:0.502171482070609	a:0.10697251917639065	gold:0.08245379542452289	of:0.07968322901328836	and:0.07594730785663506	The:0.04063625511948417	tho:0.036789298198402	some:0.03465162181679506	any:0.030694491323872808	:0.01
of:0.407674785398844	to:0.12776120936196508	in:0.09811001276740029	and:0.07987385520716707	for:0.06192213266467771	by:0.059814335151744225	on:0.057195378560192196	that:0.05542901686480434	In:0.04221927402320508	:0.01
the:0.24307002909933884	of:0.19255952245263244	and:0.15413776571138663	to:0.14381403215373081	a:0.0728643679820992	be:0.051059482517056685	or:0.05091033703493396	his:0.04246448727256352	on:0.039119975776258066	:0.01
and:0.20741641028920504	from:0.15079352200961685	is:0.12526809714364462	or:0.0983022470136906	by:0.0935048369251599	was:0.09316047267781404	are:0.08711847529742334	of:0.07019942090473245	be:0.06423651773871325	:0.01
the:0.8669368527056203	The:0.038961008664313596	tho:0.03812692857930304	tbe:0.014074451955827136	of:0.009714159928890579	and:0.007488408785041511	this:0.005807203533932443	to:0.004906667042670002	that:0.003984318804401365	:0.01
the:0.2674492964256619	of:0.20511700061949345	and:0.14485297190820026	a:0.10901726580538401	to:0.07826945908641957	be:0.053803876767259305	was:0.04954367835637349	is:0.042308161686394764	in:0.03963828934481334	:0.01
of:0.25776135588310556	for:0.216117333966388	to:0.11681641650563722	and:0.10621025280088427	that:0.08825245767092386	in:0.0783323975341999	by:0.045677857707919683	all:0.04073836649491023	with:0.04009356143603127	:0.01
time:0.16567993183890273	man:0.12991036354079466	it,:0.11508822343074915	them,:0.10436649065250439	up:0.1023936120240662	him:0.09925487475741737	men:0.09632524471907439	it:0.09559650259481238	house:0.08138475644167864	:0.01
the:0.4382464904610244	a:0.32073025172750547	his:0.05617978208455463	The:0.042058741671818986	of:0.04006607333349015	and:0.029763690893341972	their:0.025080606923198013	tho:0.02023291758910129	an:0.01764144531596506	:0.01
the:0.21168661632910737	and:0.1734208758737908	of:0.1496524303109621	as:0.1486264042445669	a:0.08287979349307766	to:0.07107758859510922	be:0.05689152027188905	such:0.04860602071964437	in:0.04715875016185232	:0.01
<s>:0.35504608778049324	it.:0.1981427398930996	him.:0.10307001396647558	them.:0.10238350570504233	time.:0.052747242444102935	again.:0.046001959090297646	.:0.04430856024738939	her.:0.04424431336725335	country.:0.04405557750584576	:0.01
the:0.27062093316726427	of:0.2058837608840983	and:0.08834827289900335	The:0.08539875818703921	Mr.:0.0848051425396133	that:0.0818513311015996	in:0.0776092527328897	Mrs.:0.04911887553256453	which:0.04636367295592785	:0.01
the:0.4208901841820175	and:0.17391606778844382	of:0.1438556935892888	many:0.054428357700082496	for:0.04531847661398713	these:0.04040668815676639	The:0.04036616273614672	great:0.03621016655967899	their:0.03460820267358812	:0.01
the:0.21111055812820548	a:0.19711595561915762	his:0.1632526150918861	of:0.15561089368668068	their:0.10536910508033775	and:0.04391541508164328	my:0.039657083122798364	its:0.03862654960387072	her:0.0353418245854199	:0.01
the:0.23822844848581037	and:0.20122952992515805	of:0.19304712948183925	a:0.09216272240482247	to:0.08973984001616922	I:0.050478338513428304	in:0.04477488930306719	that:0.04292983420610713	at:0.03740926766359785	:0.01
the:0.5703418561115114	and:0.12483344038203496	of:0.04968566631381561	his:0.049387550915262944	The:0.0481373974959423	her:0.0464712358810217	to:0.034840264325376596	tho:0.03448512033276069	their:0.03181746824227383	:0.01
the:0.2974502811850691	of:0.22091422415753312	to:0.09236837889488791	boy.:0.0741306415053232	and:0.06960437249933987	girl.:0.06679148007921792	a:0.06486805677156715	in:0.05550313372308324	for:0.0483694311839784	:0.01
was:0.22623828463088383	is:0.1662297652481438	and:0.15949684979329104	are:0.09779973186405096	be:0.08455105752911157	men:0.06681207254533283	will:0.06610405122510182	were:0.06399057774185225	him:0.058777609422231994	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
the:0.473488961603652	a:0.2132546833960931	The:0.05536335097627145	in:0.04961818475873091	thorough:0.04732924190463164	of:0.04362522932792924	his:0.04180843102095778	full:0.03339531205106555	tho:0.03211660496066824	:0.01
of:0.35381008465619795	to:0.1708180374614593	in:0.1509675461061037	and:0.07835514206482475	that:0.06956030351353455	at:0.044474580410328125	on:0.04443931750237146	for:0.040046947731057984	with:0.037528040554122295	:0.01
opin-:0.5939843907607217	Un-:0.08595011293289365	<s>:0.06752387641536034	provis-:0.06653740112052493	.:0.04327353482581793	-:0.036354284659337044	the:0.03456737705554569	and:0.033197975401096064	that:0.028611046828702733	:0.01
hundred:0.1631051995366529	;:0.13365936507111423	him:0.11732615948902901	one:0.10942603140040551	feet:0.1079334711744123	up:0.10029179877010728	mile:0.09005038552425722	feet,:0.08590382326179402	time:0.08230376577222771	:0.01
and:0.1390807564514581	able:0.11726999213398069	inclined:0.11264383740129874	began:0.11257028316868084	reason:0.11186394006528023	enough:0.10371048650475503	him:0.10279962615609585	me:0.09955985379255257	as:0.09050122432589786	:0.01
the:0.2723481281437822	and:0.19668214768263018	to:0.15253132558714386	of:0.12360101342064603	a:0.0784152569125437	or:0.04657671415391402	in:0.04619741871335773	at:0.03747133131373015	be:0.03617666407225232	:0.01
a:0.22685541286065136	some-:0.17788062870377022	good:0.10530570796112054	any:0.09552561956200022	one:0.08974879448297679	only:0.07937362456865593	the:0.0778647718074549	any-:0.07052044533501575	every:0.06692499471835417	:0.01
the:0.44824172585585126	a:0.3289786764119717	The:0.06826137755466946	and:0.036262951046114614	of:0.028190701027708626	tho:0.026451156874080367	to:0.023448733698669386	A:0.019342375000225818	this:0.010822302530708696	:0.01
of:0.373609987966382	on:0.18804779584624431	the:0.14390918401096953	and:0.0740043626912922	to:0.059157766792894126	in:0.056329650844534125	at:0.05366154352985039	from:0.022676593298884284	for:0.018603115018949134	:0.01
feet:0.2083705893710341	poles:0.16686243736995118	up:0.11619557552687124	chains:0.11156855355118703	entitled:0.08437694067907713	went:0.07935061363836472	came:0.07491532896457027	down:0.07426522602773696	him:0.07409473487120727	:0.01
of:0.496143092935845	in:0.09632287688363059	to:0.08808536309730083	by:0.06126148644937512	and:0.05989680178737261	that:0.05825530344450772	for:0.05518942570505533	on:0.03783906306710606	from:0.037006586629806694	:0.01
well:0.21842075983329576	soon:0.20777084605516524	far:0.14076363069932052	known:0.13522119875997723	and:0.09452780557755938	long:0.05289644069995918	such:0.04880934201746171	much:0.04765358315663655	just:0.043936393200624584	:0.01
he:0.3305851092160773	is:0.17231707568255505	be:0.11524369987115589	He:0.09685095197191487	was:0.0931290811141368	and:0.06734933739338941	she:0.04355880300859507	I:0.03593927162649025	been:0.035026670115685186	:0.01
a:0.18219302393553882	more:0.1783125444591564	and:0.171014959380871	of:0.10570272110373767	to:0.09284941813147064	the:0.09138041417503709	for:0.07045040154011818	will:0.05084074657212056	be:0.04725577070194976	:0.01
of:0.4165667809791906	in:0.2166692941228326	to:0.08208398646274437	In:0.06505568315542949	for:0.04928474797646642	by:0.04591720367369443	at:0.04239487013212466	that:0.0377021115210723	from:0.034325321976445236	:0.01
it:0.2602933463206855	there:0.14822319293947891	It:0.13196436136428402	which:0.11581767029202342	they:0.08952698954231514	that:0.07758736314856882	and:0.07379772084395009	he:0.04666991240312073	There:0.04611944314557337	:0.01
and:0.23147186897819022	<s>:0.21938820409391566	that:0.12806420301480465	was:0.08476280698818368	be:0.07616464008921547	are:0.06569063538253903	not:0.06523136918661365	in:0.06026547995762615	is:0.05896079230891157	:0.01
of:0.4366086076082801	in:0.12312467004934578	and:0.08999815929893412	by:0.07203354760719556	to:0.07043159572670114	for:0.058647453366220396	on:0.05629685665033062	with:0.047614053999351424	that:0.03524505569364088	:0.01
of:0.25184830176142753	at:0.1925751777755313	for:0.18760238954216774	in:0.1169284168400042	to:0.09540364614544933	and:0.04304690689362529	from:0.03834422395469962	during:0.03292795892418675	by:0.03132297816290828	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
be:0.16397490470439305	was:0.13351459846889688	have:0.12864281489731205	he:0.12029101246615094	so:0.1198812138623555	has:0.08998404855494457	had:0.08079544667011684	is:0.08033890791665717	I:0.07257705245917281	:0.01
of:0.4560154461849908	in:0.2530856486704141	the:0.09668460194163857	and:0.05159682156883679	In:0.04921560060930893	for:0.03577513646186502	to:0.021317745787152814	or:0.015932167233836322	by:0.010376831541956719	:0.01
the:0.2584370386898756	and:0.1740798482083577	to:0.14748263120336905	of:0.12166594860433623	in:0.07255246398959021	be:0.0617255152060856	that:0.05293692225987971	is:0.0517738633451299	a:0.04934576849337606	:0.01
the:0.29727220270899396	to:0.2737048782953615	of:0.14229570829363578	a:0.10244239143499376	and:0.06242210566497735	in:0.032493095866839045	for:0.032366175162733685	this:0.02775014125359002	his:0.019253301318874844	:0.01
most:0.2594688055302747	the:0.18738748383137505	and:0.12672724809478472	a:0.10518653296054256	of:0.07670674193287483	more:0.06609461525834692	is:0.059980815766212135	very:0.05630242570634053	in:0.05214533091924861	:0.01
the:0.30337617970676906	of:0.18860457588018725	and:0.131061740829474	to:0.0977610809207078	a:0.0809566554459928	in:0.055741965423345884	be:0.051143240024298715	was:0.041879765140534715	is:0.03947479662868964	:0.01
the:0.6307137741451901	of:0.06575678269136731	and:0.05936576483867788	in:0.05617524518565882	The:0.05216366262258026	a:0.04840251314417642	tho:0.030532026148828408	their:0.024690239826211286	his:0.02219999139730938	:0.01
the:0.6033911764098422	a:0.09713931068168627	of:0.07451809572985603	The:0.05982492059142255	and:0.04273338595412762	tho:0.03137787407225064	this:0.03131247611672101	to:0.029616366177735595	by:0.02008639426635815	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
the:0.2702205851480954	and:0.2537306121231639	of:0.10788404947085116	a:0.07682900740008422	I:0.07017616036991155	to:0.05945912410399074	will:0.05897063657146993	his:0.05543551560652276	in:0.03729430920591029	:0.01
the:0.3278596197828355	of:0.172746506013665	and:0.11564886028659735	to:0.07284070357735181	a:0.07119407616128985	was:0.06226527202271898	be:0.06027913999887273	is:0.05505967259911799	for:0.05210614955755076	:0.01
his:0.3453391589007859	her:0.14094780739690452	their:0.10988569778560542	my:0.10600697970856096	the:0.10005188639718665	a:0.07938125963409279	and:0.04808553202872458	your:0.03766137033957769	bis:0.022640307808561348	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
in:0.13605241699216516	of:0.13497343563196892	on:0.1315494490886801	is:0.1298189109856078	was:0.1036958450779658	and:0.09614716662421469	as:0.09324690926131472	with:0.08959105768702531	for:0.07492480865105755	:0.01
of:0.18571329624269758	be:0.14646758574485422	and:0.1438913362758954	the:0.13768234218939351	to:0.10025920270847395	was:0.09724034888722495	a:0.0613128287322257	is:0.06018966730697438	in:0.057243391912260334	:0.01
of:0.29876895434262474	in:0.1984707432613619	to:0.11715138583166745	for:0.07341845189761999	with:0.07262182394026943	by:0.07156654753544392	and:0.07076325946739156	In:0.04794966764985872	that:0.039289166073762316	:0.01
New:0.3422976038328418	of:0.3398734190266482	in:0.1489062564040973	In:0.037488816870756315	to:0.030666166911817568	and:0.02829958908182625	from:0.023509942346899602	for:0.022076269378826518	by:0.01688193614628642	:0.01
be:0.17939284590177876	was:0.16382677519022773	have:0.1295683623641311	and:0.1097822797459558	had:0.09673916195997283	is:0.09454550268726483	has:0.08714879644126168	been:0.06629568000684281	he:0.06270059570256449	:0.01
of:0.282110920781923	to:0.16103344262541225	and:0.12813000433305147	in:0.12105564578373806	for:0.08316217617227391	at:0.0666576315422447	on:0.05744442964733411	oi:0.045304228727939794	by:0.04510152038608269	:0.01
and:0.2140657012628039	to:0.18624825820563914	the:0.1136177647758071	of:0.09545390220861506	a:0.09008699567580136	was:0.08875870350827239	is:0.0819464733651163	be:0.060510000580715935	be-:0.05931220041722885	:0.01
the:0.35666100417320057	of:0.17064965424314193	a:0.16279621747405426	and:0.08778853999449221	to:0.052262605503841326	an:0.05003175508025744	in:0.046304264865043326	at:0.033772124684752	his:0.02973383398121722	:0.01
to:0.23239635882577567	with:0.14795527419546203	for:0.13955261406192304	make:0.09975401637078374	of:0.09839037465733615	let:0.07811838646770826	give:0.07034544163206291	made:0.06294159304699252	upon:0.06054594074195565	:0.01
the:0.3078144051404186	of:0.26505257970245505	and:0.19260195807483033	to:0.05479830963321524	The:0.04307687886304819	that:0.03367974593912254	a:0.03134573823657955	<s>:0.030823348365172858	or:0.030807036045157592	:0.01
the:0.6359192104455352	his:0.08275596228438314	their:0.047763069827091574	tho:0.04546294109260493	our:0.03935692353492406	good:0.03823678525404734	a:0.03563397354472836	its:0.0354630574375536	other:0.02940807657913179	:0.01
and:0.3222198455524992	<s>:0.28573857296408633	as:0.0712242622847361	that:0.06700029745991219	or:0.06001680232880113	it.:0.05548552367039798	was:0.04702955112317334	be:0.041815126203362404	them.:0.039470018413031376	:0.01
so:0.2044314802422355	and:0.18345073036457654	of:0.18023396495331936	in:0.09307195391618533	for:0.08247852259600444	as:0.07303649254185957	with:0.06275344770550409	to:0.05671142565864317	by:0.05383198202167212	:0.01
the:0.22172023892309115	of:0.1544891538036754	and:0.11358465086891449	a:0.09386538603318524	an:0.08847174821825284	-:0.08766195108438139	i:0.08336830757296744	.:0.07459740798853857	to:0.07224115550699349	:0.01
a:0.18093731292087745	the:0.17749627055241127	this:0.1664220440285153	some:0.09615975303128853	same:0.08567134910541797	that:0.08205288696456943	any:0.07107757574580861	to:0.06649779792704197	of:0.0636850097240694	:0.01
of:0.39570171961833067	in:0.281233328573343	to:0.07284053216366929	for:0.06790789536933707	In:0.0634128185772592	from:0.04551272725504884	at:0.024629782292638576	into:0.019848008586009446	with:0.018913187564363693	:0.01
the:0.24586786277439152	and:0.16997323033442863	of:0.1608974002526721	to:0.1249237815759012	be:0.07553177693575927	a:0.061509878021570465	was:0.06041598053696065	at:0.04638918990689267	in:0.04449089966142337	:0.01
the:0.2654899918975592	of:0.20302524809050299	and:0.17745177002204052	a:0.10906588913129456	to:0.08229544085247793	is:0.03898604755417157	in:0.038483813590775566	be:0.03769492273598598	or:0.037506876125191636	:0.01
is:0.3014093257521255	was:0.14738417613010554	for:0.1307428007688813	and:0.08431640600582292	are:0.07504068069858688	do:0.06685446456495071	that:0.06547516845572257	have:0.06200192276468122	be:0.05677505485912334	:0.01
day:0.17829895693805653	and:0.15899177659448402	made:0.14871029061055333	out:0.09287530658861137	up:0.09118244764460894	feet:0.08376748653362667	them:0.08212257195217178	him:0.07802484037383413	it:0.0760263227640531	:0.01
;:0.1860501056825479	in:0.1581799105850961	him:0.10981112656984265	it:0.1013843210408522	it,:0.09781858431442668	one:0.0906056318161088	feet,:0.08589744573864026	and:0.08427890202117945	man:0.07597397223130596	:0.01
men:0.3729697430201119	number:0.23411762512735976	matter:0.06342178336800011	city:0.06330681561977927	out:0.060157748946706155	kind:0.05068212255661103	place:0.049436830639925045	thousands:0.04878091045174825	man:0.04712642026975849	:0.01
and:0.20865237534401784	would:0.1468217595310767	will:0.13710798273028624	not:0.11684047642916422	to:0.0834983324360255	had:0.07680435948955465	have:0.07658457551900567	was:0.07551861438424476	is:0.06817152413662449	:0.01
the:0.2584370386898756	and:0.1740798482083577	to:0.14748263120336905	of:0.12166594860433623	in:0.07255246398959021	be:0.0617255152060856	that:0.05293692225987971	is:0.0517738633451299	a:0.04934576849337606	:0.01
as:0.20901265774560066	and:0.14718014366104398	came:0.12154210382906457	up:0.12054102556691379	back:0.10132170867887318	them:0.07860219907836741	come:0.07577266150059332	it:0.07384764401649718	brought:0.06217985592304597	:0.01
;:0.18128128537073152	Mr.:0.17243646703541538	1:0.10414578126527237	,:0.10086408992877179	up:0.09206241677291199	.:0.09120352800389145	to:0.08867299443021534	in:0.08345180570161288	city:0.0758816314911774	:0.01
<s>:0.5302441846932214	it.:0.09845265154300802	them.:0.09062024359988452	day.:0.056767179993778394	him.:0.05136469947047096	.:0.04739573275811531	time.:0.03978633186721436	country.:0.038352956874490154	men.:0.037016019199816896	:0.01
the:0.6956664126872635	said:0.09053871991688785	The:0.060129939557870896	State:0.03934075898025228	tho:0.03688384249461314	and:0.02100870337918563	a:0.02008981529268249	tbe:0.014295255841796932	County:0.01204655184944736	:0.01
those:0.2440507831228708	man:0.1896440629965335	one:0.13493274774356825	men:0.13214373206459903	and:0.10687997572450005	people:0.06089981096740642	person:0.04120940815372893	all:0.04020747465671117	woman:0.04003200457008183	:0.01
the:0.6671151752287757	a:0.18178006128734256	tho:0.03517562429329244	The:0.034183860627816406	no:0.020787174889680536	and:0.018940246769710244	tbe:0.012758630446120823	very:0.01004927523974988	great:0.009209951217511343	:0.01
well:0.3356911554864022	such:0.15973503730427288	far:0.11394222839675226	and:0.10872126363454725	just:0.06882631815404701	known:0.06828647402866661	soon:0.06258273465130193	is:0.03734532673611848	much:0.034869461607891325	:0.01
and:0.3966757103159169	that:0.21781401290427632	but:0.13852360305499128	But:0.060179123036269995	time:0.05597234897685334	And:0.042058405150826726	or:0.031166016524432946	come:0.024943154895404922	even:0.022667625141027718	:0.01
from:0.27044136607033803	of:0.1839178662546399	S.:0.1307838627086978	.:0.0834615885131001	N.:0.07338347243408115	Mr.:0.07301572562344898	the:0.07146569671237693	by:0.05237374749718923	D.:0.05115667418612795	:0.01
more:0.20956910130701792	man:0.15275768570114256	person:0.13458977989440235	one:0.12960784028809882	two:0.09049876262269312	law:0.08191387945155089	in:0.06685221702397422	three:0.06363270371593077	State:0.060578029995189346	:0.01
an:0.6086271656337684	the:0.14628092666631093	most:0.07160174320070808	and:0.04509028650116507	An:0.03375267201628633	very:0.031451700270604906	this:0.02054240739644311	a:0.017877329467468495	The:0.014775768847244675	:0.01
and:0.25015120288527126	Committee:0.2033650849130139	was:0.11050684012567173	committee:0.11035425635665394	that:0.08337255322551501	is:0.06204548477700177	be:0.06051112887723934	going:0.056301292249122836	out:0.053392156590510005	:0.01
the:0.6178275010657737	an:0.09968491307035858	of:0.08502332408410673	The:0.04883669182270921	a:0.04489455755291461	and:0.036615679863439755	in:0.024716234248500158	tho:0.02349834043683982	tbe:0.008902757855357355	:0.01
is:0.2524479625653079	ought:0.12100787889195094	are:0.1178352422795325	seems:0.11055594763804424	was:0.09614106152581381	not:0.0941843627106136	said:0.07532254921697497	seemed:0.06249828089648135	as:0.060006714275280794	:0.01
the:0.29901520570410234	of:0.19902262332446413	or:0.15637309165202043	and:0.11320533793720235	in:0.08124744167707618	for:0.04917959110650532	by:0.03142524321697806	to:0.030291478407818036	at:0.030239986973833108	:0.01
the:0.23817289250408005	and:0.1795392193402485	of:0.1341673934481019	to:0.1175508878467794	a:0.08897589497123656	was:0.06258675681110144	Mr.:0.062114665727191466	be:0.05420321962070791	his:0.052689069730552825	:0.01
<s>:0.5651010274269848	.:0.11249698542568125	it.:0.07383751600117619	them.:0.05045060515540694	of:0.04230197731856313	day.:0.04162786131263165	time.:0.037931508411539715	year.:0.03395629922491955	him.:0.032296219723096924	:0.01
of:0.2799287370261997	the:0.25462819675173687	to:0.137736913058016	and:0.10677395801001148	in:0.08179874086441996	from:0.04155560312256724	for:0.030578311013882142	or:0.029969652700750183	The:0.02702988745241641	:0.01
to:0.31853375290303776	I:0.1983101506055766	and:0.12763051804598463	we:0.08070996589852579	you:0.07141843143901369	who:0.06293623762340271	We:0.054836114553867804	the:0.038824116938585854	a:0.036800711992005304	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
of:0.4048500754022899	the:0.1899177137311941	by:0.09308762570784836	on:0.0708392110833343	and:0.059726959040582624	to:0.05775221842719256	in:0.0545621676306615	upon:0.0321354225054393	with:0.02712860647145726	:0.01
;:0.18353869485350224	heirs:0.1542996411617388	men:0.11576039349386069	mortgage,:0.10679521332954602	in:0.09750730205194771	State:0.09104069666577196	city:0.08525807923858318	States:0.08364380739739644	to:0.07215617180765305	:0.01
will:0.6612213139688903	would:0.16393544188217235	and:0.0460387236378031	is:0.03488231487844916	should:0.020129594221122798	must:0.01893368468633496	shall:0.017212935828336006	may:0.013893029484347914	can:0.013752961412543405	:0.01
to:0.3527425236323338	the:0.2083864042128574	and:0.09651372477952362	will:0.08485589871747383	would:0.07122032139604051	not:0.05783547922242354	a:0.041897717753613485	can:0.038368172554564595	may:0.03817975773116906	:0.01
to:0.2620983149693371	and:0.19664402247129265	the:0.18720703494025467	of:0.14061051340842873	in:0.0675925481954826	a:0.03867755248806961	<s>:0.03389464108121401	not:0.032510411574388075	that:0.03076496087153255	:0.01
and:0.2921113844744706	made:0.19571913870234195	or:0.09628449857869373	that:0.08983215707584402	side:0.07345421699179873	occupied:0.06742963860758393	up:0.06110250752509623	secured:0.05771256172717884	owned:0.05635389631699194	:0.01
of:0.30200111338747676	in:0.15537735644983589	to:0.09686071415431269	by:0.09502183326588051	or:0.0888039811275091	for:0.08686667582471931	at:0.06011153380310569	as:0.05268139322823019	that:0.05227539875892979	:0.01
man:0.22158679416938376	those:0.2079593780867709	one:0.1626622005217917	men:0.11428492759123673	and:0.08678808253472371	all:0.06845897701926784	people:0.04731482393076181	woman:0.043482477653742704	person:0.03746233849232081	:0.01
and:0.24195372743211047	is:0.16227991618842744	was:0.16162846044764653	not:0.09724856386049618	or:0.08116580988486335	be:0.06876968859655899	been:0.06819840781328894	are:0.06610735296222404	were:0.042648072814384166	:0.01
and:0.37472216893073873	know:0.13387886723101006	matter:0.12955164908010008	see:0.10608329250113945	to:0.07545704132745834	or:0.05095900622097997	of:0.04841280965607564	is:0.03824295753162482	was:0.03269220752087306	:0.01
was:0.19348939933026693	and:0.1713230231062886	is:0.12086922790599376	are:0.10951187253065511	be:0.1021754916018093	went:0.0790524382754389	were:0.07682424396145877	it:0.06850707111576657	come:0.06824723217232197	:0.01
is:0.1634298496188295	and:0.1617168108711361	was:0.15543119726270502	it:0.13238310935239794	that:0.08482555768227644	on:0.08019416200459895	up:0.07871900692293402	-:0.06710439522215467	It:0.06619591106296743	:0.01
the:0.5367785676475665	a:0.09913180874283682	all:0.07156944520507287	to:0.05471168419009725	and:0.05392996045737653	his:0.04743240200829891	no:0.04432126513762088	was:0.044288139516980234	at:0.037836727094149716	:0.01
carried:0.1996587921978813	taken:0.14482145878663097	it:0.1120931267826809	went:0.09260917577031605	turned:0.09217145831855021	go:0.08959843879542181	get:0.088052905107454	thrown:0.08605941813252263	pointed:0.08493522610854215	:0.01
I:0.15889252922676528	and:0.1526203647048206	have:0.12244471236335329	who:0.10193425857622773	he:0.0992849704920091	be:0.0953965706992943	they:0.08840115536665577	had:0.08789680208484663	we:0.08312863648602721	:0.01
of:0.3180598486520874	in:0.21301398220638795	to:0.16033935840945387	on:0.05517987318985669	with:0.05326540000829251	In:0.0509388227528608	and:0.047271916681621916	for:0.047166443616447805	that:0.04476435448299106	:0.01
of:0.27758236549493237	in:0.14015884515621155	with:0.12158268163684098	is:0.09897663119884045	to:0.08864696712774393	and:0.07963801328291438	for:0.0760651003587999	was:0.059050824946662014	by:0.04829857079705433	:0.01
and:0.2456742531225251	was:0.13380453386353444	made:0.11718953954085283	up:0.09786356604772764	engaged:0.08539647898915106	is:0.0808669897331183	it:0.07802273372422544	be:0.07681447573065656	time:0.07436742924820854	:0.01
of:0.36179351460769893	in:0.16465459866436605	to:0.12199197438352918	on:0.06931391433604173	with:0.06688619475773343	and:0.058332796828416404	for:0.05590542853825237	from:0.04628195539916088	at:0.04483962248480114	:0.01
protest:0.2352275405538314	and:0.1508461228981743	up:0.09955781058262711	made:0.09751014825504264	voted:0.0884129817684305	claims:0.08439363287706252	vote:0.07862049969983499	guard:0.07798548506815407	fight:0.07744577829684242	:0.01
the:0.38162430942600434	of:0.19549814246680391	and:0.11006854477506628	in:0.07710394291455036	The:0.058468230284229594	a:0.04929156963909877	that:0.04496198144259792	to:0.04215361418028707	is:0.030829664871361694	:0.01
out:0.18510026776968166	matter:0.16072435511466893	number:0.13755810693383436	purpose:0.11944923960069971	means:0.08930442382058769	is:0.07905413345928383	kind:0.07612382011368901	cost:0.07555465636419251	be:0.06713099682336218	:0.01
the:0.35411928012376376	and:0.1827490294574996	of:0.15084743544920745	to:0.13697978199763047	for:0.041866569907463354	that:0.03897422773635805	I:0.03048183984607063	in:0.027523722769580792	a:0.02645811271242607	:0.01
a:0.5867256183698463	the:0.10441332558911204	of:0.09343807582569856	A:0.062352291001113856	and:0.04145597444635528	very:0.0312252923042797	this:0.024129733558358648	in:0.02407562315168835	that:0.022184065753547182	:0.01
the:0.3308162184315037	of:0.16966964773089074	to:0.10704039964657877	and:0.1066855104447833	a:0.09940308099005661	in:0.0552553658632571	be:0.04380313950800813	his:0.041741170514524625	is:0.035585466870397105	:0.01
<s>:0.4174312549089936	it.:0.14921683273509548	them.:0.10554572919892358	us.:0.08530179405316812	country.:0.055140200529004126	people.:0.04729541364230892	that:0.04637041767302545	day.:0.04429239101214437	year.:0.039405966247336555	:0.01
sum:0.18676829411122214	number:0.1566486321513545	line:0.11140081741272478	city:0.10844765106291132	out:0.10739005474369737	day:0.09286734076326106	county:0.08286139477536687	amount:0.07384405151900511	Board:0.06977176346045691	:0.01
guardian,:0.2525021871612373	one:0.16658816223335357	person:0.11951099456122204	two:0.10582496991075896	on:0.08921553774889873	law:0.07299328915533479	more:0.0629314261351281	day:0.06147414490728113	and:0.05895928818678528	:0.01
to:0.2082400486603598	the:0.2040097545902015	and:0.19980432728505823	of:0.15978957334487476	in:0.06337877849958568	a:0.05463758289552893	not:0.03746152227349155	I:0.03180451839090819	be:0.030873894059991414	:0.01
day:0.3816325076339729	and:0.14886447846202405	until:0.14658467842558975	days:0.07404183653196307	shortly:0.06897730979937536	Shortly:0.051860947678664227	month:0.04422453374829474	that:0.037264543069364754	week:0.03654916465075121	:0.01
that:0.1532026993043398	and:0.1513384807744726	<s>:0.14912655525597177	lot:0.12156606179051967	one:0.0874842895924818	which:0.0868749564255166	State:0.08431101341210763	land:0.08150463674955434	day:0.07459130669503591	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
to:0.5459758805755263	not:0.15724877584345834	will:0.0595561496047735	would:0.04825958653543495	can:0.047127717743865656	could:0.04040046239064917	and:0.03315027126744554	cannot:0.03012288312160809	may:0.02815827291723852	:0.01
that:0.32943087410467603	as:0.15324490603031204	which:0.1337712537162838	and:0.12314626264849338	if:0.06773353770831947	but:0.056451991825241764	what:0.051581783517972817	because:0.03863810312508326	when:0.036001287323617445	:0.01
of:0.3690543291390253	to:0.11466192792594386	for:0.10917293069800839	in:0.10033219704411528	and:0.07634442431560846	by:0.07200687060344188	that:0.06364059200645093	with:0.0491600971169597	from:0.03562663115044633	:0.01
to:0.38411958439304783	will:0.16795803735302053	would:0.11187990746648242	not:0.0897151806246136	and:0.06426368395135038	may:0.05349530139819328	shall:0.04192972805674589	who:0.04171380273093033	they:0.034924774025615744	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
the:0.32344792120366006	and:0.1357498396866892	a:0.12045919366652863	of:0.11144736938601565	to:0.10819936268192318	so:0.05485077267885555	is:0.05113804921283257	in:0.04560258755074352	be:0.03910490393275158	:0.01
and:0.24588019897458838	was:0.14761520091651767	be:0.12119492247662801	are:0.11530233532496324	is:0.11323484589365464	were:0.06768535231315581	up:0.06415116641972733	succeeded:0.06025543514280131	them:0.05468054253796374	:0.01
he:0.2256552029158758	I:0.16015572606977824	they:0.15287114853489606	it:0.11880346306317102	who:0.09679155147566869	and:0.07868848249606414	she:0.06539639742457179	He:0.05140535701952353	you:0.040232671000450713	:0.01
of:0.2735900659577961	the:0.15557694486545462	and:0.12432954580218314	a:0.11720381974340095	to:0.10415057097770922	in:0.08233958509752284	was:0.045557072074220245	with:0.04364711895288105	is:0.04360527652883189	:0.01
is:0.2008379972100934	was:0.15764336990869743	and:0.11637736250560492	had:0.10844825790288497	have:0.10250205234420251	that:0.10104446003168013	be:0.08195307367820068	of:0.0634941754255457	are:0.057699250993090194	:0.01
of:0.3305236086057714	and:0.17200076588837182	to:0.1505797149447807	<s>:0.09436429924643189	the:0.07140783897146338	by:0.07003493814190159	that:0.04373301218798456	with:0.028918162703278655	for:0.028437659310015996	:0.01
and:0.1951060423070764	called:0.17141350145046255	based:0.1163678018584929	down:0.11153637060501023	placed:0.09821204492419604	depend:0.07852066283373466	put:0.0766750233378742	insist:0.0720521201852086	depends:0.07011643249794437	:0.01
the:0.46313226091431636	of:0.17645818880734068	their:0.07646789238982163	and:0.06694900216112204	his:0.05502635562233062	thence:0.04164797094530116	to:0.03828123316790402	tho:0.036786675543270704	its:0.03525042044859284	:0.01
the:0.33427748995795603	and:0.2538117693744785	to:0.09256648706410907	of:0.06773569629595934	The:0.05668551969442181	a:0.053931694545604425	his:0.04964964559251252	an:0.04150504676049162	all:0.03983665071446674	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
of:0.237364029224063	his:0.22951141222149504	a:0.12287950369176476	the:0.1126729367872247	my:0.1012965331297738	her:0.08989666919902448	for:0.035596380674904844	and:0.03423406483496765	their:0.026548470236781894	:0.01
of:0.17451125771465043	the:0.1732232283277763	and:0.16688268333610043	to:0.13664807827078945	in:0.09068388551616792	a:0.08653808074670674	for:0.07542976968069705	are:0.04399710416082418	is:0.042085912246287695	:0.01
and:0.3359723945695815	fact:0.1316189254902583	said:0.1066744964356081	so:0.08713045707286647	is:0.07379644658727266	say:0.06578006710118527	was:0.06486039920086528	him:0.06351804887687972	found:0.060648764665482496	:0.01
Mrs.:0.21174850227246642	and:0.17882747542480576	of:0.13659609313935547	Miss:0.11854429166371816	Mr.:0.1184841342124362	by:0.09376471158927899	the:0.05250033478862097	<s>:0.0438928008125752	as:0.035641656096742684	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
160:0.2149030563049094	hundred:0.18673059165180625	two:0.11353199677727777	of:0.10501981396455387	ten:0.09727084760434807	thousand:0.07504530833629348	100:0.06875180473727006	40:0.06467985441284836	five:0.06406672621069272	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
I:0.38934170993419814	to:0.1952712978660016	not:0.1562148802617741	you:0.07382400367860693	we:0.043835478305518476	and:0.03694221958903136	don't:0.03652216363340329	1:0.029374424689150632	We:0.028673822042315427	:0.01
of:0.18360155585034832	by:0.18024034481992957	in:0.1593912439666423	and:0.146054967160796	for:0.09902055431429349	is:0.07395665560598105	with:0.05826585275385293	without:0.04769189576998935	so:0.04177692975816697	:0.01
the:0.4398554933258467	a:0.22171180704905594	no:0.08582212103208824	this:0.07388906059483631	The:0.05451762690751154	any:0.04299146065046596	tho:0.024463054204111774	great:0.023978724160858642	in:0.022770652075224943	:0.01
the:0.2891176985137046	of:0.15034482710262845	and:0.14727364343021293	a:0.12256378698685641	to:0.11180388212332247	be:0.05566769946958988	was:0.044440704312762515	or:0.03660687066406267	is:0.03218088739686003	:0.01
that:0.30889998437375027	and:0.2691636846426319	but:0.09453267767662668	which:0.07924995511056311	as:0.07194781634581805	when:0.054143043247141365	if:0.04623721293236979	<s>:0.03822955568271642	But:0.027596069988382373	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
to:0.5765710178788335	and:0.10198613505613857	will:0.07590251650899273	I:0.05793825517067408	who:0.04043929268829457	not:0.03964404662699323	of:0.03528371099298088	a:0.03180873798607731	would:0.030426287091015164	:0.01
and:0.32584930871550316	was:0.14955490639481714	not:0.08091619419092287	be:0.07965707164980745	is:0.07916620561333856	been:0.07030589655219545	as:0.06926407283094678	called:0.06811311624343648	him:0.06717322780903186	:0.01
<s>:0.5290680137429606	it.:0.10898560659542363	them.:0.07715209585505367	time.:0.05137514973596065	and:0.04943442512922946	country.:0.047302606102687904	.:0.04371966772321726	people.:0.04343331479763376	year.:0.03952912031783313	:0.01
and:0.25037799561132223	to:0.19051743664518078	of:0.12818071300755096	the:0.11341275889843262	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.05790590474591629	for:0.056443486992488516	:0.01
the:0.30337617970676906	of:0.18860457588018725	and:0.131061740829474	to:0.0977610809207078	a:0.0809566554459928	in:0.055741965423345884	be:0.051143240024298715	was:0.041879765140534715	is:0.03947479662868964	:0.01
and:0.368805631610397	the:0.1376862832964183	that:0.09728829242579932	all:0.08159262903525699	as:0.06944443627760206	I:0.06474439461593645	he:0.057386679542635995	other:0.05700422739095394	it:0.056047425804999815	:0.01
the:0.23508414234538558	of:0.17536786387388426	and:0.1705140893292766	in:0.16311864654060315	to:0.06460160819441704	for:0.05309697252270293	be:0.04757217403682901	In:0.04075127841283315	that:0.03989322474406837	:0.01
a:0.36759952909051447	the:0.3293364936051699	any:0.08804349519592469	some:0.05924116511621318	large:0.041440382231038804	highest:0.03183427847554633	great:0.027283537810200254	The:0.023052507318060585	no:0.022168611157331923	:0.01
daughter:0.19213339110462818	name:0.1579340289797136	son:0.10893901937173468	city:0.10608193449873268	number:0.09526863723354806	people:0.09392807889417885	line:0.08618931677626104	and:0.0814559863151049	residence:0.06806960682609799	:0.01
of:0.37888252473908907	in:0.12820861803559516	to:0.10441990140392647	and:0.09593832568712526	that:0.06971949913892457	with:0.06106707741411147	for:0.0608570667914635	by:0.05176039007607272	from:0.03914659671369176	:0.01
the:0.45236935252839516	of:0.17740474557301472	to:0.0795418054437398	his:0.06396317839330605	and:0.055257295288811493	a:0.04708588061628919	this:0.042629815248355	as:0.038150450504117125	The:0.03359747640397148	:0.01
to:0.3075485877417782	of:0.2867385384741931	the:0.08420265236946098	in:0.08060623471563906	for:0.05863044996558676	by:0.04775124068806187	with:0.04493053208207404	and:0.04388912659113673	at:0.035702637372069364	:0.01
the:0.2666324032905341	of:0.24160913390643676	and:0.11996931932907558	a:0.11244663901911409	to:0.08549385860193608	in:0.06912546619392786	for:0.04034838723666367	.:0.02728094945713527	by:0.027093842965176588	:0.01
.:0.17013690342437549	-:0.12485383901628865	and:0.11539785885270061	of:0.11257095749107385	a:0.11025606437477097	re-:0.10637603412112377	the:0.09503425509608794	to:0.08489201758794505	<s>:0.07048207003563381	:0.01
amount:0.18451834698770148	payment:0.12752257453928736	out:0.11773798217753963	value:0.11619392664193294	part:0.11477524831687133	proof:0.10470183198149745	all:0.08274505676876125	tion:0.07631394920116806	proceeds:0.06549108338524053	:0.01
the:0.41664132941638915	to:0.16516568820342095	a:0.15866230130485523	and:0.1087685232288063	The:0.04103542643400256	or:0.030633245087742827	tho:0.02548701916512796	in:0.021922699868966625	re-:0.021683767290688372	:0.01
the:0.4817591229504879	and:0.18655911928637683	his:0.0972414387301952	The:0.0875736724914196	her:0.04375308485641706	a:0.02698233620074019	of:0.026490541935666138	tho:0.02068512092642002	my:0.018955562622277183	:0.01
and:0.16136221394636718	the:0.14347265390513028	of:0.12185872450726948	which:0.10494831384412298	a:0.09476870116363682	it:0.09361156469588593	that:0.09296513363681652	It:0.08888425488026004	he:0.08812843942051074	:0.01
Section:0.16160605340289896	No.:0.1581974456888428	of:0.15418140954329576	.:0.11782503638652846	<s>:0.11076558762198875	and:0.10815736021187049	to:0.09295818832789216	the:0.05052327149580648	5:0.0357856473208761	:0.01
that:0.32272950606857354	and:0.1380440833740276	as:0.13395646036018424	if:0.09961633297844819	which:0.09415047504242492	what:0.05751988949235052	but:0.05398583816095033	when:0.05101217502706036	If:0.0389852394959803	:0.01
the:0.3374152260574118	of:0.1958757951435573	and:0.14549124228849047	to:0.07840375825723896	in:0.061411744162178504	a:0.05037503337296119	for:0.046922930363635346	The:0.03873316708086574	as:0.03537110327366107	:0.01
and:0.2682983319507874	recorded:0.10717905104111182	was:0.10263907629409649	made:0.09927630384100071	that:0.09842569549211198	o'clock:0.08895025276229458	up:0.08173084504592748	is:0.07240199994443215	found:0.07109844362823738	:0.01
a:0.6788237457056819	A:0.10193507636945959	very:0.07408768640730229	the:0.062215078150902645	but:0.028953697669228798	Very:0.011284003720083084	this:0.011049869708913678	is:0.01098874623816112	that:0.010662096030266794	:0.01
as:0.26344846691349655	is:0.1485523543206522	was:0.1392494915411605	of:0.10877783056590509	and:0.10121462540440247	be:0.07825316618825708	with:0.053203303761492696	by:0.05077186529684269	in:0.046528896007790525	:0.01
be:0.23363887934308525	was:0.20740232800113992	been:0.1159218710635903	were:0.09571316640565614	and:0.09458360054266797	is:0.08471285843222831	are:0.07486178100199857	had:0.0422206153122864	have:0.040944899897347266	:0.01
and:0.3081382737094838	said:0.1730589697868629	fact:0.11175374042727584	stated:0.09076470050424858	so:0.07733344451894188	him:0.06626454011197734	know:0.06377304208821115	say:0.049787186448953615	is:0.04912610240404502	:0.01
the:0.6730216580480144	a:0.06079443569720664	of:0.060065088495498395	The:0.04239300022718035	tho:0.040535046637416805	any:0.037982133980853004	an:0.027596081599552746	no:0.02735724925051182	and:0.020255306063765695	:0.01
of:0.45804374125916125	in:0.11537555571668891	on:0.07903094359402128	and:0.07693522861716062	to:0.06768753859441562	for:0.06257081116064231	that:0.0477489143995006	from:0.04552087725531674	by:0.037086389403092744	:0.01
it:0.1921278232971985	I:0.1635367281436464	he:0.1482809775130435	It:0.12009222869643392	we:0.11874289695586417	they:0.11459528351250943	We:0.047894328539064	and:0.04657853342455461	you:0.038151199917685306	:0.01
the:0.357049484551998	and:0.19569839124732868	of:0.17066785543405627	The:0.11172442877965486	that:0.042779005993718346	these:0.03153273173181317	a:0.028047350814569477	or:0.027399312475863045	to:0.02510143897099813	:0.01
the:0.30920961941601777	of:0.2584472614495088	their:0.08129567353654271	and:0.07388859256191598	his:0.06129688429972422	two:0.058149239957125114	few:0.050992036704936336	at:0.049705701139767404	our:0.04701499093446167	:0.01
of:0.24940130096946686	the:0.2074937495469915	in:0.17325058340850505	and:0.08409339840059983	to:0.063988985786012	at:0.06068185206101908	a:0.05365568090601893	In:0.049730059022399735	for:0.047704389898986774	:0.01
the:0.14209233471846391	dollars:0.1342680150879059	it:0.12046765562658773	;:0.11032987793964566	more:0.10944175643268207	law:0.09951019472268419	I:0.09717914270163507	and:0.09106605858036343	time:0.08564496419003184	:0.01
and:0.2392761619529602	the:0.20252633277964796	to:0.15505354683832503	of:0.09835249007544924	a:0.0669135361361197	be:0.06123401944219217	in:0.059842367912999316	is:0.05794177504019473	for:0.048859769822111605	:0.01
to:0.1948052454975127	of:0.12616122655392104	was:0.12499532537515656	.:0.1145277602940395	the:0.10828035636941608	and:0.09222764899910257	is:0.08901691825536799	be:0.07170556168913	Mrs.:0.06827995696635354	:0.01
to:0.25899009985987886	and:0.20691113851486856	of:0.12222836551254561	the:0.08594736535787018	is:0.07480810658605942	in:0.06648717053326157	was:0.06439095079885329	con-:0.056444731101806235	will:0.05379207173485628	:0.01
as:0.188283813505136	according:0.14144678228402477	up:0.13904323060160725	and:0.1096650113200393	went:0.09104380703179268	back:0.08789812106037491	regard:0.08348580619122747	feet:0.07747526592666086	down:0.07165816207913696	:0.01
out:0.174791524930527	one:0.1612745066563113	some:0.1543730398369646	all:0.11549577046618896	part:0.10442056941108602	because:0.07383495211930247	account:0.07284118264889748	many:0.07000946912075943	and:0.06295898480996275	:0.01
the:0.3529507509674569	of:0.2357611629749357	to:0.12888654523496526	and:0.09050904376590592	in:0.041332979375058594	be:0.041256673741006576	for:0.03751470473767561	<s>:0.03153370030713519	a:0.030254438895860214	:0.01
to:0.3039719528853091	and:0.2596321408474077	a:0.08069073599427824	be:0.07661718077900649	been:0.06883768947627619	was:0.06211942713578477	not:0.04796786299992779	which:0.046721796405392556	the:0.043441213476616954	:0.01
<s>:0.24643505364970167	that:0.22567481111489604	and:0.11986402130738498	it.:0.10509411761497948	but:0.07308474448235741	as:0.06237988616146023	them.:0.060287180696994194	country.:0.04939834692648971	of:0.047781838045736394	:0.01
and:0.22609303359824467	the:0.17788337604186136	of:0.11428275242722333	to:0.1060351852256751	is:0.09179374624726404	was:0.08402512027052025	be:0.079150214643133	it:0.0553796254567896	he:0.05535694608928863	:0.01
he:0.2586618902820696	who:0.13691774559757544	they:0.12385447154700999	I:0.11175566056521613	and:0.09355373157210568	that:0.0757000580253048	which:0.0724765077873021	she:0.06663178853794524	it:0.05044814608547105	:0.01
and:0.4938384239028692	that:0.19933033274308415	but:0.08521805883733344	and,:0.046389513227118616	;:0.042533728389704574	that,:0.03533342298189965	was:0.029644769439331083	him:0.028916499140616787	worth:0.02879525133804252	:0.01
is:0.2205111199644446	nothing:0.14183423356434527	;:0.1372471756297751	are:0.13348645837740739	was:0.10335811218518991	it,:0.07501878073405431	had:0.06219892462974461	have:0.05840474695122617	them,:0.057940447963812695	:0.01
and:0.25037799561132223	to:0.19051743664518078	of:0.12818071300755096	the:0.11341275889843262	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.05790590474591629	for:0.056443486992488516	:0.01
the:0.34170127421390223	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093987	to:0.07847171568184984	in:0.05339647102682973	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
and:0.20375669325415713	time:0.13732383306566878	days:0.13103214994124282	or:0.10923577983166842	years:0.09759097452903724	day:0.09111079867379566	that:0.07503540110469274	but:0.07329294565815087	long:0.07162142394158644	:0.01
manner:0.39461193456752314	and:0.1874970192491854	that:0.10855654014299568	way:0.07037996389927753	time:0.053828768086076215	it:0.04775881818150397	all:0.042702733322799634	one:0.04238708288685657	part:0.04227713966378214	:0.01
and:0.23016330341894506	the:0.2103366290063463	of:0.1495392960916815	to:0.10359529083998995	Mr.:0.07681780096254334	a:0.06247848744048212	he:0.05743720759186066	The:0.05455030488320425	that:0.04508167976494684	:0.01
the:0.40713294787777904	a:0.289996293698923	and:0.06496273576659746	The:0.047899071461165336	his:0.047717144712530864	every:0.03526723298616315	this:0.0341328037817678	United:0.032492749866922764	young:0.03039901984815047	:0.01
and:0.32311634278934415	him:0.09870937808207803	application:0.09552818008284922	was:0.09108249895321116	it:0.08441184299744427	up:0.0823457224263069	made:0.07437354501364975	out:0.07128361632793441	time:0.06914887332718232	:0.01
and:0.3024842444279261	was:0.14789652250066207	is:0.09596900870974386	be:0.09291209349185649	are:0.07962562552501436	that:0.07617621460107377	it:0.06766289852403745	been:0.06429887727346362	made:0.0629745149462221	:0.01
the:0.3224852564672679	this:0.2848279540121546	his:0.09088106918864729	that:0.06859700697630083	first:0.05947118118695923	same:0.04797143455841141	taken:0.04065417182474257	on:0.038616192981846424	took:0.03649573280366982	:0.01
hundred:0.38841378645436947	up:0.09123185635738856	men:0.08930224671194738	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.07306411117914521	him:0.0668423327581923	;:0.06651424040074755	due:0.06192290086804839	:0.01
and:0.3024842444279261	was:0.14789652250066207	is:0.09596900870974386	be:0.09291209349185649	are:0.07962562552501436	that:0.07617621460107377	it:0.06766289852403745	been:0.06429887727346362	made:0.0629745149462221	:0.01
to:0.2620983149693371	and:0.19664402247129265	the:0.18720703494025467	of:0.14061051340842873	in:0.0675925481954826	a:0.03867755248806961	<s>:0.03389464108121401	not:0.032510411574388075	that:0.03076496087153255	:0.01
and:0.2458610656376279	that:0.19291442337572084	as:0.15822768825072728	which:0.11844534903998365	when:0.10439807727508861	but:0.053223931997036684	where:0.04352024120485205	if:0.04107740865392174	what:0.03233181456504113	:0.01
of:0.2406949107463933	the:0.21751843355735467	and:0.11622761999155932	to:0.10185979519686264	in:0.07191313047816124	on:0.06921367195369654	by:0.06760785234168508	a:0.0554717578905004	<s>:0.049492827843786724	:0.01
it:0.3229148804998069	It:0.20885518811914014	which:0.09452387091857795	that:0.08305051442679678	he:0.07700962249542342	and:0.07523778917849017	This:0.05307215196400492	there:0.040520545289040734	who:0.03481543710871913	:0.01
going:0.16876758153502985	looked:0.16312665309231988	went:0.1411882811234114	was:0.11174102504250469	go:0.09257401973967333	relied:0.0884345416774053	and:0.07747111408342827	is:0.07578864250621092	put:0.07090814120001653	:0.01
of:0.25087580833992135	the:0.13939657028008415	and:0.12141304943845277	a:0.09737387174840022	to:0.09410529040550238	be:0.08401316431511602	was:0.07546691963965536	in:0.06843925731607996	is:0.058916068516787753	:0.01
and:0.3224304610881194	there:0.13300550763563818	that:0.11573475220947851	or:0.10305637728895473	There:0.08243232400649066	<s>:0.07684319106477511	which:0.0638105173210241	have:0.04976281184084543	one:0.04292405754467377	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
of:0.2309913090124689	to:0.20623280033317806	at:0.12941770051310675	the:0.12231498138049365	and:0.09180012584581808	.:0.07044146642891227	in:0.06696614017486324	<s>:0.042785041310943545	by:0.029050435000215435	:0.01
for:0.2385805350215252	of:0.15544150673151969	and:0.12650478359800466	to:0.11958988450263508	with:0.113322729992765	in:0.08695225747523845	upon:0.05289200918726234	see:0.04940370903520693	by:0.04731258445584245	:0.01
the:0.2974502811850691	of:0.22091422415753312	to:0.09236837889488791	boy.:0.0741306415053232	and:0.06960437249933987	girl.:0.06679148007921792	a:0.06486805677156715	in:0.05550313372308324	for:0.0483694311839784	:0.01
this:0.2756826860880134	the:0.18366027818396186	last:0.1416720920630658	a:0.11602345852629833	each:0.06698188518606699	past:0.06585150100439079	next:0.051983700878566026	every:0.04944230960883566	one:0.038702088460801115	:0.01
a:0.32163556132905313	his:0.1326604777674972	the:0.12172992020973339	good:0.0771632184381954	their:0.07342707892265547	and:0.07240710380606905	in:0.06946074242787868	great:0.06729968812659853	of:0.05421620897231923	:0.01
the:0.3394183785786552	of:0.23844674348248554	to:0.07946354018643384	by:0.07370123594756736	in:0.07198798502157927	and:0.06533060377914884	for:0.04440523501253581	that:0.03883913630833406	on:0.038407141683260024	:0.01
to:0.7518122024381763	of:0.0689342953826607	and:0.06755694946393917	the:0.03099023463765836	will:0.026317220839442962	by:0.012672815898414172	a:0.01183581739637359	as:0.010626757031384604	for:0.009253706911950306	:0.01
and:0.22705933158200184	that:0.12222810041050475	for:0.10340336970230118	of:0.10133173198172785	make:0.09437298643925861	as:0.09433959133345796	in:0.08876305544002096	with:0.0826588402716585	but:0.07584299283906834	:0.01
made:0.206066763602623	and:0.2004053252849108	owned:0.13383030805196733	occupied:0.09301599772971743	accompanied:0.08391360314116254	assisted:0.07739609939906002	given:0.06832840876283912	followed:0.06786946081494062	signed:0.05917403321277898	:0.01
;:0.20953252095776806	it,:0.11451281996419217	him:0.11252660622910599	one:0.10399558216214487	in:0.10038399485273586	and:0.09216727949281207	,:0.08702126563998025	it:0.08638247894281384	up:0.08347745175844686	:0.01
of:0.3874286629328811	to:0.14333840923957242	in:0.12112684239190592	and:0.10425612280902881	by:0.05883590382179758	for:0.0497207830663872	with:0.04425015031008829	at:0.04089804023335892	or:0.040145085194979696	:0.01
the:0.329036422627363	of:0.17996497079047444	any:0.09591234037744498	in:0.0807200153841733	and:0.07962292549845848	to:0.06518081465532992	great:0.0629236244632163	this:0.05129655718292059	their:0.04534232902061901	:0.01
the:0.24241359656917102	per:0.1613665183341211	of:0.15432751103833436	a:0.15006393260713563	for:0.06401717884286898	all:0.06337046843895335	his:0.05371369749620315	said:0.051125244649676	and:0.04960185202353651	:0.01
of:0.31662382482780055	the:0.1882228432280848	in:0.11578788137479394	and:0.09407676728996123	that:0.0748891728352496	to:0.06204412499286629	The:0.052928240553401264	for:0.045864762222283736	Mr.:0.039562382675558685	:0.01
of:0.23059993295022652	and:0.1490937442405487	are:0.1313858690502365	in:0.1251737420362517	for:0.11820305596799922	is:0.10877626715721991	was:0.049780389114715946	by:0.03944900750992392	with:0.037537991972877445	:0.01
It:0.4245447292307534	it:0.40172736197500303	which:0.038166535851722624	he:0.029255609457516728	This:0.026834597483137396	that:0.01962432997620554	what:0.01759216083871309	He:0.016668386119295706	who:0.015586289067652415	:0.01
be:0.27234184250520493	was:0.1703808299330178	he:0.13671777359777032	and:0.11891377071047053	is:0.08975378523863085	been:0.06383969725295473	were:0.0507018896505725	have:0.04377459012132534	are:0.043575820990053075	:0.01
they:0.17763346979880015	it:0.14073404780752452	we:0.1275043840500904	which:0.11633108496427276	he:0.11101559646933737	that:0.08940175810389825	you:0.08704707123614754	It:0.07973344224727619	as:0.06059914532265278	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.04553578393787439	of:0.03051332981678091	tbe:0.02261446403444868	in:0.021612439669724332	or:0.020196218295911488	:0.01
in:0.16617154638588452	and:0.15490860242904178	was:0.12132427714363622	<s>:0.09784482114861878	I:0.09589383358231786	have:0.0957652271729016	is:0.08851192736955038	it:0.08557223232851316	be:0.08400753243953582	:0.01
a:0.3326511039826125	the:0.317507415699071	good:0.06503087848465595	large:0.06230056606910792	an:0.05686364564075582	and:0.046377468473703325	his:0.04096108803805216	The:0.03840257650053958	to:0.029905257111501837	:0.01
and:0.24715944158911993	depend:0.10115542297585237	based:0.10085046174861782	placed:0.09929781518962863	depends:0.09865819847804204	called:0.09672811564313881	down:0.08601932662424668	made:0.08525060516232964	effect:0.07488061258902408	:0.01
forenoon:0.177542069486481	one:0.15197902685962286	result:0.12154738781861388	out:0.11462267799732521	all:0.110600438530804	part:0.09375218969813726	some:0.07435440729973954	much:0.07302022176870575	is:0.07258158054057061	:0.01
the:0.7184355988902057	a:0.09625069659804712	The:0.032423311980974964	first:0.03120069382588804	tho:0.027521297979520846	some:0.02414646325790909	in:0.023473967365877233	any:0.019965273414143652	this:0.01658269668743336	:0.01
statute:0.4186740486360633	and:0.17738741228721525	that:0.0755274924443703	or:0.07132424490596526	as:0.058000941680437054	is:0.050595503446931964	it:0.0491427744626679	was:0.04506424724176515	be:0.04428333489458361	:0.01
the:0.6561544013991187	a:0.07712959083037614	this:0.05234592472433799	of:0.04998980820361742	and:0.03857919576304343	The:0.03614677498196993	tho:0.032737649620790246	his:0.02958807500976699	tbe:0.017328579466979074	:0.01
and:0.28641025350703253	as:0.2269949259954908	that:0.19397907634948014	but:0.06908801986170077	even:0.06608133031186107	him:0.043729791713563844	asked:0.03757832338002529	or:0.0369501853246002	But:0.029188093556245367	:0.01
the:0.3323430185932751	of:0.16511810112924477	and:0.1435938625440195	a:0.07809521494992097	that:0.07723479213752327	The:0.052790940042757695	in:0.05155029346725437	no:0.04493030413297551	Mr.:0.04434347300302877	:0.01
they:0.16411413779390918	it:0.16381227969252507	you:0.1250817513220279	we:0.12229042957103606	which:0.10534212701612503	that:0.09969303231617853	as:0.07688785225398753	he:0.06655800993612755	It:0.06622038009808322	:0.01
any:0.333189405354824	the:0.2348786264501383	a:0.10673885330163602	this:0.09153680205050808	that:0.07229031704534178	no:0.04439878414234094	on:0.03920089245291866	or:0.03431928679275764	of:0.033447032409534644	:0.01
to:0.33374178194784143	will:0.25057634785895	shall:0.1115458164177688	should:0.06726724657547434	may:0.05762681793275022	can:0.04891924077201312	would:0.04531039027144713	not:0.03767469818076324	must:0.037337660042991654	:0.01
the:0.2974929019614971	of:0.17741408266195474	a:0.14645768029163825	and:0.09158810426380848	or:0.07279359814981001	to:0.06981668528850317	in:0.0589873299937157	any:0.04191987916735641	be:0.03352973822171622	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
the:0.2897383324568781	of:0.17113076544121683	a:0.10182560711526902	to:0.08415539991493164	in:0.07588252600215935	any:0.07161219763621447	for:0.06930496705250558	or:0.0656900637021065	and:0.06066014067871868	:0.01
have:0.20355150566250987	has:0.16013157071661352	is:0.13807592326864404	are:0.12444921865330451	had:0.11246119157232072	be:0.08679493884993304	was:0.07315174456429568	been:0.05207752301732364	were:0.039306383695054896	:0.01
to:0.2763922595667653	and:0.2522601833602709	of:0.10007208683332633	the:0.09660432122513143	he:0.08679764754265044	in:0.07986806106730326	I:0.034986189537540034	was:0.032008923210324516	by:0.031010327656687955	:0.01
day:0.21104960873812514	sum:0.12966847091875436	out:0.12551453830873985	one:0.119998855203275	that:0.10005226346415659	and:0.08912625449580823	period:0.08075891392094553	time:0.06988702164723981	state:0.06394407330295548	:0.01
the:0.702647471260552	a:0.08017503887173696	The:0.06493118972884283	tho:0.036054545325678984	and:0.030916987060522767	county:0.02028880833970714	of:0.020028554889456724	one:0.017621481602109704	State:0.01733592292139267	:0.01
the:0.36551322110336826	and:0.166710361106638	of:0.14699780490821968	Mr.:0.07894663592954192	The:0.07403960538941573	.:0.04895759910843891	that:0.04139184193439874	Mrs.:0.03515456330297415	to:0.032288367217004635	:0.01
and:0.30924221119967327	that:0.12611015277008547	made:0.09865062957046655	is:0.09201446995999618	was:0.09128595813112018	placed:0.07404370378857507	as:0.06709678931603316	be:0.06629358245444635	or:0.06526250280960379	:0.01
of:0.3894315086970003	to:0.17679790461428574	in:0.10247571424468341	on:0.06091289444230405	by:0.05966692002293444	for:0.057806064423460805	that:0.05122530629224363	at:0.050411647747666696	and:0.04127203951542097	:0.01
of:0.2976919141130418	to:0.2019993849687521	that:0.09621964595262471	and:0.09009616812248172	with:0.07853833831013357	in:0.07779445490576833	for:0.05336796632692153	all:0.04875037953508945	on:0.04554174776518681	:0.01
the:0.21936296420588208	and:0.1819243546721416	of:0.17616912646991154	to:0.0967457773204861	for:0.08407802029398952	in:0.07155130500227722	are:0.0575356517709947	be:0.0541351954715959	was:0.04849760479272142	:0.01
and:0.18784336682063274	as:0.15114329179679575	went:0.11423878004667351	him:0.10666558228731272	them:0.09110223752457794	up:0.08733803455919152	is:0.08689480544253657	go:0.08340199801381315	able:0.08137190350846597	:0.01
of:0.3052893909820412	to:0.16469095814429024	the:0.11479242510292559	in:0.07378108783816781	and:0.07207088445492342	with:0.06872379574022945	on:0.06620370311513507	by:0.06253085871727394	a:0.061916895905013265	:0.01
amount:0.18985130352903412	and:0.18363392229964864	is:0.18332260496868183	he:0.1383250382177015	have:0.07799778047416091	be:0.06106806256060673	was:0.058624767261752565	which:0.04930554989077179	that:0.04787097079764178	:0.01
and:0.18784336682063274	as:0.15114329179679575	went:0.11423878004667351	him:0.10666558228731272	them:0.09110223752457794	up:0.08733803455919152	is:0.08689480544253657	go:0.08340199801381315	able:0.08137190350846597	:0.01
and:0.19201262823736456	made:0.11370609369101868	it:0.11298634998201315	free:0.1098770272484224	miles:0.10358518368342531	years:0.0954154830966193	away:0.08771608651967132	him:0.08738842800025391	them:0.0873127195412112	:0.01
who:0.187257934929051	they:0.17024611437031836	I:0.1323327695410249	we:0.13004700073259973	would:0.10608817900312212	to:0.08336581412914701	We:0.08009036598082463	which:0.052146456113218734	They:0.04842536520069374	:0.01
of:0.2208617420441031	and:0.2078436954052317	the:0.14876889521009878	to:0.1030194297262897	.:0.09847722802531392	<s>:0.07154110511150402	in:0.05230355116430966	by:0.043990558250943064	at:0.043193795062205845	:0.01
the:0.34170127421390223	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093987	to:0.07847171568184984	in:0.05339647102682973	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
the:0.3223140554799514	and:0.17660176175729692	of:0.0952753473474061	most:0.08227246877492106	be:0.07918950678019279	are:0.07458544071647609	was:0.062351892510762744	is:0.056856673217725584	The:0.040552853415267535	:0.01
line:0.3393509154713412	corner:0.1487647507090177	sheriff:0.09233754813202129	part:0.07971013530890417	prayer:0.06864363993633359	sale:0.06769529838001452	portion:0.06673290683631734	payment:0.06555504264772634	side:0.06120976257832378	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
of:0.3210590725590837	in:0.12963023336186347	and:0.10108694356742466	to:0.09407603020467155	on:0.09406568742832065	for:0.08479230065499792	that:0.0628555617908319	with:0.06162635848627524	all:0.04080781194653082	:0.01
and:0.18784336682063274	as:0.15114329179679575	went:0.11423878004667351	him:0.10666558228731272	them:0.09110223752457794	up:0.08733803455919152	is:0.08689480544253657	go:0.08340199801381315	able:0.08137190350846597	:0.01
the:0.4023075733158051	of:0.16453800189631013	a:0.10543123186270317	and:0.10430466911552289	The:0.07483414157650414	to:0.04873160393309531	in:0.03073083271861779	that:0.030493486770462635	an:0.028628458810978898	:0.01
the:0.35061475791671176	of:0.24812896106266805	in:0.21694478206337658	and:0.047297896646213394	for:0.029253303846949723	In:0.028889067494416082	to:0.02534493938794857	his:0.02521659228375724	their:0.01830969929795846	:0.01
they:0.26004076152708355	who:0.12520266395751165	there:0.11579702370869374	we:0.11373584132620912	which:0.08776419117906965	and:0.08322440250912155	you:0.0759804396257324	There:0.06594329369292241	They:0.062311382473655905	:0.01
sum:0.18676829411122214	number:0.1566486321513545	line:0.11140081741272478	city:0.10844765106291132	out:0.10739005474369737	day:0.09286734076326106	county:0.08286139477536687	amount:0.07384405151900511	Board:0.06977176346045691	:0.01
and:0.22722245160423313	the:0.19796565807023728	to:0.1613553154779877	an:0.08589094617343912	of:0.07011024273130448	be:0.06874699386337783	I:0.06432212336772364	not:0.06320942331736094	is:0.0511768453943355	:0.01
they:0.300163426635	we:0.16079238850864175	who:0.14031378273536504	They:0.06968827616157937	We:0.0696763497089559	you:0.06558563938043878	which:0.06367288806496547	there:0.06171732736271324	that:0.05838992144234045	:0.01
to:0.5962665133524552	could:0.09821125053263544	can:0.07830815749473723	not:0.06519620954355526	will:0.03729331951131095	and:0.035465211114432356	cannot:0.02742606689265249	would:0.026445069799093085	they:0.025388201759127937	:0.01
the:0.32504734827659076	his:0.19772262728992127	my:0.19161384731144565	her:0.0758335222837347	a:0.05346720836779956	and:0.04978810600823371	of:0.039031697714649226	good:0.029087709793245854	their:0.028407932954379416	:0.01
and:0.30924221119967327	that:0.12611015277008547	made:0.09865062957046655	is:0.09201446995999618	was:0.09128595813112018	placed:0.07404370378857507	as:0.06709678931603316	be:0.06629358245444635	or:0.06526250280960379	:0.01
and:0.1788788533416589	was:0.1474847325517969	be:0.12489946272465999	is:0.12248732612297525	are:0.12215564976673599	were:0.08192196694899422	been:0.08034199556089727	so:0.07182705964217025	that:0.060002953340111395	:0.01
the:0.6114149897891704	a:0.0984168526563011	of:0.0580756134029896	by:0.053190172449157885	The:0.05162911618893003	at:0.04515881850613819	tho:0.029440942684696027	any:0.028671956191363444	this:0.01400153813125334	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
and:0.4033814706854135	of:0.1572408593830407	the:0.13791984703253587	for:0.05720564297826576	with:0.05719243523336221	while:0.05138179854247046	many:0.05090735642323803	to:0.04359525738880759	are:0.031175332332865846	:0.01
of:0.33864470159169696	in:0.15939180989081328	to:0.11765002353252742	for:0.08582787648867178	that:0.07885986344624527	and:0.06894690774693252	with:0.05420666258208944	by:0.04605904713386136	In:0.04041310758716196	:0.01
that:0.2289429816291613	and:0.18389959895169813	which:0.14233538044387994	when:0.10658309596613337	as:0.09538865855949216	to:0.09182559855047094	if:0.04809103819452874	will:0.04780503333124627	but:0.045128614373389185	:0.01
of:0.3085298888283793	to:0.1518008670673625	and:0.1419940649762729	in:0.10597086113360786	that:0.08095326883799406	all:0.0646480084217447	by:0.052325298384483465	as:0.042094548314877286	for:0.041683194035278044	:0.01
they:0.29995413666375603	there:0.12336587267808474	and:0.11314861125863299	who:0.10672175143008084	we:0.08393458953724556	which:0.08312392011761545	They:0.06637683112029098	There:0.05753183354417497	that:0.05584245365011848	:0.01
.:0.19884151423913973	A.:0.11136866873099249	J.:0.10978171836748622	by:0.1042991747666508	W.:0.1000652757807306	S.:0.09748084537872088	John:0.095284736797098	of:0.08925325764853655	C.:0.08362480829064478	:0.01
he:0.21313790078123296	be:0.139800503584322	have:0.12410965031665502	I:0.10648380061157339	was:0.10157851978405331	and:0.09678747854081149	had:0.08005794810974895	been:0.06540541321281335	they:0.06263878505878956	:0.01
and:0.2741347905687685	made:0.11501012428831253	protest:0.11350724429053662	up:0.09527239604259526	judgment:0.09024081216579988	brought:0.08940612423576673	charges:0.073366620935967	taken:0.07317851568641495	claims:0.06588337178583843	:0.01
of:0.2069595247651223	the:0.177825411637037	and:0.16373341382963005	to:0.143811048763714	in:0.07713753483884729	a:0.07217361801369995	for:0.05887725490527092	or:0.049552049872465954	that:0.03993014337421242	:0.01
was:0.21525851064285442	and:0.16922029025042262	be:0.15864828537190845	were:0.12548023956235774	are:0.10511965954942219	been:0.08436392816616507	is:0.07455578628700787	he:0.029321284757890132	being:0.028032015411971638	:0.01
number:0.19117196061653588	purpose:0.1805464311244205	out:0.119244112589712	matter:0.10964611782653483	instead:0.10778712669896587	cost:0.07733867388546425	means:0.07436119239649946	years:0.06514836403781417	line:0.06475602082405313	:0.01
of:0.29324709662657605	the:0.27296293321626375	to:0.08470455890731851	and:0.07222757466983333	on:0.06942858670289537	in:0.061428913562237265	<s>:0.051218778589526975	for:0.043290032863015644	be:0.041491524862333165	:0.01
the:0.42436591079765196	a:0.28659729832327757	of:0.08447772626967279	The:0.040995842325597276	in:0.038438483651074225	this:0.03496002590098905	A:0.030987783468011742	tho:0.027985939432632043	with:0.021190989831093392	:0.01
to:0.72768128528762	not:0.05967047001644134	will:0.04953179252304931	would:0.04203576595094572	and:0.030623586616809157	can:0.02324222788315897	may:0.02170459128915393	could:0.018718769573053008	To:0.016791510859768592	:0.01
as:0.22852684467349377	is:0.20280065603096667	was:0.13378944892464367	be:0.08874611091482129	are:0.08451563105679946	so:0.08030205212264527	and:0.07581215235096017	were:0.05156817725918117	very:0.04393892666648846	:0.01
and:0.22755681361843408	of:0.19835713573838598	the:0.1750661188511791	to:0.07855314553146202	for:0.06714821591926587	a:0.06638766281106359	that:0.06195441710685245	which:0.06002681078592803	or:0.05494967963742877	:0.01
of:0.3415176254194876	in:0.11000739045665536	by:0.09979306359351595	for:0.09629361089276342	to:0.09038527774770798	and:0.08698678166637283	all:0.06385642183788695	that:0.06116260498179046	from:0.03999722340381945	:0.01
as:0.188283813505136	according:0.14144678228402477	up:0.13904323060160725	and:0.1096650113200393	went:0.09104380703179268	back:0.08789812106037491	regard:0.08348580619122747	feet:0.07747526592666086	down:0.07165816207913696	:0.01
of:0.2948141425608223	the:0.20105121139011403	and:0.17489633442802066	to:0.09227373130496011	a:0.07385935709927664	with:0.04416984448813943	in:0.041122752665913184	for:0.033941037900082426	or:0.033871588162671204	:0.01
he:0.24203915067516416	and:0.17659018243210672	had:0.17000847738236358	has:0.10416408979064519	have:0.08788293194833753	He:0.06785059264992173	was:0.05545113261145467	be:0.04484801813717725	who:0.04116542437282926	:0.01
the:0.652519249947313	The:0.11994869250216648	a:0.05641652625188748	of:0.03724723607077724	his:0.03180723681517482	tho:0.027334590100485903	our:0.025466984366803214	and:0.021260521472815427	this:0.017998962472576676	:0.01
the:0.3002030405563565	and:0.20521832589226582	of:0.18951409350984544	to:0.10885982009837097	was:0.04150286536239394	be:0.040361824423536606	in:0.039752582461311047	a:0.03346020023353105	is:0.031127247462388468	:0.01
of:0.29982068344593343	the:0.18507819550306442	and:0.13133245559921297	to:0.12885405080347329	on:0.07528178690170291	in:0.0532500408070261	for:0.04412979991052885	at:0.04010587273775207	<s>:0.03214711429130592	:0.01
the:0.5005435713548922	an:0.1492088320782195	any:0.08596884130716102	that:0.05522848224151073	and:0.047464203391796966	a:0.04512526364583873	such:0.03803073840546991	this:0.03525801337065191	no:0.033172054204459074	:0.01
the:0.8182380014756877	tho:0.037869224893434646	The:0.03550546972664905	and:0.02572582052849437	from:0.017908711777570262	a:0.015107356101808262	that:0.014300853435391486	tbe:0.013576259356660682	on:0.011768302704303492	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
the:0.3052087257392438	of:0.22274356229409542	and:0.10901440357529223	to:0.09176815851910561	by:0.0698951805134469	was:0.054140983999182914	at:0.04965951592789952	be:0.04861791271945913	<s>:0.038951556712274536	:0.01
the:0.35438313622214046	of:0.2246158621914985	and:0.1328300533707999	to:0.08035830514275968	a:0.06898258506288824	in:0.03755205874283168	for:0.03262922467372277	tho:0.029875972596853505	be:0.02877280199650543	:0.01
of:0.46293882701886996	in:0.2776167311297233	to:0.07034094673085259	by:0.04378817430174567	In:0.04108173245340434	for:0.03864284975972633	from:0.021745983605362475	and:0.01922633278394937	that:0.014618422216365869	:0.01
line:0.2121256784744228	street,:0.1689897774985123	difference:0.15742343427014557	and:0.13611567877633182	street:0.10865690793058091	war:0.05632322534939071	midway:0.054229582712732594	lying:0.049419470194646244	of:0.04671624479323693	:0.01
the:0.6136895346983402	a:0.11684156275755714	this:0.07340605784053747	his:0.05815989448521119	tho:0.04270321496798044	their:0.038202837715479485	our:0.016741104360487515	tbe:0.015781598650161967	whole:0.014474194524244536	:0.01
and:0.3718551859324212	to:0.36741939942798596	will:0.06064550423284575	that:0.037121809966257635	not:0.03300989530504762	then:0.03274008000745215	but:0.031064787332246054	which:0.028075123089803453	I:0.028068214705940005	:0.01
and:0.21862793642669737	would:0.20746758377031124	something:0.11852895650379153	not:0.07900225336831239	to:0.07826795221702856	was:0.07448936820448059	is:0.07306955095491362	looked:0.07094253419456968	looks:0.06960386435989493	:0.01
the:0.2721422746812876	of:0.1675700538410991	and:0.15827034722580735	that:0.08780463593034502	in:0.08096052274546386	as:0.06303471211186254	The:0.05697109868405081	Mr.:0.05596333620688795	which:0.047283018573195765	:0.01
the:0.7170400225557397	and:0.05301208237178049	The:0.045087639649246974	a:0.0440401486778921	tho:0.03717699696784521	his:0.031539182503223	to:0.02585029563166593	tbe:0.019838442365391718	or:0.016415189277215	:0.01
for:0.1875257078616827	the:0.17392615177821386	of:0.16324962451349384	about:0.1332804369922716	and:0.13179794975187223	or:0.076971628170754	in:0.047839184751904004	last:0.03827826838666443	than:0.03713104779314347	:0.01
be:0.2958416057432117	was:0.18793205331034854	and:0.1140451841018616	been:0.10451321782132447	were:0.08662279885471037	is:0.06297409250197279	I:0.049332926753305514	are:0.04729984017315261	he:0.041438280740112424	:0.01
and:0.29169997815308213	was:0.1328703627143118	out:0.08873310066938216	that:0.08746131418060452	placed:0.08440072742047074	work:0.08020079681811661	made:0.07677797059304475	is:0.07472371838239819	up:0.07313203106858901	:0.01
per:0.8708894903139169	the:0.0790024968837852	and:0.013422750877939567	of:0.005789121103345084	an:0.005672841865498903	to:0.004762407308992883	a:0.003797398527133638	by:0.003383568072454647	The:0.0032799250469331925	:0.01
and:0.35666389530419573	or:0.18991146236573975	that:0.10235579520512855	but:0.09731835952775165	not:0.08788064872058443	for:0.04316401004005189	But:0.04022831374858808	is:0.03651282562155435	be:0.035964689466405374	:0.01
he:0.2044078450778136	it:0.19664405043725997	and:0.14562235970337858	which:0.09211369711318958	It:0.08953906901946508	who:0.0825742215877201	be:0.06613628288579163	they:0.06467558985087517	He:0.04828688432450629	:0.01
to:0.3158162636649641	will:0.1626226473756272	not:0.09801372837030616	should:0.08847186740997749	would:0.08477163860540493	shall:0.08363727090547271	may:0.07062542691112436	must:0.04389956558003746	can:0.04214159117708575	:0.01
he:0.15206045086100597	it:0.14570473007584875	they:0.13773651019107044	I:0.11983138325379325	we:0.10821539476694293	and:0.09622307166260463	which:0.09221192658660778	It:0.07795497045111816	you:0.06006156215100795	:0.01
County:0.21185839845647994	city:0.18958346469216142	State:0.1413537743984756	City:0.1300813848454633	county:0.08148280294079607	day:0.06950524935010832	line:0.06572002034717805	name:0.061277760247438626	son:0.039137144721898665	:0.01
of:0.23616419451182058	the:0.23343704218735514	and:0.1597866195215099	to:0.10630371430561113	in:0.09329245272863335	that:0.05598690444208105	as:0.04124046954077119	from:0.03391018969769397	which:0.02987841306452379	:0.01
about:0.22688519070237018	and:0.19973899844327134	the:0.1948815189100925	or:0.12545542975519514	of:0.07353786046309947	was:0.05608989962055067	were:0.03928072875685402	than:0.038694572013280464	are:0.035435801335286184	:0.01
it:0.18996776648825842	which:0.16693146919859037	It:0.16388385093027855	that:0.10887832266608082	who:0.09754653858074362	he:0.09729440751502057	there:0.07644641877125939	and:0.04784424293313712	There:0.04120698291663113	:0.01
and:0.16746393464509549	days:0.16362345102444004	time:0.12492444770776766	appear:0.0956674139436783	just:0.09231340379370485	or:0.09177283805588758	years:0.08767631186747613	that:0.08438545874952393	but:0.08217274021242599	:0.01
of:0.3949571972858358	in:0.16850725643625367	to:0.12352294707201852	on:0.06838646783395032	and:0.059574588732540755	for:0.04757264709206118	by:0.046036469335956086	that:0.0426017718581973	In:0.03884065435318624	:0.01
the:0.6337331662659316	and:0.100385275269275	of:0.04502915812563193	in:0.0446265384225453	The:0.04052682497589725	tho:0.03890434100479111	a:0.0367021526749023	to:0.027326210880625385	on:0.022766332380400437	:0.01
of:0.38673375954833306	in:0.14607437125902176	to:0.12285610469880115	that:0.07163900601011423	on:0.06320750778614694	for:0.05543606924267768	and:0.05180311374795789	by:0.050682114066997165	with:0.04156795363995016	:0.01
the:0.4205564236791778	of:0.19990037197033142	and:0.12388836984114339	at:0.05219561374840535	a:0.04725083751544476	The:0.04221745763001154	to:0.0400944945030125	or:0.034755559060189296	tho:0.0291408720522836	:0.01
hundred:0.31940638290785417	thousand:0.2973127394508226	fifty:0.08705831886603796	million:0.0797430577613003	five:0.06124679337708962	of:0.055417999645747285	ten:0.04866563297810987	dred:0.02085451740923415	sand:0.02029455760380394	:0.01
and:0.3618264598442251	time:0.1585166786808475	him:0.07730770509625849	made:0.07507980525422708	it:0.06518893519380749	them:0.0644280219032304	out:0.06326833089381285	necessary:0.0625938632753789	up:0.06179019985821203	:0.01
and:0.40180925423370906	made:0.10572982649976298	necessary:0.09766421441472355	provide:0.0709677106558723	him:0.06679412563114624	time:0.06399940844444657	but:0.06226152597569863	pay:0.06140975827886298	responsible:0.059364175865777885	:0.01
and:0.2237427733661996	in:0.11809537225180955	was:0.10753917461690889	is:0.10235553959327066	for:0.10177090673149376	that:0.09990959039384584	are:0.08621308363224199	or:0.07999787940036127	be:0.07037568001386849	:0.01
be:0.21173345442161423	was:0.20380423619830224	been:0.11870408380681109	and:0.10250945008524832	he:0.09555217903838803	is:0.07385701173743744	were:0.07290927519745026	the:0.058562397626507286	I:0.052367911888240956	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
week:0.262783827790336	and:0.23898579430386163	time:0.08552186700453762	up:0.0818697557488611	it:0.06819770132815774	there:0.06701277972013363	was:0.06653755057064666	him:0.06555129328396513	them:0.05353943024950056	:0.01
the:0.26008963325081247	to:0.15102716505022912	and:0.13794930828343377	of:0.10931438730792994	a:0.10200655896335123	in:0.09281048347406344	that:0.05495012099078876	for:0.0498416250868948	at:0.032010717592496525	:0.01
to:0.47005248455555393	will:0.17428958243166487	would:0.08969572745486673	can:0.05150318519947832	should:0.047285335747101406	could:0.04612233913197588	not:0.03995056550480131	must:0.03695401916113814	shall:0.0341467608134193	:0.01
the:0.2550779309944086	and:0.19169226995852925	be:0.1530277673467989	was:0.14082614544392272	were:0.08056873947462018	been:0.058339464851733705	are:0.03836801598898101	or:0.03621260681568768	being:0.03588705912531819	:0.01
of:0.2219001058912611	the:0.22004176286872995	to:0.12346322881274409	and:0.114175101826501	.:0.0941985974829143	at:0.08458572590263123	<s>:0.05688244671217441	by:0.03741846025774824	a:0.03733457024529566	:0.01
and:0.32311634278934415	him:0.09870937808207803	application:0.09552818008284922	was:0.09108249895321116	it:0.08441184299744427	up:0.0823457224263069	made:0.07437354501364975	out:0.07128361632793441	time:0.06914887332718232	:0.01
the:0.601170279856082	of:0.1249707193516541	and:0.049488235057349825	The:0.046040059295026865	to:0.04321722380856546	in:0.04209086909367907	for:0.03187143261186981	tho:0.03147575061403601	with:0.019675430311736943	:0.01
he:0.2123697658464264	who:0.15091908100628376	which:0.13423069933853984	they:0.11142265066260212	it:0.10310378443593027	that:0.08782466281035547	I:0.0712737738819633	there:0.06045635920866449	she:0.05839922280923447	:0.01
from:0.2180220020555506	the:0.19694833446729548	in:0.12247782210057058	that:0.08945903226427072	some:0.08261572909543534	any:0.07972477308908749	this:0.07278699757577481	a:0.06676927872790636	same:0.06119603062410854	:0.01
the:0.34170127421390223	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093987	to:0.07847171568184984	in:0.05339647102682973	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
time:0.1668940324429497	in:0.13920536101765743	men:0.11188639680685425	up:0.10764772040150655	work:0.10570332196536517	out:0.09873068256503272	life:0.09310328754266786	him:0.08427693135005598	power:0.08255226590791027	:0.01
the:0.24130576549866314	of:0.18833662870322207	and:0.16607091897550066	a:0.12226357561830728	to:0.08119819928176736	was:0.061441215918139495	be:0.05012797215849653	is:0.043156408701399925	been:0.03609931514450369	:0.01
the:0.3447390349963163	and:0.1670754441108787	his:0.13813653886234475	of:0.08123439064861386	their:0.06609782679654416	a:0.05385379984661164	my:0.050431212260337484	with:0.04870692668607524	her:0.039724825792278096	:0.01
to:0.356719155473137	and:0.16815966365890278	that:0.08743233796986065	not:0.08283506455747106	they:0.06905480369494968	may:0.06253512111577529	which:0.059500598129381105	it:0.052744271121127353	will:0.05101898427939513	:0.01
sum:0.18676829411122214	number:0.1566486321513545	line:0.11140081741272478	city:0.10844765106291132	out:0.10739005474369737	day:0.09286734076326106	county:0.08286139477536687	amount:0.07384405151900511	Board:0.06977176346045691	:0.01
the:0.3002704899736148	and:0.16394934591138954	of:0.15661563188849498	to:0.09876614229942424	was:0.06915251783546529	in:0.05515256321032436	a:0.053185909338360406	be:0.04755453490435554	is:0.045352864638570974	:0.01
was:0.21796602606418342	be:0.21188593577822337	been:0.1056718180819953	is:0.07594388724923984	were:0.06993641853767449	I:0.06749118994673312	he:0.06642867058775308	and:0.06603402252031526	have:0.06108563672453251	had:0.04755639450934959	:0.01
to:0.44789788967387767	with:0.11016795880538555	for:0.10333360105103885	of:0.082468597030331	told:0.06935757664686848	at:0.04712979498749543	upon:0.045946189906675636	tell:0.043387023752810824	on:0.04031136814551635	:0.01
not:0.1999965142954277	for:0.1550422669283754	no:0.13070300756795394	or:0.09545171982443625	much:0.08958789359825772	is:0.08369234095165314	of:0.07925112792878657	and:0.07878033930120282	nothing:0.07749478960390645	:0.01
the:0.31840023369126796	of:0.17141879567538393	and:0.16606811243682523	a:0.132737794803132	to:0.055998625258313166	The:0.04531184342896754	at:0.03870752794010056	in:0.03163609204400193	or:0.02972097472200793	:0.01
a:0.34646834584912506	her:0.1652657024960692	his:0.1516300198152393	my:0.08813382731114415	the:0.07595565433828537	A:0.05198036574035219	and:0.040299184718754114	old:0.03895533391634422	our:0.0313115658146864	:0.01
;:0.241288059717661	is:0.19284363443114233	nothing:0.12098804048055924	and:0.0869261161333586	it,:0.08107096439267582	are:0.07429826954458699	was:0.0674265120696551	had:0.06290644059967379	,:0.06225196263068713	:0.01
of:0.2921275314316504	in:0.2364454950093622	to:0.1494588966147205	that:0.06667997637969099	In:0.06057872436897338	and:0.05162201825704964	by:0.0506302576269622	for:0.04936649174408111	at:0.033090608567509415	:0.01
be:0.19213064626027368	was:0.16892835007515317	been:0.13285096929400492	and:0.11510830610631322	is:0.10535412805319709	not:0.0717157198327249	are:0.07119953099107439	the:0.06687729516013897	were:0.06583505422711965	:0.01
and:0.2887504229368875	that:0.1837996167211325	time:0.12018083560604677	made:0.1026067610177042	them:0.06941977777485564	him:0.06107712576849913	but:0.056852060228511664	or:0.05497076677934714	up:0.05234263316701532	:0.01
and:0.2615543845378756	as:0.12663978421692973	order:0.11339821790418228	right:0.09396707366530392	him:0.08490002639930892	is:0.08451321809227684	enough:0.07712003567148291	able:0.0741283898366501	them:0.07377886967598968	:0.01
of:0.20253994353973317	in:0.17885259010363327	on:0.1601721574616891	to:0.12857259145997765	from:0.10274501707965708	and:0.07208386572947026	at:0.06172328911146068	In:0.04461883145987937	with:0.038691714054499435	:0.01
the:0.27043423092756824	-:0.23051879062215294	<s>:0.09214979052645819	and:0.08977118823600348	.:0.08162665822179527	e:0.06340819373180286	f:0.061997231831418816	i:0.050239625172503063	I:0.04985429073029705	:0.01
to:0.27887680346270544	and:0.18463279832785567	the:0.1166736343397484	had:0.10481629644360196	was:0.07011268427848238	not:0.06338031886333381	a:0.0615478055860026	have:0.059300058757970626	be:0.05065959994029907	:0.01
up:0.19637068092463078	hundred:0.17656646203968063	wife:0.11341077803882521	in:0.09564616183133522	men:0.08503340066278879	time:0.08500306769983647	down:0.08418639582899991	life:0.07694855629344893	dollars:0.07683449668045406	:0.01
and:0.40180925423370906	made:0.10572982649976298	necessary:0.09766421441472355	provide:0.0709677106558723	him:0.06679412563114624	time:0.06399940844444657	but:0.06226152597569863	pay:0.06140975827886298	responsible:0.059364175865777885	:0.01
the:0.24264202774073113	in:0.189248756264101	to:0.17715642748143415	of:0.15264939288547927	an:0.06990163615225092	this:0.043880038126665064	his:0.042605730278012365	In:0.03953333297910249	and:0.03238265809222354	:0.01
one:0.2621410772420017	part:0.13828982982918028	out:0.09624462787694146	sum:0.09475385185290658	all:0.09344278936076995	amount:0.09063463447574957	sale:0.07587870330969793	end:0.0700567674897009	number:0.06855771856305176	:0.01
of:0.3038449941701036	in:0.1762862997045582	and:0.09780843993006715	with:0.09002386300196315	to:0.08865087619267	by:0.07608789827380713	from:0.059898952999776135	upon:0.05045202276053685	on:0.04694665296651789	:0.01
the:0.21764444063078736	of:0.21032817253870764	to:0.20574675201779968	and:0.10545724507911237	in:0.0582865995418671	on:0.05369867559536913	<s>:0.052758235502345235	a:0.04307083081855826	at:0.043009048275453196	:0.01
and:0.34739071367241786	fact:0.1857102891258879	is:0.08293453347194156	of:0.0796870046316243	but:0.06666394972803379	said:0.06279454436030606	for:0.057818322673255616	know:0.05369358332870135	all:0.05330705900783137	:0.01
of:0.27641909415322574	to:0.14053724877049456	and:0.1302697292196242	for:0.09238407289524733	by:0.08563112232196113	with:0.08237908565454573	that:0.06698409160493134	in:0.06422061565675694	is:0.0511749397232131	:0.01
and:0.25037799561132223	to:0.19051743664518078	of:0.12818071300755096	the:0.11341275889843262	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.05790590474591629	for:0.056443486992488516	:0.01
the:0.21298000459552283	and:0.2039636710878841	of:0.18227586657211736	to:0.0947332508750933	was:0.07100993380022316	in:0.06763282217115012	for:0.05552798378335023	he:0.05223279322482916	Mr.:0.049643673889829674	:0.01
the:0.1714379303193815	and:0.1508440509618857	it:0.13830619896589091	at:0.12198560834988101	a:0.11940900474656047	It:0.08695511660716107	on:0.07072715036693071	of:0.06729934080656655	which:0.06303559887574214	:0.01
the:0.5108870311710413	and:0.10781174627474095	a:0.07767157506681538	of:0.07632647469465789	last:0.056453095499172816	his:0.04428907321271786	for:0.04263569867287768	first:0.03919332407406746	tho:0.03473198133390853	:0.01
the:0.23960507711206946	and:0.19453437371897894	of:0.1410653985956189	to:0.12149968009769146	that:0.07096929818150653	is:0.06780942376392472	for:0.05756167171711468	was:0.051076889665926314	a:0.04587818714716902	:0.01
the:0.6118125354169056	The:0.08066758610443214	said:0.07167808064823711	this:0.049384235951720756	of:0.04585365371166881	and:0.044133229867049616	Mr.:0.034766202320678306	tho:0.02830240148308168	a:0.02340207449622592	:0.01
and:0.36888131640828514	that:0.14540837925208983	as:0.11725524506586056	<s>:0.07982776272023832	but:0.06966037027569466	to:0.05601739876005786	when:0.05227858094807446	which:0.05116534942924442	for:0.049505597140454785	:0.01
of:0.20744128667185766	the:0.1787674563131524	and:0.16175955600434996	to:0.11208263160454433	a:0.07615249458630549	boy.:0.07314467713122072	for:0.06403116741264259	in:0.06229318909850641	girl.:0.05432754117742026	:0.01
of:0.20482777277060715	the:0.19157469019980297	and:0.1572133167841724	to:0.1549827058826635	a:0.0793226408414419	be:0.06258366802827799	was:0.05125038664443885	or:0.0473362165644865	is:0.04090860228410865	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
the:0.5240064275307966	a:0.11376600701497741	every:0.09632102655977248	this:0.08833279969369102	great:0.0416730845992036	in:0.03594909703556622	tho:0.03209089424377234	first:0.02915120741952298	and:0.02870945590269738	:0.01
any:0.18489981191600563	of:0.16628358988388353	the:0.1271219282467624	a:0.124931790384422	no:0.1112989427551128	such:0.09644222658514824	this:0.06607653600036903	and:0.05849211463417893	that:0.054453059594117434	:0.01
as:0.1943600122700163	and:0.1409601278107517	according:0.1268825780386275	up:0.1166538996954941	them:0.09546248046552396	regard:0.08571584773899626	come:0.08276545836165355	back:0.07647325798284846	return:0.07072633763608811	:0.01
to:0.34426216887719896	will:0.24610042149184336	shall:0.08696049257808071	would:0.08443203940250765	may:0.07699248358886054	not:0.05325055406589957	should:0.04428416024087948	must:0.03393300136866485	can:0.01978467838606471	:0.01
and:0.32682087736274035	or:0.21420293440293472	not:0.15571444499852122	that:0.06028743700018956	are:0.05376000044793981	but:0.0508942090831319	is:0.05058450336243363	was:0.044798675554018945	do:0.03293691778808967	:0.01
and:0.34836515845561816	that:0.154796761554627	<s>:0.08264737050675534	the:0.07977668699806134	which:0.07850222565735836	when:0.06716742839098395	but:0.0640234779717245	as:0.059550230164601786	of:0.055170660300269445	:0.01
to:0.35540996800531693	of:0.1978647251805367	in:0.1252916224297423	and:0.07280468972919542	with:0.05504681246657387	for:0.052185749163135876	is:0.05064419905231411	that:0.04117846073683618	at:0.039573773236348364	:0.01
the:0.29031970919044064	that:0.13621054323082313	this:0.11396567187916631	same:0.11156981655514023	short:0.0973159400039637	a:0.08153137137906752	some:0.06783181961254436	long:0.05083582396670409	first:0.040419304182149896	:0.01
person:0.17008043820658653	man:0.1394046811914428	one:0.1337832274199553	action:0.13280570834790803	in:0.09953740971709638	city:0.09050723035374827	year:0.07839520168905743	county:0.07466581940569163	lot:0.07082028366851349	:0.01
that:0.49156777712631006	and:0.19868391950292372	but:0.07070477856023383	if:0.0630941241263731	as:0.04274104599607802	which:0.03626670592639372	If:0.03102583153589517	where:0.02826153196483334	But:0.027654285260959005	:0.01
THE:0.4510859131087163	the:0.11147914486701493	and:0.08962317809525966	at:0.08174691625051234	of:0.06536538311872972	.:0.06344604092201084	<s>:0.05253558377232074	to:0.04396061341126808	AND:0.03075722645416737	:0.01
at:0.34324410416953033	No.:0.16310208085295644	and:0.12298454397173764	of:0.10639225564396135	the:0.07302250032103595	lot:0.05568215438043356	block:0.04301055123471403	Range:0.042462792096276854	@:0.04009901732935393	:0.01
and:0.3079069995791492	of:0.15703359043111892	the:0.09695346957938132	be:0.08008775556196852	a:0.07801796281644581	in:0.06960382693033287	is:0.06885254681667446	was:0.06803906530008293	he:0.06350478298484587	:0.01
that:0.33014240879799855	and:0.21824795449572137	as:0.12275624047656397	but:0.12237407841532316	which:0.06045493380306774	if:0.04979116913450266	of:0.03036228419639479	when:0.02897219594051037	But:0.026898734739917163	:0.01
in:0.3761702544301157	In:0.11261893077826164	is:0.09374245191546254	of:0.09010506228781366	was:0.07352670832906946	on:0.07141854824595154	with:0.06912690358544171	such:0.05668256940472579	to:0.04660857102315788	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
It:0.33084615448895016	it:0.16420595683417635	he:0.10838277438273575	that:0.10111039897164406	which:0.10063854110861485	and:0.0738281702961336	there:0.04206497076739139	He:0.03669903099911086	who:0.03222400215124305	:0.01
it,:0.15405287399691467	up:0.13470564101039892	;:0.12380858009866612	them,:0.11642608806720559	years,:0.10526834741430535	here:0.09959527911199181	it:0.09226513822884536	him,:0.082434585478808	him:0.08144346659286432	:0.01
in:0.1391774966711081	hundred:0.13436325360866028	time:0.1316432562390264	good:0.12704014237121203	large:0.09938963561253075	dollars:0.09630314379219596	one:0.08798301580337466	free:0.08709730876035995	new:0.08700274714153179	:0.01
It:0.40588266786431104	it:0.16601976159124499	which:0.10614906319012048	that:0.0862206075282099	he:0.06867018473447377	This:0.04829415786512194	and:0.043529163036537366	there:0.033168914721928615	who:0.03206547946805199	:0.01
in:0.38520380483926664	of:0.23254147063165717	to:0.10664390632884517	In:0.06726452183294897	at:0.04609058978408392	the:0.0445572065139705	and:0.04413599841503278	from:0.04046639387574377	for:0.023096107778451027	:0.01
and:0.21192548613322726	them:0.14243522488948937	is:0.12940973919821774	him:0.11763761355001146	went:0.08060175108100641	able:0.07845088118582506	made:0.07770902073327084	subject:0.07593071715003452	as:0.07589956607891733	:0.01
of:0.2105789349215274	the:0.20301459976320402	and:0.1768653190763744	.:0.10628378110457196	<s>:0.08953145604622859	com-:0.05395329565690901	Mr.:0.05290799616905223	a:0.04860465864618519	Mrs.:0.04825995861594712	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
the:0.575966384389734	a:0.14484787068192656	and:0.09116512270257097	The:0.06050125953311486	tho:0.03198916073573538	general:0.026876900932927918	or:0.02318668525635186	State:0.020758996938686106	first:0.014707618828952268	:0.01
and:0.32494967607831965	it:0.1243280982038417	that:0.10341953567133261	but:0.09840411565259603	or:0.07376872994348933	found:0.0716405403277243	him:0.06931542482763525	them:0.06366712711020092	is:0.060506752184859985	:0.01
the:0.3137174809660494	of:0.2832842016618789	in:0.18671874633341304	this:0.05126944306450142	a:0.034934214245249076	In:0.03345586348473185	his:0.03278179220062861	for:0.027187534825153854	under:0.026650723218393818	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
the:0.6194383044094571	of:0.1176127040821061	and:0.06330130888240493	The:0.04592615233116825	these:0.037624642745147915	that:0.03384766520674623	to:0.02622659670178105	tho:0.025948744477448497	which:0.020073881163739735	:0.01
the:0.3627295108532324	of:0.18543035631391452	a:0.15397074508309583	and:0.08986353964721512	to:0.07260187110472961	for:0.0316502824204021	The:0.0314188531250225	in:0.03125003021606945	an:0.03108481123631847	:0.01
a:0.38483091761973187	the:0.18788674046597592	to:0.11965060470740868	of:0.09109072048238695	his:0.08502664854291325	in:0.0334917938594334	and:0.0315048313183972	this:0.030353922681666624	their:0.026163820322086074	:0.01
to:0.3057308493287265	not:0.15709153329633788	take:0.15699600928033017	the:0.09199069980765323	and:0.08951563650609569	taking:0.05931929649001741	taken:0.05005570634462864	or:0.04604089503372311	took:0.03325937391248726	:0.01
a:0.29758910663305543	the:0.27423539380877837	any:0.11748842211131855	that:0.08968490661350283	this:0.05472192640486378	every:0.0465843682137706	greater:0.044608758332540806	latter:0.034305529520777776	no:0.03078158836139183	:0.01
in:0.19257717243495384	of:0.17090155587522957	to:0.12982463400440158	or:0.11550723864494376	than:0.09701219261175638	for:0.0949499303295365	without:0.07568972985946491	at:0.06245123085957748	by:0.051086315380135985	:0.01
the:0.34170127421390223	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093987	to:0.07847171568184984	in:0.05339647102682973	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
and:0.47628223215814824	to:0.3028743449959071	that:0.044269411669478995	will:0.0355949031030484	or:0.029367931124487382	who:0.027633778406172073	not:0.02731946183947192	which:0.026721000945746302	but:0.01993693575753978	:0.01
the:0.6852465201489596	of:0.10227105129434022	The:0.0641358940151521	tho:0.04217596484739913	and:0.03009187676684359	a:0.02359977855785932	in:0.016877475918531438	tbe:0.01424188378019348	our:0.011359554670721122	:0.01
the:0.276540317004175	and:0.21968808200037132	a:0.13595673553946766	of:0.13129752551032747	said:0.08821651725342734	that:0.04017999742532176	.:0.03475251794804026	The:0.03257136189379443	to:0.03079694542507473	:0.01
and:0.2657511632145729	up:0.1594381580394419	it:0.13451530956405247	down:0.09031125591238162	that:0.07464753393858789	out:0.0714266597411658	him:0.0670325798458391	back:0.06402415253230884	Then,:0.06285318721164924	:0.01
the:0.3830349305017524	his:0.12115674339862345	this:0.10969668810368119	and:0.10097568287100814	a:0.07732004036879013	of:0.07545270762558742	in:0.04454161644493693	The:0.04189693643693178	that:0.035924654248688404	:0.01
a:0.28226619232406025	the:0.27387640172120037	young:0.1877309444318566	and:0.0690975113282492	old:0.04666932980147955	of:0.035132019956238145	The:0.033054144629666285	man,:0.03131100501240709	colored:0.030862450794842747	:0.01
and:0.25037799561132223	to:0.19051743664518078	of:0.12818071300755096	the:0.11341275889843262	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.05790590474591629	for:0.056443486992488516	:0.01
and:0.3024842444279261	was:0.14789652250066207	is:0.09596900870974386	be:0.09291209349185649	are:0.07962562552501436	that:0.07617621460107377	it:0.06766289852403745	been:0.06429887727346362	made:0.0629745149462221	:0.01
and:0.3303617529043953	so:0.12361127011142813	was:0.09185024577006212	is:0.09121828840345966	as:0.08963630203996159	to:0.08739125505277073	be:0.0730249384109559	of:0.053755485175179224	which:0.04915046213178734	:0.01
the:0.34170127421390223	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093987	to:0.07847171568184984	in:0.05339647102682973	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
the:0.25015508706163736	of:0.17327320107306698	and:0.14388289249475145	to:0.11475751953988335	a:0.09038001401223485	in:0.07346713906469311	be:0.06537517806815311	is:0.04234795454789139	or:0.03636101413768829	:0.01
the:0.44563730447725636	a:0.1795369734562553	of:0.09196048659741987	and:0.08466645223962944	The:0.047054003475547536	to:0.04668744545741808	in:0.044624045050438356	tho:0.03097596587080711	.:0.01885732337522803	:0.01
the:0.31830604211495644	and:0.11752388465386288	made:0.11347490430108122	get:0.09458457659816212	brought:0.08515747704793308	with:0.06904967960305548	be:0.06869553558313177	a:0.06355662122029859	make:0.059651278877518504	:0.01
and:0.30936556202126025	to:0.17370118736174037	of:0.13038200997623184	the:0.08771758421888155	which:0.06191870937029182	<s>:0.05888938295259156	re-:0.05752501777704927	in:0.055852125160339605	that:0.05464842116161378	:0.01
and:0.3111913082202083	is:0.1415777150444049	are:0.12178274934669865	be:0.09208166563325464	was:0.08100541887709456	not:0.06768816906619254	has:0.063916296357183	have:0.056102297484620874	the:0.0546543799703425	:0.01
the:0.2741961844584926	of:0.20882401545387416	and:0.17106504301897899	to:0.09060993252719039	a:0.08960060013235915	in:0.0432393943039576	for:0.039472172754318524	be:0.037176714497760735	was:0.03581594285306789	:0.01
at:0.27733166704911566	of:0.18523570038078457	to:0.13420722500687154	by:0.09800969790063796	from:0.0740666054986257	in:0.06336800247718835	.:0.054891180035355314	for:0.05239697708350855	and:0.05049294456791226	:0.01
and:0.28253262498441784	was:0.11592898936744855	interest:0.11492046750160247	that:0.09918103092089237	them:0.09145392431033308	been:0.07244551720694112	it:0.07158700451915223	be:0.07111481060340265	stipulated:0.07083563058580981	:0.01
and:0.2237427733661996	in:0.11809537225180955	was:0.10753917461690889	is:0.10235553959327066	for:0.10177090673149376	that:0.09990959039384584	are:0.08621308363224199	or:0.07999787940036127	be:0.07037568001386849	:0.01
of:0.26416637709663454	to:0.13743953623022429	in:0.1138266995032294	and:0.1018436671973971	with:0.08955744576593519	by:0.0873340168387193	for:0.07813592452883247	that:0.07188030900151292	from:0.0458160238375147	:0.01
the:0.2538758585495353	and:0.16573125040311912	of:0.1322054249707381	be:0.11122463475364036	to:0.10941947712111583	a:0.09084119012214988	in:0.04622357018091931	or:0.041318048156020054	is:0.03916054574276228	:0.01
day:0.1945692256968028	sale:0.1422254867842148	state:0.13351198661600547	board:0.10632623187355296	amount:0.10246773757331919	number:0.09204251562680461	out:0.08122331323680232	State:0.07056309782896535	point:0.06707040476353254	:0.01
that:0.3508608256307357	and:0.15788698846688148	as:0.1328741723139651	which:0.10560140672399006	but:0.08250798582862008	what:0.05609259302384745	if:0.04918840501150858	when:0.028310051514050166	where:0.026677571486401555	:0.01
to:0.8024771826167397	and:0.04113785575247825	not:0.02844034297694754	will:0.028399322005742567	could:0.019409006850089856	they:0.01871464478600835	can:0.01797667697633628	would:0.01728724249849058	we:0.01615772553716708	:0.01
as:0.188283813505136	according:0.14144678228402477	up:0.13904323060160725	and:0.1096650113200393	went:0.09104380703179268	back:0.08789812106037491	regard:0.08348580619122747	feet:0.07747526592666086	down:0.07165816207913696	:0.01
No.:0.2654420602742131	June:0.12796257139251754	April:0.11068388682537156	March:0.10857376266685684	May:0.09826613704071496	July:0.0784390043178414	block:0.07518679190418451	lot:0.06714796425024826	January:0.0582978213280517	:0.01
and:0.4154158312002903	said:0.09882629849110777	of:0.09580604026002987	all:0.07858355136156785	but:0.06926642561767024	so:0.06709703978960174	fact:0.06434530402770006	that:0.0536425439980974	thing:0.047016965253934916	:0.01
his:0.2727313720323061	the:0.19927564759002467	their:0.1660423304576329	her:0.09113568028102746	my:0.0859208322994034	of:0.05954768753613485	our:0.04706248896526719	your:0.039274116679114686	its:0.029009844159088746	:0.01
and:0.22813005603170378	the:0.15720990438600718	is:0.11521833637416952	an:0.1042086655807317	was:0.09504037588459191	are:0.08564450459716826	be:0.08247759847336691	that:0.06433907207568769	been:0.05773148659657291	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
New:0.4765556636595783	of:0.19536823830026628	in:0.12656196897596067	to:0.09125173883639365	and:0.025671291956623453	In:0.024506017551770006	at:0.018455403239672267	for:0.01725511057261943	from:0.014374566907116073	:0.01
of:0.28378592232575867	in:0.22720058621877687	the:0.12395152826860749	into:0.06620677270486525	his:0.06572258887692325	In:0.06261389412566676	for:0.055653605773092946	to:0.053530447457007344	no:0.05133465424930138	:0.01
and:0.21611573385540028	to:0.19033178276139018	the:0.15285657316279597	of:0.14326246276665042	about:0.08562629894136616	for:0.05914809939784683	or:0.04964055104358959	be:0.046823780453414135	in:0.04619471761754608	:0.01
the:0.5259274504698884	The:0.15975109793006037	that:0.06544140049872739	Mr.:0.06527286693528364	and:0.05354273840675224	<s>:0.03498142432460411	said:0.032591082309392706	tho:0.029326665592059698	of:0.023165273533231334	:0.01
line:0.17275778710636117	city:0.16549343089855348	City:0.13252796067518097	number:0.13088475634358818	county:0.11337487277725347	quarter:0.08759786823047766	one:0.06589782324073995	town:0.060964180259518934	County:0.06050132046832618	:0.01
of:0.2255264773462048	for:0.18089524847018465	the:0.12638542554474672	in:0.12046176895733192	and:0.11927759779978352	by:0.07093194145350194	no:0.05223920189975303	was:0.048816514750786216	any:0.045465823777707276	:0.01
the:0.2911980103465643	and:0.15865258086875828	of:0.14266390311873564	a:0.095031472892188	in:0.08532608481074651	to:0.07615091195344505	his:0.05046366391938543	was:0.04709492341783117	be:0.0434184486723457	:0.01
is:0.28864523959228316	was:0.16933152055155845	and:0.1048242516527738	are:0.1023574009550515	but:0.06950835789498844	has:0.06540553462125906	it:0.06484502596599319	will:0.06299047004929505	had:0.062092198716797255	:0.01
and:0.18929310138123437	covered:0.16935884120870554	filled:0.14496098815620131	together:0.11493894675974159	charged:0.08927804784918367	it:0.07994316895661391	up:0.07366667277508841	him:0.06832445206581947	them:0.06023578084741164	:0.01
line:0.3393509154713412	corner:0.1487647507090177	sheriff:0.09233754813202129	part:0.07971013530890417	prayer:0.06864363993633359	sale:0.06769529838001452	portion:0.06673290683631734	payment:0.06555504264772634	side:0.06120976257832378	:0.01
.:0.20764102020984837	the:0.13643739150302475	to:0.12180344587244503	of:0.11963191594302677	and:0.11712857169166473	a:0.08781912561503866	at:0.08191256511495089	in:0.06204687218931865	was:0.05557909186068208	:0.01
the:0.2974502811850691	of:0.22091422415753312	to:0.09236837889488791	boy.:0.0741306415053232	and:0.06960437249933987	girl.:0.06679148007921792	a:0.06486805677156715	in:0.05550313372308324	for:0.0483694311839784	:0.01
;:0.14099648764783915	it,:0.11967066680326219	in:0.11681118873348909	up:0.11375609777390537	them,:0.11352792153632653	him,:0.1117584498798848	him:0.1098256595026993	them:0.08462205756098833	it:0.07903147056160532	:0.01
for:0.1834894058017338	in:0.13963113516437187	of:0.13668818101795474	as:0.13627883122106113	is:0.09657272125029463	with:0.08505911058536138	to:0.08428571406320783	was:0.07111264170733272	by:0.05688225918868193	:0.01
and:0.3689160036414457	are:0.11327203576776772	not:0.11284630748952054	was:0.08707177050077107	is:0.0858284481821139	it:0.06442420660206405	to:0.06286353702007555	were:0.05065225776510053	be:0.04412543303114076	:0.01
the:0.6109410071817474	The:0.08798832657459606	of:0.07557250781693316	our:0.06880795484139622	Federal:0.045610651238011474	their:0.03132643525707483	tho:0.026224368868216247	and:0.024177702121225966	a:0.019351046100798686	:0.01
pro-:0.3716840861556965	re-:0.16770394099922434	intro-:0.15355175541748323	in-:0.09375058968006603	pro­:0.05967922086265599	pro¬:0.04995077535355688	re¬:0.032126408271145594	pro:0.030858402329611092	ac-:0.030694820930560397	:0.01
six:0.13471239400682836	hundred:0.12345109049290194	twenty:0.1231991992750744	100:0.11442706654337194	four:0.1103829245107238	eight:0.10987187626170115	ten:0.1034054670563178	eighteen:0.0958763793632934	five:0.07467360248978727	:0.01
of:0.29633572450437884	in:0.1460853874885849	to:0.1415677969515685	for:0.09412461223492613	and:0.08474980319055248	with:0.07400648853301361	on:0.05839473007661019	from:0.05014706301412719	by:0.044588394006238215	:0.01
and:0.2142628505329903	of:0.2026591530571619	was:0.1554265953750288	is:0.09899687051373142	are:0.07974714487729871	were:0.07206825686557838	for:0.05953365128748507	in:0.05842261743222283	one:0.048882860058502654	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
he:0.23736729460846578	it:0.19636745564167832	I:0.12052610796978962	they:0.10103610581681505	It:0.08239012322138403	that:0.07820433211722774	who:0.06949320596130137	she:0.054464712131656115	which:0.050150662531681926	:0.01
to:0.4239776332756176	and:0.13613982802240454	I:0.10135080430611558	who:0.08024451539164991	he:0.060429763120660306	they:0.05358541332005297	will:0.04800035104456275	not:0.04755268746962144	He:0.038719004049314915	:0.01
the:0.46625008673696383	and:0.1608185144459048	of:0.13860684178001872	a:0.05065457866988579	or:0.04350044957787181	to:0.03798340308073624	in:0.0352173657174571	their:0.029617203167491883	The:0.027351556823669805	:0.01
was:0.22078287177268768	be:0.20200633172595278	and:0.19243909966342188	been:0.10719855094018213	is:0.09245097262509101	were:0.06857671367980495	are:0.05019202570312678	most:0.028689017688665264	more:0.0276644162010676	:0.01
of:0.4059724046591832	to:0.1557893860976969	by:0.08689148521395414	for:0.06971877348464364	at:0.06702664764259367	and:0.05576152415102807	from:0.05282290611336726	on:0.05096064755605027	in:0.04505622508148289	:0.01
to:0.4767242759948425	will:0.11398355166677344	would:0.0738810782393473	and:0.06776081250212188	you:0.0625190001018512	not:0.056727588392943507	can:0.050012052393899234	they:0.046584028274305994	we:0.04180761243391476	:0.01
;:0.17801258300855552	due:0.15014303324045075	it,:0.11423292934626338	them,:0.09884225374661568	interest:0.09823064167373727	made:0.09756567207626929	sale,:0.09636003783387823	up:0.08601112729055359	mortgage:0.0706017217836764	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.04553578393787439	of:0.03051332981678091	tbe:0.02261446403444868	in:0.021612439669724332	or:0.020196218295911488	:0.01
more:0.45007886000620634	less:0.16900716644448102	better:0.08289749761439143	greater:0.07115848974331247	rather:0.07103038283837583	worse:0.038621411591282295	larger:0.0362060645346208	higher:0.03591796783111621	other:0.035082159396213466	:0.01
of:0.27773912974618664	and:0.1823296212798755	by:0.16908836179488124	that:0.13077154343719166	to:0.07798519372854924	<s>:0.04903118610590204	said:0.04379761577319058	which:0.030475216056307982	Rev.:0.028782132077915037	:0.01
and:0.5183120814971687	was:0.08884009435822086	is:0.0774216008058976	be:0.06792772431165148	had:0.06058431065577767	that:0.05151613588975054	but:0.04359396594202714	have:0.04259962910647334	as:0.03920445743303253	:0.01
the:0.178773384293596	and:0.15905693441419114	of:0.1507009654572478	to:0.12785537177660436	be:0.1151551695765266	a:0.09109342413565304	in:0.05932541876549419	was:0.0550093693954189	is:0.05302996218526802	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
it:0.218479494306472	It:0.19761166602575975	and:0.12559263365135223	which:0.12026408742095417	he:0.09084358264480576	that:0.086937642778854	what:0.07030818201783587	there:0.04191013959707045	This:0.03805257155689544	:0.01
of:0.19730990254459838	the:0.18792393156251172	to:0.12178044491491599	at:0.10756702635193696	and:0.10173636416897786	for:0.09279868011861507	a:0.08095248870459536	in:0.05994749513805355	by:0.03998366649579526	:0.01
land:0.15768982864402048	up:0.1313154774211678	interest:0.12811701858507943	due:0.11007761973340134	made:0.10518341070202401	men:0.09856685913358561	day:0.09277088931287429	street:0.08320276018677926	boys:0.08307613628106776	:0.01
the:0.49447282317154884	this:0.22690915681515458	of:0.08307635906534418	said:0.06591606368249686	our:0.03817745088847554	his:0.02295389538520126	tho:0.02242392266280567	their:0.018272888433197982	a:0.017797439895775088	:0.01
on:0.327830116774391	of:0.2906165029621167	to:0.10591084099618339	in:0.09755807035839412	from:0.06346523711995174	at:0.040431390894101936	upon:0.02474304861645487	for:0.021492233670268875	In:0.01795255860813749	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
and:0.32311634278934415	him:0.09870937808207803	application:0.09552818008284922	was:0.09108249895321116	it:0.08441184299744427	up:0.0823457224263069	made:0.07437354501364975	out:0.07128361632793441	time:0.06914887332718232	:0.01
as:0.19991172263751483	that:0.19733359136542228	which:0.14767466011121982	and:0.13061455629424032	when:0.08623765309457293	what:0.06536116957309293	if:0.06336114118423192	where:0.05656628729076103	but:0.04293921844894402	:0.01
the:0.3769297090289047	a:0.2286228140309655	to:0.19164429961666246	and:0.0585895031639471	The:0.04910181306349874	said:0.023075731331717347	his:0.022161470763695835	this:0.020686395623155638	of:0.019188263377452514	:0.01
the:0.7561076949366696	a:0.08631970449944562	tho:0.04846792604867539	The:0.03688527305321164	tbe:0.014257295271720958	of:0.013695147528211247	and:0.013052039339803846	our:0.011995720293827873	in:0.009219199028433966	:0.01
the:0.386657440334103	and:0.21471562740323147	of:0.12276498645981453	The:0.11869146848197373	that:0.06473799132164164	in:0.025282011113052054	his:0.020626846877035795	their:0.02052131049796689	tho:0.016002317511180805	:0.01
and:0.19379414751526314	would:0.13802009551861086	they:0.13286606929988828	will:0.11653072481014687	could:0.09355392939078927	all:0.0927338340505356	can:0.07877989774990686	to:0.07198195594018413	which:0.07173934572467484	:0.01
and:0.25369102737374416	he:0.19467027862525113	had:0.13754299871553502	have:0.10224525290340669	has:0.08805777803151545	who:0.06809162673811146	she:0.04893930243468948	be:0.048459582308852216	He:0.048302152868894416	:0.01
one:0.2204397955433473	part:0.170732025773866	out:0.1504453831229998	some:0.08943673051487452	side:0.0779259956881897	end:0.07349403345130157	members:0.07129904224908565	portion:0.07021530842224585	all:0.06601168523408946	:0.01
the:0.2427240263091235	to:0.16548294383053364	of:0.15572478505251094	and:0.13594666285904114	a:0.09288915680202217	at:0.06329022629346125	or:0.05187042688447315	in:0.04386243845384892	be:0.0382093335149851	:0.01
of:0.38055921396468667	to:0.12301622857307579	in:0.11291785355143842	that:0.07956400430775584	for:0.07138105199516305	by:0.07014977669837545	and:0.06715590936404428	all:0.04870639975024419	with:0.03654956179521632	:0.01
of:0.4179654445479762	and:0.1086643905177129	by:0.08801277314720554	to:0.08637129466095496	that:0.06996012184143395	for:0.06747846770875711	in:0.0557903011588999	with:0.0505053332416677	all:0.04525187317539153	:0.01
one:0.33708984341259335	part:0.1487557614660267	out:0.10384043397499725	portion:0.09083714555922895	side:0.07562804233059957	some:0.06197550487992145	that:0.060324718837243906	tion:0.057990436636891	member:0.05355811290249791	:0.01
the:0.8002941947295789	tho:0.04485101006157029	The:0.03857982259613794	and:0.031437887516900784	tbe:0.016586742241697934	his:0.01639808285498029	our:0.014823824218167492	their:0.013953417660277466	her:0.013075018120689003	:0.01
they:0.17575189562716814	we:0.15884948974267685	he:0.15316210749662415	I:0.14793626125930318	it:0.10583886363524378	that:0.06699093900055625	you:0.06459822303519581	which:0.06241058168563479	and:0.05446163851759721	:0.01
the:0.4644121936975918	and:0.12153702569266453	of:0.1069465536787496	his:0.0918553876177967	a:0.08015244433199882	to:0.03391879457392018	The:0.031804891363782326	by:0.031101754753974684	her:0.028270954289521064	:0.01
of:0.3367242456828014	in:0.14678802062706986	to:0.11364573995622268	for:0.08450211588257417	with:0.07114087352589916	any:0.06981249612903116	that:0.06221661795750614	and:0.057296476444381524	by:0.047873413794513944	:0.01
and:0.36312506208769063	I:0.12338044646255546	he:0.09040999163050689	the:0.08357934052402677	to:0.08064499010043451	was:0.07239722608272099	will:0.0609622339439277	they:0.058570497499144024	we:0.056930211668993015	:0.01
out:0.23966874593182105	number:0.15748211990930863	place:0.10450660588571738	state:0.09966694258960573	amount:0.08184101469739698	means:0.07851471934657744	right:0.0783064367947503	one:0.07721478942742464	men:0.07279862541739794	:0.01
sum:0.18676829411122214	number:0.1566486321513545	line:0.11140081741272478	city:0.10844765106291132	out:0.10739005474369737	day:0.09286734076326106	county:0.08286139477536687	amount:0.07384405151900511	Board:0.06977176346045691	:0.01
of:0.7445366655598991	Of:0.14808796745205893	in:0.031163275590181498	the:0.016184513758348573	by:0.010553055611928763	"Of:0.010460611290060269	at:0.010255061204017486	with:0.009864824254796822	and:0.008894025278708514	:0.01
from:0.2439568612486867	and:0.16983161648361403	or:0.11562699606693451	of:0.1003823406048364	writ-:0.08868278699026946	than:0.08164942037256165	to:0.06954208021113506	in:0.06158597506373904	for:0.05874192295822317	:0.01
of:0.23182606599609853	to:0.16001281843060816	at:0.13924515729613068	in:0.1330827822378778	the:0.10884079626274026	from:0.06986460223568229	and:0.0644351271487586	In:0.05699645950378637	by:0.02569619088831713	:0.01
A:0.2848899711466817	S:0.11969673972086022	W:0.10773189010146549	M:0.09982084221833068	J:0.08332814787641818	E:0.07851461222792269	B:0.07821157047490013	P:0.07294574692175532	C:0.06486047931166561	:0.01
of:0.2739506224203214	<s>:0.15040449671343736	.:0.14680356254759863	St.:0.10569082862567168	Mr.:0.08822705721653198	the:0.06401728644914127	and:0.05815719927280121	in:0.052260646470140656	Mrs.:0.0504883002843559	:0.01
and:0.38383940959318213	up:0.08987063291160846	that:0.08926092622172724	was:0.07917655771788831	feet:0.07415957683337827	or:0.07274987086962711	State:0.0706870683277842	all:0.0653482361454273	men:0.06490772137937695	:0.01
the:0.5813335411692848	and:0.06654417953837188	a:0.06459896286836157	of:0.05845771943892266	in:0.05533907363310234	The:0.048814915143618846	an:0.04704573325643953	tho:0.035861077611538804	by:0.03200479734035962	:0.01
the:0.18339688078573319	called:0.17018930624676448	their:0.12994511706514103	his:0.10779339542419646	call:0.0977752211898296	much:0.08037675573374806	more:0.07998137415066779	no:0.07369743816546569	and:0.0668445112384538	:0.01
sum:0.18660346400208067	amount:0.14113071889989054	number:0.12823597024720407	out:0.11916988247675847	purpose:0.09069241232633114	rate:0.0873545104004742	means:0.08498416672211168	matter:0.07741017629998366	all:0.07441869862516558	:0.01
of:0.31861339648026726	to:0.13761945036747714	for:0.11848956557926557	and:0.08858000076179956	that:0.07795267621737505	by:0.07438058842883098	in:0.07268328005426627	with:0.071742740291062	at:0.0299383018196563	:0.01
and:0.6653312190414232	And:0.10446110895019833	Since:0.04951680396914771	was:0.038698891333161685	but:0.02843063619946008	He:0.028082559310550183	;:0.026155374509799458	is:0.02512410470974793	I:0.024199301976511208	:0.01
W.:0.22599567275008386	J.:0.17044631072112656	.:0.11452227993266859	John:0.10817576574354067	William:0.09716133638511917	C.:0.09058680856876584	George:0.06449822090858633	Charles:0.06074348739609793	H.:0.05787011759401087	:0.01
the:0.6374013662918097	a:0.07282821601172165	of:0.06770636088558818	this:0.05820566026923698	his:0.051573126505409496	tho:0.03650789868082648	said:0.027025626116459558	and:0.02172759250797322	our:0.017024152730974754	:0.01
of:0.33406129049648303	to:0.12049264072633425	with:0.09633362852888781	and:0.09396454797791812	is:0.0864883967561169	in:0.0822609231078955	that:0.0614306243867531	by:0.05763121689138671	for:0.05733673112822466	:0.01
the:0.6508712654296143	a:0.09983713663491017	tho:0.05239547147515779	any:0.052150083731553526	this:0.03814395438674984	The:0.025922331976556665	that:0.0257052411354048	said:0.02265043365366383	tbe:0.022324081576389192	:0.01
has:0.1529616218021642	and:0.13275163181116173	I:0.12345520954150345	the:0.11759765319295916	had:0.10918594983497103	have:0.10124462890293942	was:0.09234299306261433	is:0.08049226973053512	he:0.07996804212115168	:0.01
which:0.21597772088141595	it:0.1846517143039635	It:0.17405311022653078	that:0.14195052961581553	and:0.09422627351345922	they:0.06554715559392783	he:0.03846471294067001	who:0.03832049338915638	there:0.03680828953506078	:0.01
the:0.2309640701636658	of:0.17220334004377194	and:0.14147498841999787	a:0.12083689853514937	to:0.11852942901038444	be:0.06109875657352347	was:0.058041221521029175	in:0.053031285233387675	at:0.033820010499090294	:0.01
sum:0.18676829411122214	number:0.1566486321513545	line:0.11140081741272478	city:0.10844765106291132	out:0.10739005474369737	day:0.09286734076326106	county:0.08286139477536687	amount:0.07384405151900511	Board:0.06977176346045691	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
the:0.7832320812241134	The:0.03499476537556488	tho:0.034248167636084056	in:0.03398518441840312	a:0.02705596915301529	and:0.02688707768255379	no:0.02065298669590591	to:0.01499723685673133	tbe:0.013946530957628383	:0.01
and:0.2794604448202863	wait:0.11218219597371293	not:0.10790288591181016	them:0.09869567173090517	was:0.08301985515685784	annum:0.08128723156862967	adjourned:0.07760047759086466	it:0.07641025381302602	is:0.0734409834339072	:0.01
that:0.2552027492246131	and:0.2473961613738114	but:0.13951823211335046	as:0.10047275784378419	which:0.0766585693520188	if:0.05195519272673161	when:0.049729138842514876	where:0.03626071909960701	But:0.03280647942356842	:0.01
the:0.4525999985583983	of:0.27893983449110804	a:0.050064486402479486	this:0.04105007361434545	by:0.0384803100323258	and:0.03588540165733464	The:0.03304084623910968	said:0.031384120833429154	that:0.028554928171469325	:0.01
those:0.4529909351618139	men:0.17669254562461442	and:0.0777641735520194	people:0.06973463070913263	Those:0.06050506947218318	man:0.042282320231783334	all:0.04140258357632076	persons:0.03955708558100816	one:0.029070656091124202	:0.01
the:0.47692612526197836	a:0.10188461426043646	this:0.09447411520849798	and:0.07130423770986372	of:0.06462294450009741	for:0.0578475772976483	any:0.042082368056690016	in:0.04080821628761627	other:0.04004980141717145	:0.01
of:0.35090027974292975	to:0.20555455655536395	and:0.11347354649642782	in:0.07284333245201466	for:0.061884936797956924	by:0.05946942510867477	with:0.05528171334355501	that:0.04104975355294299	at:0.029542455950134015	:0.01
and:0.27312351129419526	demand:0.16004407942656376	ready:0.09975931898465486	time:0.09496048153777209	used:0.08937186935890883	vote:0.0812019674803995	place:0.06921732775383412	provided:0.06133336663448171	candidate:0.0609880775291899	:0.01
he:0.2551201520408393	it:0.12885276723823547	and:0.12677751374117283	which:0.11430383549362247	who:0.09737427734167389	that:0.09435203984136281	It:0.07306541375906984	He:0.05605309586453942	she:0.044100904679484	:0.01
the:0.7529022702059931	The:0.06356969039852373	an:0.05086305318238904	of:0.02959759555693412	tho:0.027075146671914203	public:0.021714982560560144	his:0.016923742597968666	and:0.01515216181798637	this:0.012201357007730472	:0.01
and:0.3079069995791492	of:0.15703359043111892	the:0.09695346957938132	be:0.08008775556196852	a:0.07801796281644581	in:0.06960382693033287	is:0.06885254681667446	was:0.06803906530008293	he:0.06350478298484587	:0.01
and:0.17242398561069025	as:0.1467191988606228	is:0.12617046029401924	right:0.1151059360986362	him:0.09964231114817719	able:0.09079721249751992	time:0.0897945457952802	them:0.07493873154135108	enough:0.07440761815370299	:0.01
of:0.3663898246084499	to:0.1423057606746074	and:0.10081617494193622	that:0.08800406011494337	in:0.07899034383353772	by:0.06447705977048526	as:0.0619628438640485	is:0.04737375523458074	with:0.039680176957411065	:0.01
and:0.22944347801203294	it:0.18560740285395103	It:0.17784014204278148	he:0.12994263751990434	as:0.1232245447509387	she:0.0407565926349003	that:0.03868060885295114	which:0.03348696543869262	He:0.03101762789384748	:0.01
the:0.5298713725020618	an:0.12538179664445884	The:0.10398418343201105	no:0.05792234954949871	and:0.0415536047693083	that:0.03766739880535067	their:0.03446085562747534	his:0.03307276217034192	An:0.026085676499493136	:0.01
be:0.2422577682754711	was:0.24084676344962164	is:0.15144076548425955	been:0.10825402797161422	were:0.057848555295978064	are:0.05177009922667212	and:0.05152943951142109	have:0.04586993763476215	has:0.04018264315020016	:0.01
United:0.9309205409489966	the:0.036783784427738164	I'nited:0.006684941454334036	Southern:0.003323732534299147	The:0.003053549619232766	ted:0.0024833319008751987	nited:0.002453004303134568	Uuited:0.0021867329703278726	of:0.0021103818410616957	:0.01
be:0.1973930505897822	has:0.1595292630430438	have:0.15419638115989928	and:0.10629043303916422	had:0.09066630963611699	he:0.07997972010358538	is:0.07382451503726477	was:0.07077559382792946	been:0.0573447335632139	:0.01
hundred:0.38841378645436947	up:0.09123185635738856	men:0.08930224671194738	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.07306411117914521	him:0.0668423327581923	;:0.06651424040074755	due:0.06192290086804839	:0.01
the:0.3853244944598766	of:0.2016119142990119	and:0.13281277996971314	a:0.12239923761336712	in:0.03551265260697985	to:0.031033546691147867	or:0.028518751250522	The:0.028040083137066952	tho:0.024746539972314793	:0.01
the:0.8637364132399631	tho:0.03430961518657654	The:0.021882531136760985	tbe:0.01858870298755881	a:0.014461400125506885	of:0.013091146180412459	and:0.008744576898534685	on:0.007623696981843424	by:0.007561917262843011	:0.01
Of:0.5327537284961954	of:0.18659679139348906	"Of:0.07679341299229567	the:0.06717741679861625	this:0.03982598264529755	his:0.026148023159880938	a:0.02452300021704008	in:0.020621183412023333	that:0.015560460885161768	:0.01
there:0.3032885416202099	There:0.20466669522181152	they:0.13763636471661017	we:0.08165032428159714	and:0.06158179224926733	who:0.05825117690987444	you:0.055310392990608914	They:0.04820850716322805	which:0.03940620484679245	:0.01
to:0.5809812810645797	will:0.11505691919538794	not:0.06294259037913484	and:0.06278313453733973	would:0.04472893623234165	I:0.03459142134219834	they:0.030326017725893627	can:0.029624814877529656	the:0.028964884645594734	:0.01
the:0.27320843335700196	of:0.16432260681204475	a:0.13204233918626765	and:0.12147650098125093	in:0.0914433451158364	to:0.06848718631458546	that:0.055028820233721604	for:0.04498993004410673	which:0.03900083795518455	:0.01
the:0.4151063384438738	that:0.108712433983919	some:0.10759725256417578	any:0.079794871255652	this:0.07644882744180741	same:0.07327301698911191	a:0.06540152817070709	no:0.03377173154630523	The:0.029893999604447663	:0.01
the:0.234408122978364	of:0.1828304793787199	and:0.1507094517828643	in:0.11802874539792414	to:0.07447537350815515	for:0.06971697362682312	a:0.06501836054781819	that:0.047612702868950474	or:0.0471997899103806	:0.01
the:0.47669473729331835	and:0.19307357905387598	The:0.06306756119996701	that:0.0610577746697837	of:0.056347081572959215	this:0.03915072743597498	to:0.03770590794076414	than:0.03269350527641731	a:0.03020912555693923	:0.01
the:0.28673225924827955	a:0.2610026112468413	of:0.130202256938174	and:0.10887663409827694	his:0.05010475852556427	to:0.0416983287302643	with:0.04036661867381382	in:0.03930596292818815	for:0.03171056961059772	:0.01
day:0.18567834492823587	line:0.1735466586449626	city:0.17038660035682	State:0.11784414900991673	corner:0.08162771739263197	part:0.07658416044941384	side:0.06499389145586672	state:0.06293141830183487	quarter:0.05640705946031715	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
of:0.2575619008309538	in:0.13778184754347156	for:0.11980787530480917	to:0.11818108648737348	at:0.11144536110759846	and:0.07810765798298186	on:0.06457341621035934	from:0.052338263680352604	with:0.050202590852099716	:0.01
number:0.3479557304440151	hundreds:0.17840631277100671	thousands:0.09494665689560733	amount:0.08902840367822921	out:0.07454512833769451	right:0.06834822511512086	and:0.05779075136665284	that:0.03969626037823842	class:0.03928253101343486	:0.01
the:0.5190411492638489	of:0.17956991224290295	and:0.10074420416210277	tho:0.04138830625780651	to:0.03554495137633957	The:0.0333457008447863	in:0.02932136640202946	for:0.0264899804595221	an:0.024554428990661296	:0.01
therein:0.27955341295242336	above:0.24930785514615625	hereinafter:0.18019888013776506	hereinbefore:0.13999817843468573	and:0.06502421653581789	be:0.02039972802716203	is:0.019202537128265657	I:0.018397022648512985	he:0.01791816898921108	:0.01
and:0.20490017416714834	was:0.17686612892490886	is:0.12972444040477404	be:0.10608464469363506	it:0.08082533054008631	interest:0.07545699508533192	are:0.07395100046965472	not:0.07265831400696879	been:0.06953297170749194	:0.01
that:0.24443729584997623	and:0.15444939476354386	<s>:0.1296967087396128	as:0.10770212456191088	it.:0.0827022473196502	but:0.07397577848630607	which:0.06944412260016986	him.:0.0650742717507959	of:0.06251805592803433	:0.01
and:0.20947937676422154	<s>:0.16761671236827178	to:0.1384374772199603	of:0.11955503777192694	in:0.09974511051073019	for:0.08970991860078498	the:0.0600302036498324	a:0.0538595454606206	by:0.051566617653651496	:0.01
the:0.8454876622661593	tho:0.029986454679901797	The:0.026924063282215135	a:0.02582943041742335	this:0.023457786264339135	sole:0.011813097180470144	tbe:0.011470941652175711	that:0.009208085765374364	and:0.00582247849194092	:0.01
of:0.38104144098289716	in:0.16405936344838049	to:0.11847104233197112	on:0.06849710295845704	from:0.05718233619846522	and:0.05408369092230427	for:0.05352923792086893	In:0.04694876050240489	at:0.04618702473425089	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
of:0.4350691121933087	in:0.17590693507051808	to:0.10103820455278757	In:0.054102443561787054	that:0.04894784282719978	for:0.04796761694587245	by:0.04368040144683445	and:0.04226712549192658	on:0.04102031790976529	:0.01
hundred:0.450373836510824	two:0.2965856373613473	one:0.08912120339507258	three:0.03917361539714593	feet:0.02581770139278996	wife:0.023664759890540406	dred:0.022204539564696743	four:0.021657121900225573	and:0.021401584587357386	:0.01
and:0.2682983319507874	recorded:0.10717905104111182	was:0.10263907629409649	made:0.09927630384100071	that:0.09842569549211198	o'clock:0.08895025276229458	up:0.08173084504592748	is:0.07240199994443215	found:0.07109844362823738	:0.01
and:0.24805862919699095	wait:0.17095914683343472	it:0.10308375579643418	them:0.09691666665006106	not:0.07826346792305973	him:0.0779569869760941	out:0.07568911883439837	me:0.07498749100059439	but:0.06408473678893237	:0.01
be:0.44993931205005017	was:0.14891711304471908	been:0.12045429615525545	is:0.09089949305205752	were:0.04438496575958556	and:0.035836690236938015	bo:0.03380412853153414	being:0.033138024753531295	have:0.032625976416328945	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
and:0.18784336682063274	as:0.15114329179679575	went:0.11423878004667351	him:0.10666558228731272	them:0.09110223752457794	up:0.08733803455919152	is:0.08689480544253657	go:0.08340199801381315	able:0.08137190350846597	:0.01
the:0.2363256619242568	of:0.18886074844018247	and:0.12682049354783523	to:0.09524780069146993	was:0.08498950973556639	a:0.07330451419837286	be:0.06504520465050595	in:0.06462390742693405	is:0.05478215938487642	:0.01
the:0.18967412161958205	and:0.16039812387112395	be:0.12426122688981936	was:0.12339453984543905	of:0.11493837137436898	to:0.0870008771225483	is:0.07482363279220873	been:0.06158286699078447	a:0.053926239494125026	:0.01
the:0.6137023787371635	of:0.10175162523613603	at:0.08816142621676373	The:0.04212694363522589	tho:0.04130225632242305	and:0.03447674992950418	to:0.03270459677819873	At:0.01975673720342485	tbe:0.016017285941160062	:0.01
of:0.32329917147477594	and:0.15059718050463688	the:0.13966809360084254	to:0.10026562179063006	be:0.06554557217927115	was:0.054541869713290156	in:0.05418785773990752	by:0.05277832791107026	a:0.04911630508557536	:0.01
of:0.4216403507787339	the:0.1603110577918501	to:0.09287401204002217	and:0.07877261698718876	with:0.07331482858595084	for:0.0445560808380516	in:0.0444632551962944	by:0.04262457973311482	his:0.03144321804879339	:0.01
the:0.4403253209227891	blacksmith:0.12144833721596575	of:0.09319978262827759	a:0.08636774484214073	and:0.0838199410315418	in:0.07827388024761846	barber:0.0342476865402628	The:0.027902855493083585	that:0.024414451078320274	:0.01
the:0.21158857492188723	of:0.19815052550014053	at:0.1500376518317362	in:0.13768871201112562	to:0.08291298822593032	and:0.06019642235653826	a:0.056041841711516285	on:0.053072571854720016	In:0.040310711586405555	:0.01
the:0.3220046381160256	no:0.20692057260947375	a:0.17287129691126035	any:0.05615937651258571	The:0.05611397755533407	be:0.04894581817298719	an:0.046144208666942396	and:0.04090506695834236	very:0.03993504449704869	:0.01
in:0.4012325547276403	the:0.19555487390010853	In:0.10784192508028347	a:0.09698861188200335	take:0.08225988669629536	took:0.03851085684635369	and:0.023770822769100818	or:0.02247527087571845	have:0.02136519722249616	:0.01
the:0.2781006807555159	Mr.:0.2027926795166578	of:0.13237428459760442	The:0.08660012622279092	and:0.08328248282159867	that:0.07698677073899705	a:0.057701132148487995	Mrs.:0.039502858498326084	.:0.03265898470002127	:0.01
;:0.20953252095776806	it,:0.11451281996419217	him:0.11252660622910599	one:0.10399558216214487	in:0.10038399485273586	and:0.09216727949281207	,:0.08702126563998025	it:0.08638247894281384	up:0.08347745175844686	:0.01
of:0.2259884777378865	in:0.1279502676123141	as:0.10803511903377902	with:0.10289676309994414	to:0.10092096777749439	is:0.0958816162923596	and:0.08543175696245596	was:0.07364376919960383	for:0.06925126228416238	:0.01
that:0.4248767727810631	and:0.2169616908452784	but:0.07728732858024093	if:0.05209935182685943	when:0.05161873506627446	where:0.04967867968515334	which:0.04575344605788949	as:0.04246567968724792	Then:0.029258315469992895	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
of:0.41773515469212547	to:0.12058911408202544	in:0.12026595672238301	by:0.07310423207258618	for:0.06720959686131463	that:0.05564286791544017	and:0.051951206499336516	with:0.048146839080792404	at:0.0353550320739961	:0.01
person:0.20531312894303227	five:0.14192873288632507	ten:0.11630069465323675	one:0.1024660500550567	two:0.0898386801803656	hundred:0.08751413465476847	more:0.08657648876790676	lot:0.0818978644321041	city:0.07816422542720411	:0.01
that:0.3166330139376667	as:0.1490043734264882	if:0.10931338716090946	which:0.09839266866042612	and:0.09424257213337593	where:0.06868577128050968	what:0.06014037764174531	but:0.05007341963995379	than:0.04351441611892476	:0.01
and:0.29052563843363216	fact:0.1718349679940122	said:0.11307705641045758	so:0.10296766644522751	believe:0.07467485194323314	is:0.06547998110151379	say:0.06072622423233118	know:0.059576482780927004	found:0.051137130658665285	:0.01
to:0.3396506024975235	will:0.17856744310251482	shall:0.12939618111588067	would:0.10526048595499948	may:0.08927914748616962	not:0.05178279063247182	should:0.04927929090323615	must:0.029479108652549383	can:0.017304949654654535	:0.01
of:0.2077450728428805	the:0.14274703291744006	at:0.1284854362972801	and:0.11648575937126295	.:0.11637466798444815	0-:0.07430743567113646	said:0.07355404747048895	-:0.07227343254759967	<s>:0.05802711489746321	:0.01
and:0.3041389722397676	of:0.2513147363804268	the:0.09284867820878093	by:0.08986745125330474	in:0.057077303582031405	or:0.053789630708543076	for:0.0502189145691585	that:0.04603240426664697	to:0.04471190879134012	:0.01
and:0.2610684906234711	the:0.19554736216822505	any:0.1342736028215266	or:0.11631328769202955	of:0.07443676633240683	all:0.0689270155323713	no:0.051097245280595345	some:0.046297981602317385	in:0.0420382479470567	:0.01
the:0.36710660021205754	a:0.1888988018054889	that:0.13452013107776029	The:0.07925947677007268	this:0.07007972069447159	and:0.04604148741798508	what:0.042045288533239765	of:0.03213695941832288	This:0.02991153407060109	:0.01
of:0.3527497710505186	to:0.1728160499755097	in:0.11002356683580612	on:0.10353108139880828	by:0.05889211877748775	from:0.05734772668551204	with:0.05403336975915563	at:0.04817887045160551	for:0.03242744506559626	:0.01
he:0.34650105213500804	who:0.16524687721441428	she:0.09395658406174551	they:0.08200101607898735	I:0.07854418651348086	He:0.07292902731509014	which:0.05936050257306386	and:0.05683788718283464	that:0.03462286692537549	:0.01
the:0.6046190249235226	of:0.08205211967790124	and:0.07073928472226547	this:0.06141723289141209	The:0.05208874268079894	tho:0.03452140688790485	that:0.030741094160428768	a:0.02863194413149298	on:0.025189149924273374	:0.01
the:0.298845698012446	Democratic:0.2111302148940173	Republican:0.18299223646294044	his:0.07123544512816858	democratic:0.062038261322159	republican:0.05778599746507542	our:0.03940406627723278	of:0.03715189583647191	publican:0.029416184601488697	:0.01
and:0.3393626640434815	to:0.17732162174538393	of:0.09581509275242525	not:0.07225357442184621	which:0.06409073755214077	it:0.06198799393037636	re-:0.06195276507152283	the:0.05918274462266673	that:0.058032805860156515	:0.01
the:0.6006912970684806	of:0.07210706306136806	tho:0.07023692855019763	their:0.05891813763690344	and:0.054089144774343303	our:0.04084397489831689	tbe:0.032289393482272236	The:0.032115833049097285	his:0.02870822747902088	:0.01
he:0.2781586677302581	I:0.20086306868199325	they:0.10324245838274378	have:0.08204658689404552	she:0.0773412187927813	and:0.07216353790499626	who:0.06541637249810141	He:0.061878367009340525	has:0.04888972210573986	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
and:0.40180925423370906	made:0.10572982649976298	necessary:0.09766421441472355	provide:0.0709677106558723	him:0.06679412563114624	time:0.06399940844444657	but:0.06226152597569863	pay:0.06140975827886298	responsible:0.059364175865777885	:0.01
and:0.2161116757957319	the:0.1352979457465441	to:0.13396627391568766	of:0.1253453520019087	in:0.09601261023153372	was:0.0935153406687691	a:0.07652736995584762	be:0.0710897106828275	been:0.042133721001149496	:0.01
the:0.3718093051477367	a:0.20531120261900515	and:0.13107693269218942	of:0.11246024361948852	an:0.04655747679828293	to:0.035407772910839734	in:0.033187396132069856	The:0.030255271644018034	tho:0.023934398436369814	:0.01
to:0.6749197567580357	will:0.10860095873119792	and:0.04997878310137247	would:0.0344862738520985	not:0.03265449185041845	the:0.025024659161076247	may:0.022671546446063468	of:0.02190374200467886	shall:0.019759788095058402	:0.01
of:0.23852788508159006	the:0.16802364293714536	and:0.12948864632017903	to:0.1275690955641225	in:0.08455289842744297	a:0.07072259306338713	be:0.06299644397177792	for:0.060946834134431874	is:0.04717196049992301	:0.01
and:0.22359968290163862	demand:0.1482748022645087	ready:0.12509974120127254	not:0.10781179920921904	used:0.10157348029387409	time:0.07749501592485684	necessity:0.07626940883785346	is:0.0652598380882665	enough:0.06461623127851011	:0.01
and:0.18784336682063274	as:0.15114329179679575	went:0.11423878004667351	him:0.10666558228731272	them:0.09110223752457794	up:0.08733803455919152	is:0.08689480544253657	go:0.08340199801381315	able:0.08137190350846597	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
husband:0.17568917950257912	men:0.14294351794359644	wife:0.107768615061195	John:0.10480795174335314	William:0.10372930841070627	James:0.09399454580173833	up:0.09268717315575178	Robert:0.08741132963318429	street:0.08096837874789548	:0.01
the:0.865710331615012	The:0.04928883170750049	tho:0.01524800527603654	a:0.011904305996588488	an:0.010678667628294034	to:0.010548521274698684	his:0.009126443074454352	their:0.006618329588129439	our:0.0060101253537471035	and:0.004866438485538746	:0.01
that:0.37173986799646414	which:0.11851866647349128	and:0.1179912000849509	if:0.0777986441061909	as:0.07513205183763351	but:0.06614765438119004	where:0.06504322807420475	when:0.06191137432388363	If:0.035717312721991044	:0.01
in:0.2304125899773644	of:0.2277924650841233	to:0.1335936301768243	with:0.08733427978354423	from:0.07516315615188837	for:0.07454106948921327	and:0.05419616825165136	on:0.05397099365445672	by:0.05299564743093413	:0.01
of:0.37757352357277263	to:0.1412997508358221	and:0.09226622588200091	that:0.08655245251206979	in:0.08397587336935569	for:0.05799247508358221	all:0.05148204421081706	by:0.05081711788112624	with:0.04804053665245338	:0.01
as:0.30327666027760913	referred:0.10304334621170651	and:0.1026073898292322	came:0.0957158101364316	up:0.08846218218145885	conveyed:0.08012148817365196	it:0.07575822988296134	belonging:0.07381653890965018	went:0.06719835439729828	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
went:0.23080076658279577	sent:0.1700059090000297	go:0.10777344111300152	set:0.10113565200513219	turned:0.09926019761842551	come:0.08562586540808906	came:0.0756550456183855	pointed:0.06142233067184642	called:0.05832079198229426	:0.01
the:0.1709275059862553	and:0.1691871568908607	of:0.16865486965200363	to:0.16792362542136652	in:0.07609657238307233	be:0.06620269474349344	or:0.05840985883920542	a:0.05672245655456109	was:0.05587525952918152	:0.01
for:0.6616776620852933	of:0.1468538465364565	in:0.05020763547505892	any:0.04069425691803206	at:0.02334797904253562	with:0.019965353235471262	that:0.018090171338440934	and:0.015201298350813864	to:0.01396179701789772	:0.01
and:0.26797161929060936	it:0.14891785665017135	agree:0.10136377126399757	do:0.09584266228528118	connection:0.0850634164248774	them:0.08270193147116507	together:0.08185874875635103	up:0.06987939476486002	away:0.056400599092687055	:0.01
<s>:0.6083795147406397	it.:0.08140774105825178	them.:0.05273033187786586	of:0.0497194848048908	.:0.04836281565033139	day.:0.041173342338443886	country.:0.036491719820451435	him.:0.035891246647735395	time.:0.03584380306138965	:0.01
the:0.25277816631907174	and:0.18248603280587022	of:0.14003018590093957	to:0.12995973004766376	a:0.0692069573412956	be:0.05946308184699661	was:0.057596668815848684	in:0.05389847023614899	at:0.04458070668616476	:0.01
the:0.6427881085213274	a:0.13732623911303965	tho:0.041442202425707744	to:0.035045061860962366	this:0.034582918180035664	of:0.026212002719623297	and:0.024688412516326277	stock:0.02399066818433184	The:0.023924386478645632	:0.01
of:0.2176896185987672	in:0.1992104208284989	and:0.14230406551975147	the:0.12407119652588923	a:0.09417041319680879	In:0.07010086143172199	with:0.06767684115699053	was:0.0384346106545725	is:0.03634197208699939	:0.01
is:0.20531716177253914	of:0.1548571616806375	was:0.14749203504570196	and:0.13792749623615277	in:0.10120155365734504	as:0.07174518036482276	to:0.06110690582472407	by:0.05557954502909938	any:0.05477296038897739	:0.01
and:0.38525332343718044	of:0.24860990676162803	the:0.0799282234894125	that:0.07683760633225638	these:0.0576545729269331	which:0.038496545077741175	as:0.03819614499674996	their:0.03530220342415477	The:0.029721473553943733	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
State:0.47458550771390784	state:0.11993085085128063	Board:0.09304912796283399	line:0.0717708785605741	county:0.05784641355240072	city:0.05071227169159986	corner:0.049111549651357014	County:0.04764874689551026	House:0.02534465312053554	:0.01
and:0.291008625467649	as:0.14759950797101445	of:0.11671323896467224	was:0.08667957373979225	is:0.07611808657759078	that:0.07262074992328056	which:0.06773089061745112	are:0.06714264532833322	to:0.0643866814102163	:0.01
of:0.25507198710515194	the:0.24110422653470306	in:0.12114308692854878	a:0.11067388429160391	and:0.07441522182621238	to:0.06773805723301692	that:0.040484190485345954	by:0.04029791913583225	for:0.03907142645958479	:0.01
sum:0.18676829411122214	number:0.1566486321513545	line:0.11140081741272478	city:0.10844765106291132	out:0.10739005474369737	day:0.09286734076326106	county:0.08286139477536687	amount:0.07384405151900511	Board:0.06977176346045691	:0.01
<s>:0.5231394178066023	.:0.14622003860769917	Mrs.:0.06400054272328881	J:0.05908967015434529	OF:0.04848946800850663	Mrs:0.041957312954693377	Mr.:0.041593044517807085	of:0.03355818681353403	W:0.031952318413523174	:0.01
are:0.185894104049676	be:0.1817908269685188	is:0.1374881254195622	been:0.11192160803307412	as:0.10644587229959851	was:0.08008976453704031	and:0.07591533370718513	have:0.05918934960818141	were:0.051265015377163686	:0.01
the:0.32016065074438743	of:0.1996047586413634	and:0.12421327466855564	to:0.11692989638389367	at:0.059719672459334516	a:0.05443668048488561	.:0.04527438411868308	in:0.03729410191915169	for:0.03236658057974502	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
and:0.24970352174941357	that:0.14243337278237883	an:0.11391917883820994	as:0.09611331632668745	the:0.09508024132687952	No.:0.07876769148314249	at:0.0765976722111057	when:0.07410363176304856	<s>:0.06328137351913382	:0.01
of:0.2871813898006729	and:0.13371001925811266	to:0.11320614418519521	in:0.1089654059991212	that:0.09316921342912521	for:0.0831044043802115	by:0.07116454658418493	on:0.05203483302654771	with:0.047464043336828424	:0.01
of:0.21338832523674772	in:0.1401790123224186	and:0.1293934330377488	with:0.10408959886573864	is:0.10292083424447167	was:0.08224908889474122	by:0.07954907839589143	for:0.07804424202008159	to:0.060186386982160285	:0.01
and:0.250014581603529	be:0.11817617732134664	has:0.11419279375482091	he:0.11329639249490449	have:0.09713323071727527	which:0.08976250268865076	I:0.08967266796941575	had:0.05908154733395406	as:0.05867010611610306	:0.01
the:0.4950109156036055	a:0.16164370112595763	of:0.10710538574237823	and:0.07918833336928531	The:0.04305259230281749	in:0.030771536060903038	tho:0.025725261783843878	or:0.024289192660432786	to:0.023213081350776064	:0.01
of:0.3668738281601366	other:0.2870466318142292	these:0.07010466953847354	in:0.05504716791584481	the:0.05243095341592399	all:0.052146070301305136	for:0.042846876003169256	various:0.034142810611370394	to:0.029360992239547187	:0.01
feet;:0.3097029450706071	feet,:0.13689607516263608	;:0.13631218803849643	and:0.1053986020358459	running:0.08540253860841356	feet::0.05857831097393275	street,:0.054732627294791475	4;:0.05159009656454564	stake;:0.05138661625073125	:0.01
the:0.29750761558543176	of:0.1809570860383029	and:0.1614355865118985	to:0.08106366127438581	in:0.07679923815828024	a:0.06949398083985757	his:0.05294351649241177	was:0.035313464742926085	In:0.03448585035650552	:0.01
the:0.5888094533117914	an:0.10112290295454644	a:0.07515408096153393	this:0.046989366225420874	The:0.04613823446561353	his:0.03859845017343687	and:0.0352501088030192	tho:0.029240837697327028	said:0.028696565407310838	:0.01
the:0.25951619510925145	of:0.14902396077236052	and:0.12387939157408859	is:0.1153396480276407	a:0.08241483323047229	in:0.08194802087304869	was:0.0779624553967398	to:0.05094506213550063	their:0.048970432880897356	:0.01
are:0.16432108579626845	was:0.14911872180925026	is:0.12801800012865108	and:0.11562244009178566	not:0.10610262193542923	were:0.08847552753113638	will:0.08766187080427489	be:0.07687401355853331	had:0.07380571834467056	:0.01
and:0.35666389530419573	or:0.18991146236573975	that:0.10235579520512855	but:0.09731835952775165	not:0.08788064872058443	for:0.04316401004005189	But:0.04022831374858808	is:0.03651282562155435	be:0.035964689466405374	:0.01
men:0.14249907312068286	up:0.13199928517027307	in:0.11447457999286129	time:0.10808446608231882	friends:0.10325769341432005	him:0.10274409472781804	man:0.09637657993615782	home:0.09625477122474094	wife:0.09430945633082709	:0.01
.:0.23489104548318374	J.:0.1677907384210787	A.:0.13728898672453144	W.:0.09440672769446826	C.:0.09065888584893997	Mrs.:0.08552624941420675	H.:0.07277208353960818	E.:0.05491377221943229	M.:0.051751510654550685	:0.01
it:0.23395789008208595	he:0.1572817970154844	I:0.13071412185611292	It:0.12432707403776615	that:0.09293873480584991	they:0.08143644076300456	which:0.06318483223818545	and:0.054892860430172906	we:0.05126624877133782	:0.01
the:0.4077720389704145	a:0.1858529105497243	of:0.11146186285790603	and:0.08873132587137965	in:0.04627761336757525	The:0.042427032267988656	for:0.03897791827695877	to:0.03524189371520377	Mr.:0.033257404122849256	:0.01
of:0.2886606273126087	in:0.2214302942645044	to:0.10957679967486367	and:0.1046446465539434	for:0.07985695745438832	at:0.0664468473227199	In:0.054411568154868674	by:0.035214874544881904	on:0.029757384717221006	:0.01
made:0.16404262175283102	be:0.13371116265881222	taken:0.130114646678087	it:0.12413825516913217	put:0.11583622442687676	set:0.09437707032102798	and:0.08209668522593734	came:0.07323431978160357	make:0.07244901398569184	:0.01
the:0.2341646928698921	of:0.21055822842083122	and:0.13953933813282982	by:0.11294166761598189	an:0.0849366367540297	to:0.07727205081885902	in:0.0553575781194136	for:0.04405679969353214	or:0.031173007574630564	:0.01
a:0.26247745837895314	the:0.19956055908545398	of:0.17043740037627547	in:0.08941420754259405	and:0.08631124462137403	to:0.06967574507524113	an:0.05474591704332782	for:0.030541272268130616	his:0.026836195608649704	:0.01
the:0.40004629088706944	of:0.17001214588784655	to:0.09324409555324727	and:0.08485788841663552	a:0.07725491056514239	in:0.05890195646690147	for:0.04850084802365697	that:0.03039356852788032	on:0.026788295671619847	:0.01
amount:0.24404237662738407	sum:0.1692280689901905	number:0.14888306738991752	kind:0.08673593245267631	piece:0.08408152064145442	out:0.08054018718313877	plenty:0.06920796000165008	kinds:0.05611798127318727	means:0.05116290544040107	:0.01
at:0.5152052416912876	At:0.1965657366592373	of:0.05626638635255372	By:0.05000978003840103	for:0.04619695976128439	that:0.0382781672458241	in:0.03116617870428391	to:0.029488543567586328	From:0.026823005979541743	:0.01
the:0.2563430495381979	of:0.1643652082421683	and:0.15552281809600788	to:0.11505024205928037	in:0.09316803941768859	for:0.08033447994509664	that:0.051909329885274795	one:0.03795750159829857	by:0.0353493312179868	:0.01
of:0.2240659145072584	to:0.16833386582305848	and:0.12399856365707765	the:0.11417039760357847	in:0.11125105010033043	a:0.09749271005913453	an:0.05110499429104125	on:0.05044971941985533	for:0.04913278453866559	:0.01
of:0.24138186222504707	to:0.1387436016534267	in:0.10623077892283325	about:0.10077506156127122	and:0.09151119459683922	at:0.08789806465692022	from:0.080067372707296	for:0.07618378489114495	on:0.06720827878522129	:0.01
that:0.2552027492246131	and:0.2473961613738114	but:0.13951823211335046	as:0.10047275784378419	which:0.0766585693520188	if:0.05195519272673161	when:0.049729138842514876	where:0.03626071909960701	But:0.03280647942356842	:0.01
feet:0.2083705893710341	poles:0.16686243736995118	up:0.11619557552687124	chains:0.11156855355118703	entitled:0.08437694067907713	went:0.07935061363836472	came:0.07491532896457027	down:0.07426522602773696	him:0.07409473487120727	:0.01
of:0.25289921391202497	the:0.2157589921088513	and:0.16233962007116318	by:0.09869209508891175	many:0.07288413200527245	for:0.06873143582851678	are:0.04749582800674015	from:0.03970599072512579	all:0.03149269225339365	:0.01
is:0.3574591313972601	are:0.2546040045156305	and:0.105904393361248	Is:0.06912993017740088	was:0.0598301205517828	it:0.04228908189114801	not:0.035394869574047846	but:0.034320454695302344	am:0.031068013836179395	:0.01
to:0.25899009985987886	and:0.20691113851486856	of:0.12222836551254561	the:0.08594736535787018	is:0.07480810658605942	in:0.06648717053326157	was:0.06439095079885329	con-:0.056444731101806235	will:0.05379207173485628	:0.01
at:0.2863592328891636	about:0.27490131451381716	of:0.16572477505386687	and:0.10255218468015632	to:0.05869491101789338	over:0.02852201024603796	from:0.026121669705797337	for:0.025462085953093554	than:0.02166181594017386	:0.01
the:0.40524908905257495	a:0.25367247997244774	of:0.07823647718811469	in:0.07028432774607271	no:0.04827501245431196	The:0.039702806500981076	and:0.03828979338211576	to:0.028451929654359494	by:0.02783808404902173	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
to:0.29662780836555724	be:0.2293110739068013	was:0.1173291504648742	and:0.08588092087681624	been:0.06100857597176974	of:0.054649197422779655	is:0.05446365584368078	not:0.05383249783475988	were:0.03689711931296083	:0.01
of:0.2132915942477148	to:0.15902978854303734	and:0.15343037901538598	the:0.14128408917428945	New:0.07878708760527654	in:0.07526123931479342	<s>:0.07006640756382197	a:0.052523504417278155	that:0.046325910118402286	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
a:0.2925808908822104	so:0.18743485635854512	the:0.16540533563759957	not:0.0943170310046177	and:0.07579793621720525	very:0.053370837024504736	Not:0.044922800079519765	that:0.0383186823766228	his:0.037851630419174866	:0.01
to:0.21852276894475597	would:0.20151519646808333	will:0.15109835924004328	at-:0.11714691146265563	and:0.09324795282127218	I:0.06926368965088824	not:0.06042206527726282	who:0.04600648485535764	may:0.032776571279680936	:0.01
made:0.3028069374576309	and:0.2023193696646394	caused:0.07375981344017991	shown:0.07207509517503563	up:0.0704269184181151	ed:0.07002219172812583	out:0.06751988832599078	taken:0.0665966498616986	done:0.06447313592858381	:0.01
and:0.18483766766471235	he:0.1830391928808155	be:0.1261898031795597	had:0.1100760654772601	was:0.08675284966254097	He:0.08165954618298725	have:0.08151363521192855	who:0.0760135807713025	has:0.05991765896889329	:0.01
of:0.3437991510123598	and:0.1520540757257867	that:0.10461534850857192	the:0.10182959442989352	which:0.06918645768564832	to:0.06392166845787794	I:0.05551964504706919	by:0.050396741491602226	a:0.048677317641190515	:0.01
and:0.30270925673550475	fact:0.16943001944517186	so:0.11358010044095931	is:0.11266763121327539	know:0.07568042407507537	believe:0.06812016133190102	say:0.05750618905495805	was:0.047547212930166706	found:0.04275900477298741	:0.01
in:0.24333994743612922	of:0.18871067140801695	the:0.14254258973892459	and:0.10760876324558526	for:0.09174081455919121	a:0.06366595919272895	to:0.061841865908333744	In:0.057337053099849385	was:0.03321233541124056	:0.01
it:0.2785617870082724	It:0.14058657073537018	as:0.12754388100244876	which:0.12453991685388906	that:0.10374278837395835	they:0.0775235962159316	there:0.05505262519992346	and:0.04275356669332104	he:0.039695267916885144	:0.01
to:0.26897519130242137	of:0.16081543035727675	for:0.11714483115963774	make:0.08918695588980423	found:0.08595813878372148	on:0.08281376223480798	have:0.0666505341149882	and:0.0598785134313255	made:0.05857664272601674	:0.01
the:0.3299177818426395	of:0.17897670274827274	to:0.1253793792460873	and:0.10985980430753879	in:0.06240993305390326	for:0.06192854377065038	be:0.05083764956696977	was:0.037005804169285124	is:0.03368440129465309	:0.01
of:0.29173657289573296	and:0.29126529783117394	that:0.1336705451206094	for:0.09421536276555363	but:0.048200223896177	in:0.04592621935987953	when:0.030774200971511158	which:0.02762993813359276	where:0.02658163902576959	:0.01
of:0.3822267293020148	to:0.11680442502681743	in:0.11253776049377286	and:0.08612852176198103	for:0.07209232814807053	by:0.06496623757713473	that:0.058887759385275316	on:0.05041954976271099	with:0.04593668854222241	:0.01
the:0.7791219070888459	this:0.0672744601969436	tho:0.042184884042964776	The:0.02202938815170381	civilized:0.020679568320106295	whole:0.01637855699250399	tbe:0.01457204512374173	our:0.014162600630292649	a:0.013596589452897337	:0.01
of:0.34591504973702775	and:0.12483338512162416	to:0.10395470271536034	in:0.10229269629311658	that:0.0752191272242853	by:0.0653861442717251	for:0.05943838081256749	with:0.05794835135118078	from:0.05501216247311261	:0.01
of:0.26911238776052276	in:0.17993539318720767	to:0.11387732616489309	and:0.10814601272283807	by:0.0796036888830612	with:0.07564346074990082	for:0.06854809221883984	from:0.049503978702720386	things:0.045629659610016284	:0.01
the:0.3529507509674569	of:0.2357611629749357	to:0.12888654523496526	and:0.09050904376590592	in:0.041332979375058594	be:0.041256673741006576	for:0.03751470473767561	<s>:0.03153370030713519	a:0.030254438895860214	:0.01
the:0.47569967554500103	other:0.0866575576429309	and:0.0827567752655112	different:0.07125654321952284	all:0.06814327588039588	of:0.06611276453950302	tho:0.048453460542818905	various:0.0464112100144847	some:0.04450873734983156	:0.01
hundred:0.1481179251210662	up:0.14644756016866822	in:0.12711489691271313	one:0.12601830251110446	;:0.12486460065164207	each:0.08093270772184304	made:0.08073859259428112	it:0.07922848935361985	it,:0.07653692496506183	:0.01
years,:0.16270601460719009	time:0.12852657470430354	in:0.12362720187448058	;:0.11832081493207328	porous:0.10266144924516125	hundred:0.09437684786729499	it,:0.09322632357261036	States,:0.08499726460405173	manner:0.08155750859283398	:0.01
the:0.5143213450542736	of:0.2214660391349986	for:0.05827727426551056	and:0.0489010393807108	to:0.0345047382292867	other:0.031142120126911255	by:0.02962227734548844	The:0.026171292827287664	at:0.025593873635532394	:0.01
to:0.6871786982645763	will:0.089817532328766	and:0.06581685308978054	would:0.05080824949192814	not:0.03356560003643377	shall:0.017908440787877827	should:0.016314977765610514	may:0.014573183876782522	can:0.01401646435824439	:0.01
to:0.3801713410396947	will:0.16905314483498002	would:0.09527916658290728	may:0.08675332896552816	should:0.06283728370881102	shall:0.06007446359778352	not:0.056307515032875996	must:0.039927651800072135	can:0.03959610443734722	:0.01
that:0.38314639234260467	when:0.13078830405217987	and:0.10494735551057087	which:0.08901523310559767	as:0.07679054931488126	if:0.05540889644007941	where:0.05373268422396405	but:0.05232720105559394	said:0.043843383954528206	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
of:0.485391782194014	in:0.11366830798796802	and:0.09050880669839421	with:0.07883882809502123	for:0.07019603557958116	all:0.050222985028457214	from:0.036115658599083576	are:0.033793590559366427	by:0.03126400525811411	:0.01
two:0.1826055870384107	four:0.12690581682095378	five:0.12484659650009236	three:0.11893494039958098	many:0.11410972830366724	ten:0.0914491570533103	twenty:0.08923616700876635	thirty:0.07201272671241321	six:0.06989928016280508	:0.01
<s>:0.41794859059587275	.:0.271413068387096	it.:0.06308578241521688	-:0.05774280587311519	them.:0.04814298676759987	sale.:0.038733448397789215	of:0.03490046573483975	follows::0.03086548030142794	W.:0.027167371527042287	:0.01
the:0.26033142712954094	and:0.23987495980675702	of:0.16408557327611512	to:0.08884727619044282	a:0.06378889501218282	in:0.047543939209417525	be:0.045404355414281714	was:0.042334429685261715	or:0.037789144276000323	:0.01
let:0.35051658468754493	to:0.22271882445901342	Let:0.16719635653668316	do:0.046330072662139156	for:0.04546627187215058	of:0.044054733263461245	with:0.04333206805952396	made:0.04028442656014591	have:0.030100661899337584	:0.01
have:0.17431113488219324	has:0.15537012517769366	had:0.14131812333106056	be:0.1333158673287769	and:0.10666529685020376	was:0.0994127271709661	been:0.07465803520178178	he:0.05347276875027741	is:0.05147592130704663	:0.01
and:0.22646225889984659	to:0.1793663175554533	of:0.16273196773080137	the:0.14441230832401444	in:0.06671702552099562	be-:0.06590235747966394	that:0.05175613165960595	was:0.04831311007520194	for:0.044338522754417	:0.01
to:0.72252744926916	will:0.06571415000862534	and:0.050218398543540446	of:0.03646323733589215	would:0.02505052278559612	not:0.02414159765596147	the:0.02358599869326482	his:0.02306401423801764	shall:0.01923463146994202	:0.01
the:0.34170127421390223	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093987	to:0.07847171568184984	in:0.05339647102682973	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
the:0.2789523693829606	and:0.18157419591145477	of:0.11700125654501144	be:0.08597406913736913	is:0.0818804158574025	was:0.0744655952679999	to:0.06842188686370466	in:0.05410278580112861	he:0.047627425232968375	:0.01
and:0.34872928582330914	arrived:0.12656405222266	Western:0.09989662868809665	that:0.09491165467899383	the:0.07640466282372667	sold:0.07493763805005545	held:0.05699377841455062	2:0.056193047510816115	or:0.05536925178779143	:0.01
the:0.4736562639390388	and:0.18515907676286972	a:0.07781981137035485	in:0.05115738754216692	The:0.048530560309079894	is:0.041178384080621286	was:0.040937424209789	that:0.03824712824000502	of:0.03331396354607452	:0.01
is:0.14901163144893126	as:0.13158562981947516	was:0.1284999825665622	and:0.12500280372596034	able:0.10077930147221249	order:0.09195179274050277	have:0.09069709664264217	unable:0.08628623068913867	had:0.08618553089457505	:0.01
and:0.404840529696593	to:0.10291092501191823	it:0.09017419055161308	<s>:0.0752098576282943	up:0.06968084770889989	them:0.06807211080866965	1:0.06275275976279421	.:0.061465779866832444	as:0.05489299896438505	:0.01
the:0.2579878623169707	and:0.2250379985707571	of:0.21273128753233203	with:0.0853493027043452	by:0.07454305397046679	or:0.046365080966715565	in:0.03496871504824198	their:0.027154888055057304	for:0.025861810835113415	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
the:0.27839849385178445	of:0.17314187991777993	and:0.1727875748258432	was:0.07683132170174997	.:0.07300189377961029	a:0.06292553783170249	to:0.05775520001511755	be:0.054505918769917984	is:0.040652179306493966	:0.01
and:0.26640647781340615	or:0.16692599370134434	of:0.16330927357740724	in:0.09203357385304696	about:0.06924078491898882	hundred:0.06016336227891411	within:0.06004812561078174	the:0.058329929594325446	to:0.05354247865178523	:0.01
and:0.29741162641941254	to:0.18385963671505207	of:0.11049544642557428	be:0.08995640654913849	was:0.07444163795661357	is:0.0645444032283974	or:0.06321719612942556	not:0.057415582771396426	by:0.048658063804989646	:0.01
of:0.43864734078102385	to:0.12938287716294242	in:0.08826162615491284	for:0.06745434945775955	by:0.0631741958410881	that:0.06092977259268857	with:0.056671902855150474	and:0.04889974012434093	from:0.03657819503009331	:0.01
on:0.2609387661468242	of:0.23136038535219117	in:0.14104423578423314	at:0.07420932258423689	to:0.07289160437302669	from:0.05853650693545566	In:0.053915877697992005	On:0.053203803300395126	and:0.043899497825645034	:0.01
the:0.4998690605580268	a:0.13371898743509134	to:0.07747333967160182	and:0.07142022487130344	this:0.06839964681055163	of:0.05758479860008791	The:0.0350989615813553	tho:0.023813745319368824	an:0.0226212351526129	:0.01
and:0.3243481058981709	was:0.1183254908156455	held:0.10061653345026714	Beginning:0.08194282066246006	is:0.07787052591190631	look:0.07433840727139067	arrived:0.07348439933321942	that:0.0714853472708103	interest:0.06758836938612982	:0.01
and:0.3818892231731503	of:0.1106798870630027	a:0.10642845539960556	to:0.0999312164822602	the:0.094635326850952	<s>:0.053307983892831305	who:0.04980625927683238	in:0.04973885219803161	was:0.04358279566333375	:0.01
the:0.30337617970676906	of:0.18860457588018725	and:0.131061740829474	to:0.0977610809207078	a:0.0809566554459928	in:0.055741965423345884	be:0.051143240024298715	was:0.041879765140534715	is:0.03947479662868964	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
of:0.42089301755200625	to:0.0951826873972272	for:0.08799122425150872	all:0.08483632026445626	and:0.08075580768189064	that:0.07922533371071123	in:0.0593159806268313	by:0.05779702796556193	with:0.024002600549806637	:0.01
the:0.3547872924294414	and:0.14055984207026023	of:0.13417405306069213	in:0.06872272570797316	to:0.06854283350334515	be:0.059450659167203886	for:0.05787337280722519	their:0.054721050722092074	his:0.0511681705317669	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
a:0.5914565216646035	the:0.25501179122354084	one:0.04137812694703111	A:0.021815169079276404	The:0.019729134270375745	his:0.018383263950725856	to:0.015179072612935897	this:0.014498943373558379	tho:0.01254797687795217	:0.01
and:0.2808182652484284	recorded:0.11992459715138466	is:0.11459601146648146	that:0.10719611749566714	was:0.10127129399640518	are:0.086604104023806	distributed:0.0680936502147143	but:0.05624580094236255	divided:0.05525015946075051	:0.01
in:0.26501790240976764	of:0.1735686000707608	and:0.15073751634371899	to:0.12320111984592579	for:0.08137240182844493	In:0.07580927708538579	that:0.045089263037043796	the:0.04330695429386946	after:0.03189696508508307	:0.01
it:0.35835403077289185	It:0.18033896309510394	there:0.1000580278728347	he:0.08633223790107593	that:0.0786661222512119	they:0.062195379566770945	which:0.057389596688828697	and:0.04098930196902008	I:0.025676339882261926	:0.01
the:0.2897383324568781	of:0.17113076544121683	a:0.10182560711526902	to:0.08415539991493164	in:0.07588252600215935	any:0.07161219763621447	for:0.06930496705250558	or:0.0656900637021065	and:0.06066014067871868	:0.01
the:0.5644686415893422	and:0.10655165022978805	of:0.07017298416202941	in:0.054155813857814844	a:0.05198142530837699	The:0.04716790715823824	tho:0.03905637784162455	on:0.0288506420198647	that:0.02759455783292099	:0.01
out:0.1949328395511101	up:0.16327434566927937	him:0.1221975984809365	back:0.10782077504693255	down:0.09423581312769463	step:0.08226801016029717	made:0.07548262282304412	was:0.07519083918212466	them:0.0745971559585809	:0.01
that:0.3247851203756407	and:0.1709604500477219	which:0.12345040099260386	as:0.09280546875347555	but:0.06958564316179966	if:0.06389571977089716	when:0.05188396225961981	what:0.04673959917634414	for:0.0458936354618973	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
the:0.537741835985264	of:0.20036174365928985	in:0.07569903307219265	and:0.03710848225416974	The:0.03609763177488926	for:0.03513298658468653	tho:0.024920501950641275	his:0.022451392932775663	all:0.020486391786090893	:0.01
of:0.2259884777378865	in:0.1279502676123141	as:0.10803511903377902	with:0.10289676309994414	to:0.10092096777749439	is:0.0958816162923596	and:0.08543175696245596	was:0.07364376919960383	for:0.06925126228416238	:0.01
of:0.23196931822841088	to:0.1414409652969743	for:0.13275300214239147	in:0.13198872710179552	at:0.11599468116308277	and:0.08415516272805522	on:0.06320900735398632	In:0.04609012142899504	by:0.04239901455630834	:0.01
and:0.18784336682063274	as:0.15114329179679575	went:0.11423878004667351	him:0.10666558228731272	them:0.09110223752457794	up:0.08733803455919152	is:0.08689480544253657	go:0.08340199801381315	able:0.08137190350846597	:0.01
of:0.4350691121933087	in:0.17590693507051808	to:0.10103820455278757	In:0.054102443561787054	that:0.04894784282719978	for:0.04796761694587245	by:0.04368040144683445	and:0.04226712549192658	on:0.04102031790976529	:0.01
and:0.43298108244982425	was:0.09985491030549937	is:0.08880700002377488	not:0.08336851227784031	are:0.07318423286141337	or:0.07057673131679164	be:0.04992597792635812	of:0.04594162752348317	that:0.0453599253150148	:0.01
will:0.29182253548766285	to:0.24212373449862867	would:0.10463643991981608	and:0.07649267416393875	not:0.06760052627578993	shall:0.0664683552503892	may:0.05636557799066667	a:0.04575407365197526	must:0.03873608276113249	:0.01
one:0.24826286203849657	day:0.11898601728843455	man:0.11839115094119833	two:0.11607430176347816	lot:0.08987911707858826	on:0.08518404274235834	owner:0.07231162318235562	action:0.07055725244364161	men:0.0703536325214485	:0.01
a:0.5095111952340593	the:0.24120505304496262	his:0.08453597349064886	our:0.03121839641330295	large:0.029681329032107504	The:0.024834894311591433	great:0.023946537514192217	their:0.02311869626626671	her:0.021947924692868485	:0.01
the:0.24236202073652988	of:0.20536500222371457	and:0.166871077045992	in:0.11764969379678739	a:0.06877339806465796	was:0.060401645356168765	is:0.04771002123545104	are:0.041303355003815344	be:0.03956378653688296	:0.01
.:0.21501096008180423	Mr.:0.12243234666975149	W.:0.1181924167404374	A.:0.10394004218826797	H.:0.09927372859814868	Mrs.:0.09662911930875581	J.:0.08649298444182209	C.:0.07660685443402841	Dr.:0.07142154753698392	:0.01
may:0.2736371148623866	to:0.22042444070840123	will:0.12024769085177778	would:0.11084350691998865	shall:0.10036354842981829	should:0.07782078445448105	not:0.03159855639494238	must:0.030219359467221412	might:0.02484499791098277	:0.01
the:0.35087108279806445	two:0.16495353215752143	several:0.11329330059703481	other:0.1040005627625072	various:0.06724719018293814	three:0.06330296537712005	of:0.054114260289272124	their:0.03845357123839264	respective:0.03376353459714919	:0.01
to:0.46167632376196643	not:0.10567841071371133	and:0.09378222268724579	I:0.08969064244161043	will:0.06034696336000035	they:0.05977599199844437	we:0.05677088161518995	would:0.0356287082018139	who:0.026649855220017324	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
of:0.19308172605123902	to:0.14252918169900639	no:0.13158675402633627	take:0.1201605189348345	took:0.092165265194511	and:0.08897594962916769	not:0.07922203129460016	taking:0.07345133172072439	for:0.06882724144958068	:0.01
part:0.37906373739040805	survey:0.1573083826255115	holder:0.12540062737925597	payment:0.10041604916230558	one:0.0707350101513161	date:0.05272941326217827	plat:0.04292238113133336	conviction:0.03245856620345897	sale:0.02896583269423208	:0.01
the:0.22847943755000708	and:0.19745618007636237	<s>:0.1336777366589496	that:0.10706438024028705	of:0.10322535169124633	to:0.07965113962753172	The:0.06202240233111355	it.:0.04536927327872958	which:0.033054098545772674	:0.01
the:0.26854627281045024	of:0.17708706737476784	and:0.1417476537773518	to:0.12960930879874485	a:0.09521282593305584	The:0.052263944075778744	in:0.04308952380981503	his:0.041601673623151494	for:0.04084172979688431	:0.01
and:0.3024842444279261	was:0.14789652250066207	is:0.09596900870974386	be:0.09291209349185649	are:0.07962562552501436	that:0.07617621460107377	it:0.06766289852403745	been:0.06429887727346362	made:0.0629745149462221	:0.01
and:0.3079069995791492	of:0.15703359043111892	the:0.09695346957938132	be:0.08008775556196852	a:0.07801796281644581	in:0.06960382693033287	is:0.06885254681667446	was:0.06803906530008293	he:0.06350478298484587	:0.01
and:0.41754400016008275	but:0.14895499642259144	that:0.13960424227266444	time:0.09215848983461562	him:0.04863495259663283	day:0.04575944027695024	But:0.0433757552925112	ago,:0.028663469063633904	or:0.02530465408031754	:0.01
part:0.21854526426338958	one:0.1652884820397273	and:0.11405805422343263	out:0.10912272448602958	some:0.10404106574340154	all:0.08364994580865807	that:0.06838801643934514	portion:0.0660026389357515	members:0.060903808060264714	:0.01
the:0.6262269164487602	a:0.0971338051179418	of:0.0843890748244908	and:0.03607268682347627	tho:0.03583774493896861	The:0.03419669083699694	his:0.0300702142775371	to:0.02692102232282863	by:0.019151844408999568	:0.01
that:0.24181700519297772	and:0.21559357952928562	which:0.1155605389461071	as:0.10941783645145525	when:0.09150290451756328	but:0.07728992127364732	to:0.05083803155922771	will:0.04495842337172802	if:0.043021759158007815	:0.01
the:0.3774952610716623	an:0.1238994049621466	a:0.09531588756730439	his:0.0772759729740486	The:0.07184698053992358	their:0.07115049530080882	to:0.07099993443641098	and:0.06585219656994497	its:0.036163866577749705	:0.01
of:0.3054329058507132	to:0.15906760295510997	in:0.12902919758289547	and:0.09997258875366775	that:0.07006636951133878	on:0.06848120619114166	by:0.06277378821945775	with:0.049587478672061404	from:0.04558886226361389	:0.01
the:0.2198967676810066	of:0.15087642019255576	and:0.13946771304087177	a:0.12340322864126256	to:0.1050849396491143	in:0.07488170861247744	by:0.06562294210061671	at:0.05546145076890822	for:0.055304829313186615	:0.01
his:0.35128219240864894	her:0.2762402714481091	my:0.08944356445350474	the:0.05893308842252595	a:0.051584384492485265	and:0.05034175777937733	our:0.04130102782378877	their:0.03855643077860151	His:0.032317282392958176	:0.01
the:0.32053294908695656	of:0.18193818702872375	and:0.1398472893825691	to:0.08968792499603137	a:0.06341412065310245	be:0.05020854001143692	in:0.04920774794792851	for:0.04786693797355062	was:0.047296302919700675	:0.01
of:0.2910749848149078	to:0.129781259005661	and:0.12638439145720498	with:0.08446656368762466	is:0.0796349642756244	in:0.07915599133219067	that:0.07612206044533577	for:0.0663030425085373	by:0.05707674247291327	:0.01
away:0.19041587022310327	and:0.16519107313931605	taken:0.13090618369387813	miles:0.11772895341262953	feet:0.10551786830952455	come:0.07393483029145144	them:0.07169234007196142	out:0.06832721446888708	came:0.06628566638924843	:0.01
the:0.3547872924294414	and:0.14055984207026023	of:0.13417405306069213	in:0.06872272570797316	to:0.06854283350334515	be:0.059450659167203886	for:0.05787337280722519	their:0.054721050722092074	his:0.0511681705317669	:0.01
at:0.42609952463298467	to:0.27298643147087687	of:0.07266550173374939	for:0.045571066804945874	from:0.039503959777745956	in:0.03627541018190988	and:0.03360767875375125	as:0.03352173117732201	such:0.029768695466714144	:0.01
the:0.7045656590991395	and:0.07167121172586384	of:0.06881909137831527	tho:0.044758408860448226	The:0.03058144068214775	a:0.02214425612304691	tbe:0.018861439603256484	our:0.016260167875014997	an:0.012338324652767184	:0.01
in:0.24333994743612922	of:0.18871067140801695	the:0.14254258973892459	and:0.10760876324558526	for:0.09174081455919121	a:0.06366595919272895	to:0.061841865908333744	In:0.057337053099849385	was:0.03321233541124056	:0.01
the:0.25291993426548837	of:0.22614730499998045	in:0.21525723520323803	to:0.07644665803712171	In:0.054633659433317494	from:0.05169148925665085	and:0.039257132637253805	The:0.03842110928588036	for:0.03522547688106889	:0.01
arrived:0.24171150011422157	and:0.22602697870398286	held:0.10965961187587671	was:0.09028080626775076	Beginning:0.07848246292098217	look:0.06940673969991693	interest:0.06536026650527933	arriving:0.056037898603551434	place:0.0530337353084383	:0.01
a:0.5102156358177581	the:0.30722904839410736	by:0.04598792837641373	The:0.03344105495856333	A:0.022528390035489156	any:0.01909926645011974	said:0.019009018093076393	tho:0.016339737776323315	every:0.016149920098148782	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
of:0.2408929660922114	the:0.21084807757115478	a:0.15420881699491792	and:0.10010645380725046	to:0.08897600646377542	in:0.07297974000448458	for:0.05043284463510343	in-:0.03798204688191537	from:0.03357304754918673	:0.01
of:0.3287306789120502	in:0.1779108341476497	to:0.11735395747395971	and:0.07290950567364038	with:0.06477586893074787	that:0.06448973785599761	by:0.060856571000283965	for:0.05195015906040411	on:0.051022686945266446	:0.01
one:0.2617741089986468	out:0.15556960502827208	part:0.13008893117226905	some:0.11334280627319533	time:0.07945996676975539	account:0.07275376099225171	all:0.06506597645229725	and:0.0565737601528326	that:0.05537108416047968	:0.01
the:0.4122351499127944	a:0.165456469985852	at:0.11547034985298867	of:0.09103329063818313	to:0.062135129265690675	in:0.05058682222326884	and:0.03760310300235091	The:0.029895908773394573	from:0.0255837763454768	:0.01
;:0.20953252095776806	it,:0.11451281996419217	him:0.11252660622910599	one:0.10399558216214487	in:0.10038399485273586	and:0.09216727949281207	,:0.08702126563998025	it:0.08638247894281384	up:0.08347745175844686	:0.01
that:0.38314639234260467	when:0.13078830405217987	and:0.10494735551057087	which:0.08901523310559767	as:0.07679054931488126	if:0.05540889644007941	where:0.05373268422396405	but:0.05232720105559394	said:0.043843383954528206	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
just:0.1656039721659009	and:0.15632349367944434	is:0.1259964074713573	such:0.10164846500174618	well:0.09791772522174454	far:0.09638031355853462	it:0.09579489107342144	are:0.07859447935027128	not:0.07174025247757922	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
that:0.23655547065355592	and:0.19075007468493219	as:0.16881644873376817	which:0.09499665440284881	when:0.09039607863854102	but:0.08854952612087255	if:0.05535441368553309	where:0.04097071563348131	what:0.023610617446466895	:0.01
and:0.18355764930615776	is:0.12199152939682234	able:0.1218078483185765	him:0.10952034909566916	as:0.10114535296467005	time:0.09871738198555693	was:0.08648935771817114	enough:0.08574432039063426	not:0.08102621082374178	:0.01
the:0.5148747970772126	and:0.11839298321902152	of:0.10278041995099961	a:0.0881047403658123	his:0.036438117337501554	The:0.035035150837525605	in:0.03295253961437825	was:0.03253235245703435	tho:0.028888899140514214	:0.01
put:0.2942490003488925	made:0.11295746192261916	taken:0.09921869298984244	it:0.09396455248985647	set:0.08805328796937878	came:0.08468800579581919	looked:0.07627125255647946	brought:0.07043141383064243	and:0.07016633209646951	:0.01
that:0.27984173992435063	and:0.1836326081709157	which:0.12970655320008515	as:0.11113470605849761	when:0.08033405268408184	but:0.07818675584806874	if:0.05545024354886723	where:0.042160712041449624	because:0.02955262852368352	:0.01
of:0.3731904146919868	and:0.1366861578823702	in:0.11397361272651076	with:0.08532774602709546	to:0.0794649746577838	by:0.068032647665221	from:0.056291827046950356	that:0.04077614188257402	on:0.03625647741950766	:0.01
of:0.2885798619339453	the:0.16113268919067478	to:0.125638865597436	and:0.10394037205576806	a:0.08881353919503548	<s>:0.05942501813304351	.:0.058805055429127756	his:0.05837022257181931	or:0.04529437589314969	:0.01
the:0.2974502811850691	of:0.22091422415753312	to:0.09236837889488791	boy.:0.0741306415053232	and:0.06960437249933987	girl.:0.06679148007921792	a:0.06486805677156715	in:0.05550313372308324	for:0.0483694311839784	:0.01
and:0.21170656366811744	the:0.20084302642905588	of:0.1346717093654248	or:0.08998774835105411	be:0.08658065863290873	in:0.0782409183259601	to:0.07564889042461188	re-:0.06293870181499796	are:0.04938178298786903	:0.01
to:0.23084164089153653	the:0.19599676182946477	of:0.16555747408636154	and:0.15864168240412752	a:0.06474452365459166	in:0.05071236753640227	at:0.050063002462748356	for:0.03808870392664653	is:0.03535384320812078	:0.01
the:0.4429499034654118	a:0.13052226509020115	and:0.11480613739159481	of:0.07777254387606373	Mr.:0.06459854824300688	The:0.059181845059125035	to:0.03909671378603618	tho:0.03329489204583525	in:0.02777715104272507	:0.01
and:0.28975067776000624	him:0.12109828244237707	that:0.10823557848281048	time:0.08483096526564791	them:0.08261303954442396	;:0.08137119110958504	it:0.07836519067201875	out:0.07524234257435633	up:0.06849273214877424	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
of:0.36237699085490277	and:0.1584298618362114	are:0.10214021743423173	is:0.08583334846083975	in:0.07783911308007348	the:0.058587095982988835	by:0.049630694380258404	now:0.048775650303785736	for:0.04638702766670801	:0.01
we:0.20757094094880893	I:0.16892263454908937	it:0.11435597292913062	they:0.10474182841168436	he:0.09683988593906412	and:0.09426244802225471	who:0.09291452721652815	which:0.07079130601729397	you:0.03960045596614569	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
;:0.20953252095776806	it,:0.11451281996419217	him:0.11252660622910599	one:0.10399558216214487	in:0.10038399485273586	and:0.09216727949281207	,:0.08702126563998025	it:0.08638247894281384	up:0.08347745175844686	:0.01
of:0.4476274179224025	in:0.118019653266033	to:0.11089159219906009	the:0.08455982172625014	that:0.06827437508575157	for:0.05033030935250554	and:0.04863330290936158	by:0.03315490512809771	on:0.02850862241053794	:0.01
the:0.2827065737813239	in:0.16765002055805578	of:0.16519745985051656	a:0.09537877447462491	their:0.07588856692554562	his:0.06658552824877442	and:0.052032475518667666	for:0.043703965777485934	In:0.04085663486500515	:0.01
and:0.26270047573215943	so:0.1461895125442272	fact:0.10517722889403827	said:0.10283583111640612	all:0.08134018284050132	say:0.08106053719115747	of:0.0786944962295119	is:0.0742746058325398	know:0.05772712961945849	:0.01
it:0.23523516688340418	he:0.1949380689438289	that:0.10923818018529863	I:0.09755327272812414	It:0.09535578230345397	and:0.0830760836603453	which:0.062915907272406	they:0.061203398618126195	she:0.050484139405012646	:0.01
and:0.34099135133065345	as:0.15247106953775127	when:0.12188423250068865	that:0.09924578955050195	which:0.08762108472466235	to:0.061698277055190064	if:0.046847726388440016	but:0.04451325265107586	before:0.034727216261036545	:0.01
thence:0.21715281014009255	and:0.2056867061995227	parallel:0.14305573765016166	accordance:0.09496683049019686	covered:0.08931439209124285	angles:0.06919052505615908	line:0.06406548861365718	filed:0.06297568555125933	connection:0.043591824207707755	:0.01
of:0.30518829338756165	to:0.14869572830046418	and:0.10836115253695225	with:0.09614259097119644	in:0.09474992687286074	that:0.06901300199057644	on:0.06529426242542734	for:0.05171420415441021	as:0.050840839360550866	:0.01
and:0.231097648018139	<s>:0.2267677513535834	it.:0.12893551223630284	that:0.11108100278148268	them.:0.09933677447350732	time.:0.05138942494321591	as:0.05113533442237143	?:0.04924819590233231	country.:0.041008355869065115	:0.01
the:0.22053256332557677	and:0.19922708070064743	of:0.18507025975968025	to:0.10122273242058624	was:0.07970885839373197	.:0.06199378201612254	Mrs.:0.05428783510135331	<s>:0.045139088406613896	were:0.04281779987568764	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
he:0.2203114717409328	I:0.13332085862353324	who:0.11597523954148758	that:0.10317672403332843	which:0.10314830214973111	He:0.09764872525020823	it:0.08336971225519454	and:0.07573791308604176	she:0.05731105331954247	:0.01
the:0.22669854374274823	a:0.16065144283152755	and:0.1568205597537097	of:0.14859189720612156	to:0.10768267476423311	in:0.05931814572121812	be:0.058573375309931834	was:0.03748628502926306	is:0.034177075641246855	:0.01
in:0.1600148000122475	time:0.13429312232402194	men:0.12364702681928638	life:0.10589270687463352	man:0.10542813110372078	strength:0.10296635100575803	out:0.09057303129861077	city:0.08538673791766892	right:0.08179809264405212	:0.01
in:0.261148966665051	of:0.21067357476621087	to:0.1364737716512774	with:0.0784322438057976	from:0.07127929825705684	for:0.06747220566425505	on:0.056343949273573814	and:0.05562758158433989	In:0.05254840833243781	:0.01
of:0.2654257056900848	to:0.11783053526031911	on:0.11517204739331983	by:0.0975387635932269	is:0.0934069380369295	and:0.08491985804523966	in:0.07817766309889891	for:0.07287516870112425	that:0.06465332018085714	:0.01
it:0.21126069775507125	It:0.1831895455929303	there:0.15243081931439578	This:0.12549307138489027	which:0.08534049199213582	that:0.07422174987419852	There:0.07000327034653116	this:0.04763478321203853	and:0.040425570527808354	:0.01
and:0.29169997815308213	was:0.1328703627143118	out:0.08873310066938216	that:0.08746131418060452	placed:0.08440072742047074	work:0.08020079681811661	made:0.07677797059304475	is:0.07472371838239819	up:0.07313203106858901	:0.01
the:0.27427928740271795	of:0.19270382086662288	and:0.1317841851443553	to:0.12574694036492265	in:0.06569727832729277	a:0.06552783895488036	be:0.05457765110028663	for:0.04048153641103008	his:0.03920146142789138	:0.01
the:0.38016907608406997	a:0.21729839759408878	and:0.08093786070469655	electric:0.07401239497327186	of:0.057395070052331056	that:0.05423772678979073	The:0.04827137949742727	this:0.04685629518831275	no:0.030821799116010833	:0.01
the:0.4339416998232575	in:0.17961930567045353	of:0.13283670847538823	for:0.056714967287137735	In:0.044630302600798526	mence:0.043630825078154724	or:0.036563950777393335	The:0.03251302286588195	and:0.029549217421534612	:0.01
the:0.3853602441954772	and:0.144238214582872	of:0.10966263127273272	a:0.10959681188916366	in:0.06356254473512218	are:0.051793627886771554	from:0.04734970644568358	is:0.039611403488752965	for:0.03882481550342409	:0.01
that:0.27726829813103837	<s>:0.18576421478779764	and:0.13964734518616667	it.:0.08003256237265897	but:0.07563120654630585	as:0.06870297736757497	when:0.05846355969957288	which:0.05312758046307606	him.:0.051362255445808504	:0.01
is:0.21302937844984368	was:0.19620486783766344	be:0.15171874340136804	are:0.11389184569853913	and:0.08353602658005743	been:0.08043482547252788	not:0.0771031512564929	were:0.045539257892551234	Is:0.028541903410956283	:0.01
well:0.262423848866177	and:0.1216342764774017	is:0.11872930730988646	known:0.10330606167026617	was:0.09622282023626828	far:0.08198522906601982	be:0.0730403754080065	just:0.0667832602061202	such:0.06587482075985404	:0.01
the:0.2949361512864601	of:0.26753023883635263	and:0.11604195146507086	raw:0.08476888680420329	all:0.07176648130246618	or:0.06526260845100817	for:0.03622565582737739	such:0.028432623958422443	many:0.025035402068638773	:0.01
to:0.49029542359622835	of:0.11355589360800032	at:0.09345633126863113	with:0.07240009470071901	upon:0.0480353227662608	let:0.04574285314094689	for:0.045159150360722225	on:0.04344997446396853	from:0.037904956094522706	:0.01
the:0.3052473642317211	a:0.22181452466962606	of:0.17146623118845103	in:0.08428740301651041	their:0.049216999438501934	this:0.047574035562823004	and:0.04446801010633146	to:0.035107396321215255	his:0.030818035464819676	:0.01
he:0.28681470750862037	it:0.1395069695900371	they:0.1177984522471661	who:0.09421079062933686	which:0.08281670969188282	It:0.07220124664163045	she:0.0711190282275254	I:0.07081388708371118	that:0.05471820838008978	:0.01
and:0.20752712108598492	to:0.1522915347038205	of:0.1502425564184337	in:0.11737935976604057	be:0.09333222850501684	the:0.08416089648102953	was:0.08414806655334496	is:0.05405650430443226	he:0.04686173218189661	:0.01
of:0.31662382482780055	the:0.1882228432280848	in:0.11578788137479394	and:0.09407676728996123	that:0.0748891728352496	to:0.06204412499286629	The:0.052928240553401264	for:0.045864762222283736	Mr.:0.039562382675558685	:0.01
and:0.32103309027613364	I:0.15916787399583626	to:0.11336480498182688	they:0.09481058073848325	we:0.07981438632002893	the:0.07729302212654895	who:0.05524480487573585	that:0.04627199796792163	he:0.04299943871748445	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
the:0.2603384109054656	a:0.17631396693754886	to:0.16248729555323216	and:0.12297424874305868	of:0.10077056151746781	be:0.045438386953192494	was:0.0420999085814214	for:0.04201326408974992	or:0.03756395671886316	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
;:0.3088621443053699	him,:0.10974679128936932	is:0.10004626821138816	given,:0.09459375394598674	it,:0.09217300704881373	,:0.07894274523906	them,:0.07149819939040467	was:0.06712084807818237	time,:0.06701624249142513	:0.01
of:0.4798591533206259	in:0.16688349577450629	the:0.11061038698143934	by:0.07175495587769817	to:0.045935530364546985	along:0.038288959533433246	on:0.035486245106911986	In:0.024305945789374946	with:0.01687532725146321	:0.01
a:0.5457636047808747	the:0.1499912955564929	very:0.06714039325639999	but:0.053047814505814056	of:0.04486003364879763	and:0.03921229272247331	A:0.033676518519295234	is:0.031618990685933955	with:0.02468905632391808	:0.01
the:0.7743081662301694	The:0.0438955573272052	tho:0.039814449839081105	of:0.0363550551486718	a:0.030172844820666685	general:0.021391177996805958	and:0.01725616322924522	in:0.013953066447465759	tbe:0.012853518960688958	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
the:0.2974502811850691	of:0.22091422415753312	to:0.09236837889488791	boy.:0.0741306415053232	and:0.06960437249933987	girl.:0.06679148007921792	a:0.06486805677156715	in:0.05550313372308324	for:0.0483694311839784	:0.01
made:0.3028069374576309	and:0.2023193696646394	caused:0.07375981344017991	shown:0.07207509517503563	up:0.0704269184181151	ed:0.07002219172812583	out:0.06751988832599078	taken:0.0665966498616986	done:0.06447313592858381	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
the:0.37940320615343537	a:0.3251677717353306	of:0.0770683687816541	and:0.041213621088021256	The:0.04009654064575178	very:0.03792065003882838	tho:0.036141373959839906	his:0.027322917610294373	in:0.02566554998684408	:0.01
the:0.34170127421390223	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093987	to:0.07847171568184984	in:0.05339647102682973	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
of:0.252967565088427	to:0.2154020023337419	in:0.14937112723645735	and:0.08007959789935278	with:0.06727550951784919	for:0.0606393522367563	at:0.0578196829521757	reserves:0.056755137889726436	have:0.049690024845513464	:0.01
to:0.26347294911523633	the:0.2020794349295647	of:0.1554586945041886	and:0.1037219701120252	not:0.09492145302753965	for:0.04905066155861364	or:0.04812685729710847	at:0.03659427367550648	in:0.03657370578021699	:0.01
the:0.36113814607876255	a:0.16062133708668042	of:0.13766549112146684	lode:0.11112972515804857	by:0.05151856856606199	for:0.05115365939894233	and:0.04209312595401892	this:0.037770465586368526	that:0.036909481049649875	:0.01
and:0.29109601536607294	it:0.12434885162805882	that:0.12015109726859595	them:0.09913460526338654	found:0.08052004255558008	but:0.07809129229539007	is:0.0730689432044109	or:0.06429978511056514	not:0.059289367307939475	:0.01
of:0.3226309604095595	in:0.17917491520159243	and:0.09809122982336861	to:0.09506463609155288	with:0.07691729424245838	for:0.07115316083243621	by:0.05063411041779492	all:0.050355177771641675	from:0.04597851520959545	:0.01
as:0.13670780440079186	able:0.12114761842857803	is:0.12061925147248433	and:0.11557745869156877	order:0.10613101118600995	enough:0.09916386986848207	right:0.0985746132379881	power:0.09687953837910758	necessary:0.09519883433498935	:0.01
and:0.26257106308204076	looked:0.12287531499455905	depend:0.12123282867877609	called:0.11986255426042441	look:0.09159892763670179	due:0.08045832343966322	down:0.06806979470247579	made:0.06215402554092398	imposed:0.06117716766443501	:0.01
and:0.30270925673550475	fact:0.16943001944517186	so:0.11358010044095931	is:0.11266763121327539	know:0.07568042407507537	believe:0.06812016133190102	say:0.05750618905495805	was:0.047547212930166706	found:0.04275900477298741	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
the:0.24938217117942993	or:0.22090315410702419	and:0.1904674555573121	of:0.09735789202740994	for:0.076651629613484	in:0.07599068788941207	to:0.02747887384279491	from:0.026363195389831864	with:0.025404940393300893	:0.01
of:0.3308442922213523	to:0.14324719883422168	in:0.131701708736979	with:0.09441568321518252	on:0.06848424163509254	and:0.061113441995290306	for:0.058435646153575084	by:0.053828364319508125	from:0.04792942288879831	:0.01
of:0.37523527315584804	to:0.1256708478872273	the:0.12488893436605544	and:0.0873240514615848	in:0.08036907591259639	a:0.07913646887372239	for:0.04275886421509953	with:0.04004708304180838	that:0.03456940108605776	:0.01
to:0.2861574676955082	will:0.2655588868608264	would:0.11223723317407126	may:0.08024253934170913	should:0.06780843619328424	shall:0.05897633158522412	not:0.0527907703839529	must:0.034943802635305735	can:0.03128453213011797	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
and:0.405535461608438	all:0.11288402206034984	of:0.10062224278767763	to:0.09347286989630613	time:0.0603652141040139	but:0.058366087693992263	for:0.05624089623797205	fact:0.05352809601988258	things:0.04898510959136763	:0.01
and:0.2821737289069189	to:0.19413284774131817	of:0.1589130824316352	the:0.10041139067974489	is:0.05771364487070763	be:0.0522597541167705	was:0.05031425251084556	for:0.050252250975965314	which:0.04382904776609387	:0.01
they:0.25102373835046404	who:0.18849622354741796	we:0.14879305063268888	you:0.08928723112864825	and:0.08171905474783249	We:0.07690789173464699	They:0.061218185880835906	which:0.04888956657191334	men:0.04366505740555205	:0.01
the:0.6008046886248314	The:0.12367994392542814	in:0.07224495154373729	a:0.056822318926315556	In:0.038833593795691686	of:0.03037014271516066	this:0.029994437904648136	tho:0.024453532788742148	that:0.01279638977544516	:0.01
and:0.3081382737094838	said:0.1730589697868629	fact:0.11175374042727584	stated:0.09076470050424858	so:0.07733344451894188	him:0.06626454011197734	know:0.06377304208821115	say:0.049787186448953615	is:0.04912610240404502	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
of:0.37129731442134983	to:0.13241267126379794	that:0.10112223076570377	and:0.0983466802629153	by:0.07114256271600375	in:0.05987988915222827	with:0.05977196669929737	from:0.04922706634406045	for:0.04679961837464339	:0.01
and:0.15056516788676827	it:0.13498007844175833	them:0.12002258605821971	time:0.10917031156541863	men:0.10436258206638721	day:0.10358945783393914	him:0.09412982262057698	well:0.08780029434140067	made:0.08537969918553119	:0.01
and:0.35101631409702017	to:0.3075507819429897	of:0.09827430757748028	the:0.06388473447715771	who:0.04034412311986204	or:0.03705510190539421	not:0.033928382087652253	by:0.02924135405601117	he:0.02870490073643255	:0.01
to:0.23084164089153653	the:0.19599676182946477	of:0.16555747408636154	and:0.15864168240412752	a:0.06474452365459166	in:0.05071236753640227	at:0.050063002462748356	for:0.03808870392664653	is:0.03535384320812078	:0.01
to:0.26347294911523633	the:0.2020794349295647	of:0.1554586945041886	and:0.1037219701120252	not:0.09492145302753965	for:0.04905066155861364	or:0.04812685729710847	at:0.03659427367550648	in:0.03657370578021699	:0.01
<s>:0.2671227151699307	them.:0.2602809334268672	it.:0.1269963669060566	men.:0.06530687590352574	him.:0.05980264323668595	time.:0.05758899839933028	day.:0.05722853377878201	people.:0.0485011600010852	city.:0.047171773177736354	:0.01
the:0.2877312378235051	of:0.19715736155456412	and:0.10661576361482325	to:0.0936888670034087	at:0.07931048704451911	in:0.07888333596588125	a:0.06753769941865755	for:0.04652955750868999	by:0.032545690065950865	:0.01
they:0.1607547695039363	it:0.1550230902383805	I:0.10991514929663299	he:0.10634399749918766	you:0.10270584755573016	It:0.10006021853717872	which:0.0966256987942175	and:0.08611831152310324	we:0.0724529170516329	:0.01
<s>:0.5409122111554118	it.:0.10121584157751354	them.:0.0777264574567862	.:0.050055194854222156	time.:0.05004665472428019	country.:0.04597632644660684	day.:0.04578646934697367	him.:0.04394367485091125	year.:0.03433716958729416	:0.01
when:0.18519335098638798	that:0.17483148627196612	and:0.16730540515396544	as:0.1388739052564585	which:0.12653401750629412	to:0.06876468100539425	but:0.04438042102625283	where:0.042338818732283366	will:0.04177791406099721	:0.01
made:0.1960741967372256	and:0.1871396870032937	owned:0.10195412092350245	or:0.09016056716737458	done:0.08855716521282846	accompanied:0.08436467490851164	followed:0.08395510263548327	that:0.08371249563591915	paid:0.0740819897758613	:0.01
of:0.3257066374160444	in:0.1359657544071672	to:0.12722805117474612	for:0.08129272555234013	with:0.0805081551095784	on:0.073668871575836	by:0.06095611856579494	and:0.059722810165721577	that:0.044950876032771314	:0.01
the:0.48817405077604775	a:0.18134054927289317	of:0.08760831762148809	and:0.06743304679188465	The:0.05145073528270837	in:0.03501590100423207	tho:0.028457686875865966	an:0.02819880092682927	or:0.02232091144805051	:0.01
well:0.18763885440258532	known:0.18484329533803032	such:0.1312109444336379	and:0.11650300559404793	far:0.10672026401295966	soon:0.07431929105806054	is:0.0676950141355078	just:0.06709023500275703	was:0.05397909602241354	:0.01
they:0.21108923258683993	who:0.15874565960272466	we:0.15003923143462883	and:0.1301187468685417	which:0.10704549424532735	They:0.06880085275077122	that:0.06316720459141334	We:0.06009272733688046	you:0.04090085058287249	:0.01
part:0.37797641843938545	survey:0.16160026767866661	conviction:0.11305602921262438	one:0.10205644063682143	payment:0.07428468814218986	holder:0.05749032633769803	either:0.03862291673922256	sale:0.03329778966121727	acres:0.03161512315217441	:0.01
he:0.28117386317658294	I:0.18015313827118679	they:0.10709175574322961	who:0.08509059184066416	and:0.07405154992821493	He:0.07159762556023644	it:0.06704422993490466	she:0.06615903017682832	we:0.05763821536815226	:0.01
of:0.20974557394195853	to:0.18205102602847095	in:0.15989423732789665	for:0.11971315407750222	with:0.0926552009579524	at:0.06261860791404626	and:0.06066164209226185	from:0.05313612683665475	by:0.04952443082325617	:0.01
of:0.22795273482464826	as:0.20265558961014524	that:0.10509349327318881	is:0.1035049747081782	and:0.10201627011175127	for:0.07693084287508016	to:0.06814630313600907	by:0.053022753834548415	was:0.05067703762645062	:0.01
the:0.3310968554128374	of:0.24912122129768965	two:0.08576179820168443	and:0.07756666401659637	these:0.0604697919439117	other:0.05870751790204613	all:0.05054115586318935	his:0.040837924986600944	both:0.03589707037544395	:0.01
the:0.7010960682547406	his:0.048036897605052434	to:0.04703176885292108	a:0.03584210095924689	their:0.03374360412235028	tho:0.02752093198189463	The:0.026941413888578014	my:0.024543528620527937	an:0.02449451115985219	its:0.020749174554835836	:0.01
the:0.2891172384371097	a:0.21848523336372375	of:0.11940189048135419	and:0.11007854147907492	to:0.098439752074912	in:0.06835386657629622	with:0.02990263007835699	his:0.029774691255711392	for:0.02644615625346099	:0.01
the:0.25165038686279423	of:0.22085459616499237	a:0.14012636256762476	in:0.10157607189410749	and:0.09670018199814139	to:0.07452897746136437	on:0.04144316068991411	his:0.03208675773150225	an:0.031033504629558978	:0.01
and:0.25037799561132223	to:0.19051743664518078	of:0.12818071300755096	the:0.11341275889843262	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.05790590474591629	for:0.056443486992488516	:0.01
of:0.38084440626599225	to:0.15145867306248048	in:0.11532422082173026	and:0.08222697847643606	that:0.06855508031874946	by:0.06583473598991113	as:0.04567873360061942	with:0.04295789579497949	from:0.03711927566910137	:0.01
the:0.596438224706067	The:0.10524707217837127	of:0.0864416749661413	a:0.08171692154106468	and:0.03454788045193065	tho:0.029995107394342177	in:0.023166064969972002	by:0.01695056633794834	with:0.015496487454162333	:0.01
it:0.2669201152159276	It:0.14938227316536346	there:0.13020514838450054	and:0.09803566330909329	which:0.09525515245385396	that:0.07327076966594798	they:0.07049189406629376	he:0.06512727727457267	I:0.04131170646444674	:0.01
of:0.23353555274255985	the:0.22437539845639942	a:0.19115461155165775	and:0.14142306641650218	that:0.06525062239376075	or:0.04028296568564059	this:0.03391214512101669	The:0.031083119341217106	his:0.028982518291245544	:0.01
time:0.1608602717782925	out:0.1440935785680009	day:0.11370178586240824	amount:0.10953902266850292	that:0.10761358472390258	cause:0.09911686168317807	tion:0.08660789861309771	one:0.08466752533373269	place:0.08379947076888436	:0.01
it:0.21317888410455543	he:0.18673248127798847	It:0.14093961810063962	which:0.10085580692903923	I:0.09523457785691532	and:0.07990794076262811	who:0.06284443033512091	He:0.05697400216718626	that:0.053332258465926576	:0.01
the:0.3334916446968779	to:0.14483174923610254	of:0.13836347956101022	a:0.1353022469726462	and:0.08679645812652997	in:0.06952097042193187	.:0.031235759732179104	at:0.028167557547231103	or:0.022290133705490916	:0.01
was:0.2221881519872919	and:0.14651708147127313	is:0.14058377973742198	be:0.10632353352630693	it:0.10012693964407866	are:0.07545617875077205	of:0.06712696762296579	were:0.06623323231220357	been:0.06544413494768592	:0.01
able:0.15793634980071644	have:0.1344865151057924	had:0.12025363806611891	him:0.10492278371443058	not:0.10256387920833757	enough:0.09916821472064512	want:0.09573160697606327	is:0.09000659713698024	willing:0.08493041527091538	:0.01
it:0.25144533550676995	he:0.21071525739473962	It:0.1742038645100765	I:0.09287571763352742	He:0.09214411965449333	she:0.04741785084580567	which:0.044980354434722015	and:0.04090699342471552	who:0.03531050659514988	:0.01
and:0.33090667565595405	demand:0.11951725037001644	ready:0.0989386645738498	used:0.09514434972463201	time:0.08611259291726482	not:0.06607848366518068	vote:0.06597209943325832	it:0.0655060703120096	candidate:0.0618238133478341	:0.01
at:0.6045825407508779	the:0.27953823517938464	of:0.04011299424078839	to:0.021862776530123862	At:0.016018780074494483	The:0.010725436541307474	in:0.0059123813816869125	our:0.005870312648012563	tho:0.005376542653323958	:0.01
of:0.36206821620930685	in:0.15510214166075792	to:0.11740717458707652	for:0.0866825489592517	on:0.0753330649580382	and:0.05797881799848462	with:0.04833334435880757	that:0.045647064053349555	In:0.041447627214926966	:0.01
of:0.1977296764112105	as:0.16236734186799556	is:0.11714445471395858	and:0.09677175778520737	that:0.09437542872961581	was:0.08357915383269264	by:0.08031186848504736	for:0.07886594540065144	to:0.07885437277362077	:0.01
<s>:0.5963315644790687	it.:0.08733101394370141	them.:0.05789210909670088	day.:0.051590547728862395	.:0.04585645839239099	time.:0.045304276069630195	country.:0.03754410147486798	him.:0.03731137509048299	year.:0.03083855372429455	:0.01
of:0.4399708559153843	the:0.15448935897953098	such:0.1078705291745431	or:0.05839240328452234	two:0.0482418016502569	young:0.04782458059564649	hundred:0.04713051651472546	other:0.04404958129017539	by:0.04203037259521492	:0.01
gave:0.2512656248773312	give:0.20158383333959484	to:0.19531145342080009	told:0.10744736414092639	for:0.06352867542319006	with:0.05716282084185286	tell:0.041821411501210624	make:0.03766907711979261	gives:0.0342097393353013	:0.01
amount:0.18720641054787165	out:0.14028948944377784	purpose:0.12439991981960023	instead:0.11219993581608205	number:0.09296496683132116	place:0.08686044928684342	rate:0.08538365227981022	full:0.08151006155122432	matter:0.07918511442346922	:0.01
the:0.1852764222866553	and:0.17179665000076919	of:0.16514261327564692	to:0.11554732749030588	for:0.08055406379809159	that:0.07870276865410994	in:0.06923499798234657	a:0.06755069152256471	or:0.05619446498950995	:0.01
and:0.41783441026744556	demand:0.10480245385516418	time:0.07653161454137987	or:0.07340960769504044	made:0.06894048914569306	ready:0.06651922094886749	up:0.06426908602044941	used:0.0634388022252547	that:0.054254315300705284	:0.01
of:0.30224729600263617	in:0.15221195229999201	to:0.13855900359867113	for:0.08380910911907809	and:0.08096598743191567	that:0.06842193368213599	by:0.06063786110257405	In:0.054949731823323834	on:0.048197124939673014	:0.01
was:0.2605459677799311	be:0.19005344527352178	is:0.15343412498455802	not:0.0852409417214128	are:0.08379332772478629	and:0.0653576582121189	were:0.05977645351123232	had:0.04591894590343889	been:0.045879134888999834	:0.01
of:0.20963043813379706	in:0.13444728256379654	is:0.1124737574906512	was:0.0990687897040571	to:0.09790509753034496	and:0.09515811622543864	as:0.09199304616040622	with:0.08394916605439022	by:0.0653743061371179	:0.01
of:0.1717874828321503	and:0.13735743803241884	to:0.12837104883803735	or:0.12751224384292098	the:0.11877046731793292	in:0.08923583856816648	a:0.07774279702482254	about:0.07615414221094101	for:0.06306854133260968	:0.01
of:0.21338832523674772	in:0.1401790123224186	and:0.1293934330377488	with:0.10408959886573864	is:0.10292083424447167	was:0.08224908889474122	by:0.07954907839589143	for:0.07804424202008159	to:0.060186386982160285	:0.01
man:0.2290932470547615	and:0.17211485420616227	those:0.14001297060277318	one:0.1317547130177118	men:0.09557518639438325	all:0.0698899092936791	woman:0.059263782278469825	person:0.05359527508218083	people:0.03870006206987816	:0.01
to:0.8373194955794863	and:0.05092331623440886	not:0.04290278181280135	only:0.011506508146671427	in:0.011433989481631419	for:0.01002321809599624	of:0.009470043352807742	never:0.008319474909558502	or:0.008101172386638182	:0.01
he:0.24284557880324883	and:0.16535781784181097	I:0.1357851855754639	He:0.12680451510687799	she:0.09288798707297978	It:0.06922170010352005	who:0.056067394634025075	which:0.053419259516238556	it:0.0476105613458349	:0.01
number:0.21514286570065072	amount:0.18073061046698224	purpose:0.10734114534925904	out:0.09694986753446402	matter:0.09644940372518997	means:0.08485063028837853	system:0.07331478861615826	kind:0.06805167835977474	line:0.06716900995914252	:0.01
and:0.23004261215258873	of:0.19655406561480793	to:0.17921490477287313	the:0.1301070559758695	be:0.06082560533268737	in:0.0552088735275754	or:0.05321655176754421	was:0.044093189671746136	as:0.04073714118430764	:0.01
the:0.6719806909262188	and:0.07862639892970077	of:0.06297116197936031	this:0.040474255335835777	tho:0.03826749852871689	a:0.03564879286745278	be:0.024206295547741747	an:0.020415121277572997	said:0.017409784607400027	:0.01
to:0.6693811218881631	will:0.0937202601293772	would:0.04635625184878836	and:0.03895923685462852	not:0.03759381189173166	they:0.02820938354146046	must:0.027720412492728	can:0.024299328500147724	could:0.023760192852975016	:0.01
and:0.16253630234922334	the:0.13680466153339335	all:0.11561360729435667	men:0.10461924452757407	work:0.10457769218693311	day:0.10418349462299646	tion:0.08982647473950359	both:0.08684748878537442	kind:0.08499103396064496	:0.01
the:0.2893467002777625	and:0.2678848665290488	of:0.0840174880242991	will:0.07841544694787048	to:0.07689341974511672	a:0.05338739013361728	do:0.04931661728445872	that:0.046544685099361716	would:0.044193385958464934	:0.01
the:0.4423008306422378	of:0.18883030410647314	and:0.10920129856230039	for:0.06304013694233102	some:0.04528345789509908	their:0.037889276037537556	his:0.0365307858710542	these:0.034952223310863714	The:0.03197168663210309	:0.01
to:0.25799346798561007	will:0.25716066202686916	may:0.09940882977352528	should:0.09388003845590545	would:0.0793246015326125	shall:0.06821255860978657	can:0.047959038572462316	must:0.047746534340543566	not:0.03831426870268495	:0.01
the:0.34170127421390223	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093987	to:0.07847171568184984	in:0.05339647102682973	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
a:0.30620143888311635	the:0.20236329105369136	his:0.15533427655442547	of:0.09020864359124206	their:0.07618202157969539	to:0.06541813046620241	my:0.03165304193862648	her:0.03133756635493874	one:0.03130158957806147	:0.01
the:0.2682971702350464	in:0.2648961831093762	to:0.12175195344637586	of:0.09978661460347962	In:0.06938750740391243	from:0.06425810584992686	this:0.04432590740071709	for:0.02883788844450839	and:0.02845866950665724	:0.01
the:0.38927280081367605	of:0.1721048516462148	and:0.17082175439220346	The:0.11627151869807548	that:0.04169052592452665	his:0.028205704258302672	tho:0.025059907039819845	these:0.0233235448187877	to:0.023249392408393497	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
in:0.30206016079087655	of:0.25396814099516546	In:0.15225642422747676	to:0.06557303297017877	and:0.05570618605580267	that:0.049002541300614655	is:0.0392645305005171	with:0.038128496519222344	for:0.03404048664014556	:0.01
and:0.25037799561132223	to:0.19051743664518078	of:0.12818071300755096	the:0.11341275889843262	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.05790590474591629	for:0.056443486992488516	:0.01
and:0.37945024150252876	fact:0.1527319891084358	say:0.099834240686433	know:0.0787108280328643	is:0.060215763992746335	said:0.05968696444804387	believe:0.059171002584709906	show:0.051564382291374555	so:0.048634587352863495	:0.01
of:0.2398708670291844	the:0.22743525417047472	and:0.13139002385520807	to:0.10376973167625372	a:0.08712962001455622	at:0.06768600089169874	his:0.04664315861358614	in:0.045541179361710225	is:0.040534164387327855	:0.01
in:0.20873519833854517	of:0.1879525935732726	by:0.15826457305905728	and:0.1367672682476698	to:0.08924643465121634	In:0.07269527293161242	for:0.0619333089688606	with:0.03837530028718063	after:0.03603004994258523	:0.01
the:0.31601781735864304	a:0.30398501620994156	was:0.08173381435485721	and:0.06659461910587387	his:0.05702598080696519	their:0.04677836282844176	is:0.04645419911310134	have:0.03698415443924181	had:0.034426035782934246	:0.01
a:0.6021580278368056	past:0.11701625480782635	last:0.08468063708221915	A:0.06244504735763068	the:0.04002061964927176	next:0.0350632966420599	very:0.03365400993709004	for:0.008039488570004598	but:0.006922618117092025	:0.01
State:0.2123005522229365	city:0.1334462642177584	day:0.1239105767031807	line:0.10663611608951877	state:0.0970563458873325	side:0.08756535272165322	place:0.08416697982509333	county:0.0818130056585457	corner:0.06310480667398086	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
as:0.188283813505136	according:0.14144678228402477	up:0.13904323060160725	and:0.1096650113200393	went:0.09104380703179268	back:0.08789812106037491	regard:0.08348580619122747	feet:0.07747526592666086	down:0.07165816207913696	:0.01
a:0.6357536736357531	the:0.13407354174692596	and:0.05827123694915738	is:0.0370114780284704	of:0.027509709372710304	to:0.027254633271835173	was:0.02680292328245366	no:0.021764556257325266	very:0.02155824745536861	:0.01
of:0.2738563132144333	and:0.1703089785786763	to:0.15480549128811577	in:0.08161661859881095	on:0.07404349460103701	with:0.07283240589637169	for:0.07115768433250703	that:0.046063852669420674	from:0.045315160820627386	:0.01
the:0.19143646652932672	and:0.11418891776565374	all:0.11152431988368015	very:0.10811287774796403	most:0.10681266585916238	a:0.09994094706182326	more:0.09378592942183761	as:0.0843974653077525	of:0.07980041042279955	:0.01
number:0.1741043364767106	kind:0.1681202099624751	sort:0.11597613567146543	out:0.11144356458935781	place:0.09308420075646473	line:0.09044596123864637	Board:0.0823885908135432	point:0.07887932665302183	matter:0.07555767383831496	:0.01
as:0.24837157577856656	or:0.14232166364164286	opposed:0.11230514870743818	come:0.09928049147584614	and:0.09473117357100151	up:0.07607442011796668	regard:0.07367539801965169	equal:0.07250608124635792	entitled:0.07073404744152825	:0.01
in:0.4308978976916856	In:0.1547178800498734	of:0.1410367004211673	to:0.09043771995430376	on:0.05010257353000053	is:0.03436894065587644	that:0.031788952657472974	and:0.028396697391775954	at:0.028252637647844168	:0.01
to:0.25899009985987886	and:0.20691113851486856	of:0.12222836551254561	the:0.08594736535787018	is:0.07480810658605942	in:0.06648717053326157	was:0.06439095079885329	con-:0.056444731101806235	will:0.05379207173485628	:0.01
and:0.24413116292889295	closing:0.18173686344826198	was:0.10859381659603785	valued:0.08665763038641584	held:0.07932710425709102	sold:0.07518688429361538	2:0.07335995221601971	is:0.07241280837793868	arrived:0.06859377749572665	:0.01
w:0.3390891838195752	and:0.26913300142872154	that:0.09763384991555198	to:0.07180024949709815	I:0.05506932725673031	which:0.05209195987243536	but:0.04116216692151558	will:0.034607230672464	wr:0.029413030615907658	:0.01
the:0.38646023310269134	of:0.16664543359033063	and:0.11296628878234231	his:0.07347749793423837	their:0.06060319319969302	to:0.0589100269919498	are:0.05225374545318542	The:0.04270452141008056	her:0.03597905953548853	:0.01
he:0.25824932843747206	be:0.19840219064404319	and:0.15216540934168338	I:0.12014754078091609	is:0.07078353871398557	she:0.05304668518289536	it:0.04932694611550158	they:0.04609938923629253	was:0.041778971547210414	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
one:0.20904861871896518	part:0.1464628722328147	that:0.1232977948617128	out:0.10386133921010261	and:0.0995301071509617	day:0.09867420448048554	all:0.08781371664340826	sum:0.06412462317513684	account:0.05718672352641242	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
containing:0.29123237694609516	of:0.2889356022660579	the:0.12347728549999763	and:0.10321578418783964	about:0.051359144285411946	to:0.051239895494566645	or:0.03473786787689127	in:0.02317919427014331	at:0.022622849172996222	:0.01
<s>:0.3498586238480828	.:0.24819665780431524	it.:0.08893877135378811	and:0.07791688088721138	them.:0.07642968663466498	time.:0.04291096237006196	the:0.03740036712783971	4.:0.034525686144720194	people.:0.03382236382931567	:0.01
and:0.2038826490604836	filled:0.19671295534752978	charged:0.1392237636713646	covered:0.11897139522663601	together:0.10191935923382885	it:0.06800011969343538	up:0.05681672684171535	but:0.05445103820200031	met:0.05002199272300607	:0.01
able:0.16251742456828452	is:0.1329402120031611	enough:0.12315949791013903	and:0.11419503149231224	him:0.10289899747150945	unable:0.10022500406012656	not:0.09252167071320284	was:0.08281412468767602	order:0.07872803709358811	:0.01
the:0.23825740574502957	and:0.2160856053000596	be:0.17316305708379812	was:0.08104327645157157	been:0.06598048286044474	is:0.06387616410295485	to:0.05875050596749086	are:0.049882284920896344	he:0.04296121756775416	:0.01
of:0.2142832115332144	thousand:0.13001949111578665	160:0.12169270695841856	hundred:0.10950091701946997	ten:0.10163228487731384	two:0.08513852078640251	40:0.08467058281841151	sixty:0.08209704226201847	fifty:0.06096524262896406	:0.01
for:0.26186077418871273	of:0.20832823588351387	For:0.15714630180178887	and:0.11162499485731407	by:0.061816546344326186	that:0.05513709154708786	to:0.0505436376619858	the:0.046113942638558225	so:0.03742847507671259	:0.01
as:0.188283813505136	according:0.14144678228402477	up:0.13904323060160725	and:0.1096650113200393	went:0.09104380703179268	back:0.08789812106037491	regard:0.08348580619122747	feet:0.07747526592666086	down:0.07165816207913696	:0.01
the:0.5254710971650842	this:0.11227000235913145	such:0.09873466024657726	said:0.0823883744889258	a:0.06750492730121421	and:0.0340090156222463	of:0.02624476593675743	his:0.02356425475731499	tho:0.019812902122748274	:0.01
a:0.265503797963402	the:0.12166346292569753	of:0.1159487688349613	this:0.09438645768423035	his:0.09161313315019978	any:0.08166044023262581	in:0.07839987362468419	and:0.07208775019648535	as:0.06873631538771376	:0.01
one:0.23561954612370867	on:0.13426648729946516	two:0.10148192748372935	sold,:0.10096101886414559	more:0.09924184788068605	and:0.09150921267824079	little:0.08928945101019953	law:0.07023380118674585	action:0.06739670747307894	:0.01
be:0.26099854621363	is:0.21797292120221778	are:0.12992084168462573	was:0.12198626612643904	been:0.07796025616065985	and:0.06028957097025016	Is:0.04190613254117213	were:0.04144490436452876	being:0.03752056073647676	:0.01
the:0.44207151798968625	a:0.3054142911113909	of:0.08687220836181486	oak:0.03757926422707491	to:0.02980236039777987	this:0.027834198118967052	tho:0.023100768826774087	every:0.01887316969346945	The:0.018452221273042465	:0.01
the:0.30337617970676906	of:0.18860457588018725	and:0.131061740829474	to:0.0977610809207078	a:0.0809566554459928	in:0.055741965423345884	be:0.051143240024298715	was:0.041879765140534715	is:0.03947479662868964	:0.01
the:0.5749300566611416	.:0.09797140648806993	and:0.07375341517721737	Mr.:0.055894554355038685	of:0.04616207875552563	The:0.03830981975734198	in:0.037952209239577595	a:0.03260105964127538	<s>:0.03242539992481173	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
o'clock:0.37151766180355894	Mrs.:0.15845920779323325	and:0.12220454801140251	.:0.1095283570576981	oclock:0.05927426102824505	by:0.05340589086064494	C.:0.049322971738480825	of:0.03471273355095673	J.:0.03157436815577956	:0.01
the:0.45567396709186037	a:0.16921523621075749	of:0.09170171989278127	in:0.0826873744856527	The:0.049537392180988106	to:0.04146733624899094	for:0.03861590153765151	tho:0.03277431481876552	and:0.028326757532552004	:0.01
with:0.14642911211872275	is:0.14606317104770863	in:0.12386882226109319	of:0.12345475169131273	was:0.10732409925218926	as:0.10471357443939028	to:0.09701310049410583	and:0.0715410286448266	be:0.06959234005065063	:0.01
and:0.36366478099156696	;:0.10948398757383931	as:0.10334039008622734	but:0.09733897659997662	And:0.09060377745329254	is,:0.06221639560266792	that:0.05639400399428148	and,:0.05615300532780324	is:0.050804682370344474	:0.01
be:0.3391710789735651	was:0.26720992698895024	been:0.1340129231758453	is:0.07508067815594753	were:0.06753972753370001	being:0.03388737792282211	are:0.03197411539581023	and:0.021394534210829323	bo:0.019729637642530145	:0.01
<s>:0.5661296404479996	it.:0.09987846367812724	.:0.06876356692484177	them.:0.06390453866376981	him.:0.05078296795096255	city.:0.03977760783710238	and:0.03730808508174974	day.:0.03193920024721529	in:0.03151592916823157	:0.01
the:0.3926731307308881	of:0.2154006816897216	and:0.15619699539309756	in:0.045983494127994164	to:0.04230022213696256	a:0.04071372464986802	by:0.03695222760312015	tho:0.030750712727266222	as:0.029028810941081666	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
the:0.3939864168532433	The:0.1787873437823825	no:0.09710409608444985	his:0.06821927813863017	that:0.0649041390454164	of:0.06403456751965786	and:0.04931337720238715	this:0.04521691301840086	their:0.02843386835543191	:0.01
the:0.28441607786333467	of:0.20980530521933713	and:0.14059183584462823	a:0.10350082670945143	to:0.08403081004979972	in:0.07022195005450158	or:0.0343076397213653	for:0.032193993235171726	by:0.03093156130241017	:0.01
the:0.2378204931021253	and:0.19214892314342136	of:0.1765901506244558	.:0.09973880484111637	to:0.06735634874139795	by:0.06218655947585803	Mrs.:0.05882569915609157	<s>:0.05162777795757544	Mr.:0.043705242957958	:0.01
the:0.6295138083618597	an:0.10405310636144499	this:0.0580238436137043	of:0.04073412912301543	a:0.04045729191632545	The:0.034069560370286446	tho:0.03000008989793676	said:0.028570551684749926	and:0.024577618670677048	:0.01
in:0.2522100120718076	of:0.23006128730609798	by:0.10849832605220701	and:0.1044112007716408	is:0.07236676642617158	with:0.07148625211135157	from:0.0546008783434182	have:0.04919783576239239	for:0.047167441154913246	:0.01
of:0.5999167825175905	in:0.2545723162802133	In:0.057602022623863346	to:0.014472140050320836	by:0.013286812317058803	the:0.01305380201422306	from:0.01281982202238709	for:0.01224263176365775	at:0.012033670410685256	:0.01
sum:0.18676829411122214	number:0.1566486321513545	line:0.11140081741272478	city:0.10844765106291132	out:0.10739005474369737	day:0.09286734076326106	county:0.08286139477536687	amount:0.07384405151900511	Board:0.06977176346045691	:0.01
the:0.34032111205813137	of:0.1750957885293977	and:0.15598548392537853	to:0.13689347774391816	a:0.059740800177270764	in:0.033118538879127225	his:0.03264980438199819	or:0.028527047161221356	for:0.02766794714355671	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
the:0.42839758324953353	this:0.1838877193303859	The:0.12960822010836012	that:0.0655770275168262	This:0.04418275636787991	a:0.044116296294005035	of:0.04227520524371751	tho:0.029220263481601512	our:0.022734928407690327	:0.01
brought:0.192277727621288	went:0.1546051548150096	come:0.12146927553962854	came:0.10641642939028817	go:0.10353499405925307	look:0.08612366304645741	looked:0.07697162213887969	sent:0.0750329209801565	it:0.07356821240903902	:0.01
the:0.6258726522664784	a:0.13461756997063534	and:0.07968616292894322	The:0.03448144601513371	this:0.031150419685504766	to:0.0286945160600366	tho:0.027988573922704707	of:0.014598649927972274	in:0.012910009222591003	:0.01
the:0.36312321450761714	and:0.19848804090419975	a:0.09590696347401902	of:0.08303218790307447	.:0.06197545463946883	that:0.0579458576637141	to:0.0465452000964558	for:0.043374079944951086	The:0.03960900086649977	:0.01
and:0.3584626692953458	he:0.1370860616323505	who:0.10510561116640618	that:0.08982083788776686	which:0.08686541134653032	they:0.058551906888302446	I:0.052859770221701664	He:0.05141229918562641	it:0.04983543237596982	:0.01
the:0.24821642911401523	any:0.1649581722896359	no:0.1268116887263203	this:0.11858186743305786	that:0.08481273609735658	every:0.07865959388654518	a:0.07144945347415356	some:0.05350548013446136	his:0.043004578844453994	:0.01
to:0.22790941852539248	of:0.19066101107333902	with:0.0993627534500217	in:0.0974657417922152	is:0.08426159876227042	was:0.07548169047016744	and:0.07510893731597912	as:0.07140768784307118	for:0.06834116076754333	:0.01
him:0.16731060278119142	and:0.15865410606742972	is:0.11868784454843385	able:0.10734668506784038	have:0.10102168139291294	right:0.0857206798898189	was:0.08506755165125526	them:0.08364500401658893	order:0.08254584458452874	:0.01
was:0.2654355625572051	be:0.17483157139017147	is:0.17458173862449347	been:0.08370155461570132	and:0.07912832639784415	are:0.06377397405231049	were:0.0570219973528321	not:0.054967234321994976	as:0.03655804068744705	:0.01
said:0.24489792960521098	of:0.19085079798600493	.:0.14186478980492948	the:0.13652315877541069	and:0.07228392661920457	<s>:0.0640839740793023	State:0.05461681317026622	Medical:0.05098640081092022	Agricultural:0.03389220914875058	:0.01
a:0.2855098310767178	legal:0.21321286344801127	the:0.1990827661689216	and:0.06991504751984025	of:0.054641060032081294	very:0.044086580910909966	so:0.04281479508631374	as:0.042636225443434705	this:0.038100830313769395	:0.01
lot:0.336563516647635	June:0.11407668263100086	July:0.09327664179101287	May:0.09024909402296523	18,:0.08980703447433253	No.:0.08449505498660097	block:0.07653267775754288	April:0.05487017625701509	March:0.050129121431894394	:0.01
Resolved,:0.21695713947679507	enacted,:0.1810685129751281	Provided,:0.15904021655978606	<s>:0.1438985332071584	enacted.:0.10164584399219195	2.:0.054217745441520686	1.:0.046508893991614134	4.:0.04506866858236186	it.:0.04159444577344365	:0.01
<s>:0.5674929624661249	.:0.08839078752504227	it.:0.07053001148597057	them.:0.0562636940549916	years.:0.05125155054279796	time.:0.04409585238886878	him.:0.04137064291412251	else.:0.03751376281380708	day.:0.03309073580827449	:0.01
the:0.34170127421390223	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093987	to:0.07847171568184984	in:0.05339647102682973	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
the:0.34212888418832754	and:0.09741876388731499	a:0.0920307321276307	their:0.09055210357261662	of:0.08803022554243589	his:0.08397505822604855	no:0.07446376023237827	its:0.06349244090222635	any:0.05790803132102113	:0.01
the:0.5733838850050115	of:0.13062832652271272	The:0.10293206902486032	and:0.060871104221435345	tho:0.033695497508021095	that:0.027438849835855282	his:0.023686363736570133	to:0.019260660827579407	said:0.018103243317954036	:0.01
to:0.28570587498953637	will:0.20896738833823517	shall:0.14565684952132849	may:0.11218999380903998	would:0.07549398094858077	should:0.050811274578193566	must:0.04162491267816462	not:0.03495761133511869	can:0.0345921138018023	:0.01
sum:0.18676829411122214	number:0.1566486321513545	line:0.11140081741272478	city:0.10844765106291132	out:0.10739005474369737	day:0.09286734076326106	county:0.08286139477536687	amount:0.07384405151900511	Board:0.06977176346045691	:0.01
and:0.2983193030981629	about:0.19314493092563442	of:0.18179178214211336	or:0.11078275255882153	to:0.056434112850113134	from:0.04846095651162487	the:0.04263514563269541	in:0.02928516406456222	for:0.029145852216272146	:0.01
of:0.3475451204174962	in:0.15548632304636023	with:0.09564374303780658	to:0.09094693286209832	by:0.07479435456576855	for:0.0705979463152659	that:0.06159453766409953	and:0.05153924532478948	at:0.04185179676631501	:0.01
of:0.3863299666411766	to:0.13331549741956425	and:0.09385470882222513	for:0.08518220250623176	in:0.08290432779351671	at:0.05855962695846349	that:0.056273410721812356	on:0.048525931025620014	by:0.0450543281113896	:0.01
has:0.3735260008008669	have:0.2966099628054021	had:0.21413223763229447	having:0.04152822306361047	not:0.02585363221502316	lias:0.013184785142143066	bad:0.010137737006598117	ever:0.007714964113282488	never:0.0073124572207792626	:0.01
he:0.2391288707725497	and:0.1617527853748331	it:0.13693543566289718	He:0.1269626520468204	It:0.07930675591492645	she:0.0695454649582591	who:0.06613049823791835	I:0.0577711380212317	soon:0.052466399010564116	:0.01
and:0.19845629012694319	is:0.142257293694991	was:0.1132174125153745	as:0.10372117444929031	him:0.0992850734670055	made:0.08864606738095501	them:0.08692380181260786	it:0.07997511457733557	time:0.07751777197549706	:0.01
he:0.18652325356094804	which:0.15683009975210951	that:0.1391397941476974	and:0.11836098186185225	who:0.1177523264627792	it:0.08836766802317607	It:0.07101919239085842	He:0.0673633557612727	as:0.044643328039306374	:0.01
the:0.2760458298663728	and:0.2000520837504459	of:0.16391243589379206	a:0.10699631295418911	in:0.07935518763521485	to:0.05948253640573188	that:0.037405568462991014	I:0.03465917683077475	for:0.0320908682004877	:0.01
I:0.18039830134539891	it:0.148098044375103	we:0.12403549465212284	who:0.11580681902065519	and:0.10185992768584698	he:0.09882201198425426	they:0.08950326601558928	which:0.0749832971513681	It:0.05649283776966142	:0.01
the:0.24307002909933884	of:0.19255952245263244	and:0.15413776571138663	to:0.14381403215373081	a:0.0728643679820992	be:0.051059482517056685	or:0.05091033703493396	his:0.04246448727256352	on:0.039119975776258066	:0.01
the:0.24130576549866314	of:0.18833662870322207	and:0.16607091897550066	a:0.12226357561830728	to:0.08119819928176736	was:0.061441215918139495	be:0.05012797215849653	is:0.043156408701399925	been:0.03609931514450369	:0.01
to:0.5149770475981357	will:0.1346783393002969	not:0.08265277225475992	would:0.07186959262433686	and:0.06726130341175823	you:0.032577373144446926	they:0.03117769070819441	should:0.03073681247251106	must:0.024069068485559734	:0.01
the:0.494386585446436	The:0.1454003149546933	that:0.08550252205135271	this:0.07045977956178653	his:0.04915374137107991	en:0.04566394458803621	tho:0.03916051694326672	a:0.030641222323425452	This:0.02963137275992293	:0.01
to:0.25899009985987886	and:0.20691113851486856	of:0.12222836551254561	the:0.08594736535787018	is:0.07480810658605942	in:0.06648717053326157	was:0.06439095079885329	con-:0.056444731101806235	will:0.05379207173485628	:0.01
be:0.24863301257446357	and:0.18023447528229325	as:0.11900294407375821	any:0.09152107891494127	either:0.0806544175287185	manner:0.07315275488263395	is:0.06602873478529823	or:0.06552572341795664	a:0.06524685853993616	:0.01
of:0.4297390188852439	to:0.1042039036567567	that:0.09796963455895258	by:0.09076391062687407	and:0.07519868162673067	under:0.0669597511531021	with:0.04738592798156118	for:0.041792968995170196	in:0.035986202515608676	:0.01
and:0.24085978996594234	ready:0.13274756945117855	used:0.13207968819577365	demand:0.10256758973541096	necessity:0.0862176174444933	time:0.07798948167775048	vote:0.07695608292594495	place:0.07195614762276077	enough:0.06862603298074509	:0.01
the:0.44128286709498465	and:0.11101823581613052	a:0.10987243616498288	of:0.07361674171326836	The:0.06534200453313005	to:0.061454283611476784	his:0.05224407902114285	with:0.038071572748622676	tho:0.03709777929626122	:0.01
the:0.234614515716392	of:0.20821908449892226	and:0.12161366083081084	in:0.12018842811254489	or:0.08922881981939927	with:0.0628562603939336	to:0.057971375597641275	by:0.0499624766414972	for:0.04534537838885837	:0.01
be:0.28617972100582956	and:0.16268441112360144	he:0.16155544153530685	was:0.12208355753794953	is:0.08733674436208816	have:0.04830905568425094	I:0.043512627043826475	been:0.039989601108343854	He:0.038348840598803155	:0.01
the:0.7960896944291325	tho:0.035411891520671	and:0.029345058625016237	his:0.026575012097541737	this:0.02195838445642336	a:0.021299207329587844	their:0.020870288964839487	of:0.020838896988928025	no:0.017611565587859878	:0.01
the:0.37570177913543656	of:0.15098593636513177	his:0.11469590544226019	this:0.09820742118873921	and:0.0607778221345269	a:0.04983475724757151	their:0.04974326952471014	or:0.049032099059845576	our:0.04102100990177839	:0.01
of:0.29953438957773376	in:0.15492595819994948	to:0.12884162985216668	and:0.09788935910863643	for:0.09378707843117784	with:0.06097538143992146	by:0.053813444928231015	that:0.05134130701178559	on:0.048891451450397784	:0.01
to:0.22915990236004585	I:0.13871946602755938	would:0.1330455404601739	they:0.11537319596311132	we:0.10498230354658346	who:0.08173080463455147	will:0.07730390766292998	you:0.05776733890846798	and:0.0519175404365766	:0.01
of:0.3159349713373116	and:0.14255235774498604	in:0.14150239752579108	that:0.10417672400432378	to:0.08784364980683178	by:0.05866477236947692	with:0.05032623759074687	for:0.047659503542357026	from:0.0413393860781751	:0.01
Chief:0.2716077485602975	by:0.22177464794881127	of:0.21964147873042164	and:0.08529027845262348	to:0.07332578758886041	the:0.04646353862777692	said:0.03592538077693309	on:0.019596763067903894	Mrs.:0.016374376246371617	:0.01
of:0.31662382482780055	the:0.1882228432280848	in:0.11578788137479394	and:0.09407676728996123	that:0.0748891728352496	to:0.06204412499286629	The:0.052928240553401264	for:0.045864762222283736	Mr.:0.039562382675558685	:0.01
I:0.3359590597720606	he:0.19690932518224707	and:0.10460261048712294	He:0.08656614880470721	was:0.08292370841696542	she:0.05294026917875093	the:0.045312447150311574	is:0.04450037502484462	be:0.04028605598298977	:0.01
and:0.18397443699257562	is:0.15816658254714988	was:0.1552371258964879	are:0.12515688772284886	be:0.10320513878485654	not:0.06809378147602632	were:0.06786280535236106	been:0.06548276307763033	it:0.06282047815006374	:0.01
the:0.4001329355469984	a:0.25641726331827003	of:0.06660601337342555	said:0.058719296637931774	in:0.05385714725933322	his:0.04683070522195537	this:0.04257598368754873	to:0.03696873638970582	on:0.027891918564831093	:0.01
and:0.3171940505917024	or:0.15724282149446223	made:0.14946395825457473	it:0.08691018772414069	that:0.07769859549575452	done:0.05136371592910956	him:0.05132471348732895	only:0.05017459062309864	them:0.04862736639982825	:0.01
of:0.4163979461345857	to:0.1539562366099683	that:0.09597169338471831	in:0.0826850246998232	and:0.08050089591041659	on:0.05945021177342269	by:0.03821549812567526	for:0.0328685070054024	as:0.02995398635598762	:0.01
that:0.4125406935953321	if:0.107758672286089	as:0.10218108061148931	which:0.0950336527603481	and:0.07458198053495405	where:0.06207481407120763	when:0.05168851284933589	what:0.043968596503646165	but:0.04017199678759796	:0.01
and:0.2179323550765825	of:0.20178731477680759	the:0.192619174762746	to:0.08891564529808502	a:0.08258196034759076	be:0.062475037334273516	for:0.050404111893582404	in:0.04772974787927692	was:0.045554652631055265	:0.01
the:0.29045040347931045	of:0.2857368639256431	in:0.1448269095221002	by:0.05366203320741018	and:0.05363367791825866	a:0.04841638893075873	his:0.04285924657059766	for:0.03527029615324503	In:0.03514418029267608	:0.01
that:0.277858136735457	and:0.24649886523588657	as:0.12419472034687717	but:0.09881487109708305	which:0.06780189868586443	of:0.04618595431056969	when:0.045687241743057695	if:0.04267327791054875	for:0.04028503393465559	:0.01
the:0.3772139649198707	a:0.35173845757274264	The:0.07025373099470712	of:0.04928115920888418	and:0.043959817468033194	his:0.03287693982272174	this:0.026686305908428055	tho:0.019287261944773197	in:0.01870236215983928	:0.01
to:0.7675096964015802	not:0.07021610167194516	and:0.0405305775234473	I:0.02645637228696502	will:0.02185424089876256	would:0.01928061270574058	of:0.015577156321857818	in:0.015485184332420115	could:0.013090057857281305	:0.01
it:0.22712628597609977	he:0.21253687766485882	It:0.18031188857998395	He:0.09630068639915187	and:0.09471216819412512	which:0.04993635403543277	there:0.0471789444224654	she:0.04170792297885045	that:0.04018887174903175	:0.01
the:0.1997367374831996	south:0.18702779361968208	north:0.15982485632839313	east:0.14416008078002446	west:0.1271368694625307	one:0.061177238176287334	other:0.05078252123372309	either:0.03197613557020537	a:0.02817776734595421	:0.01
of:0.25091309652187327	to:0.15517738588522748	in:0.1539512379808121	for:0.09259101878101823	with:0.0828177979575018	and:0.07792201033634427	from:0.06970555619465403	at:0.06355317510943155	by:0.04336872123313716	:0.01
and:0.27588369217001535	of:0.22975190363749795	to:0.10767661680865698	all:0.07691525340684668	in:0.07024709157943661	know:0.0672883217183726	fact:0.06709293433771968	for:0.05223215542028379	from:0.04291203092117051	:0.01
and:0.32311634278934415	him:0.09870937808207803	application:0.09552818008284922	was:0.09108249895321116	it:0.08441184299744427	up:0.0823457224263069	made:0.07437354501364975	out:0.07128361632793441	time:0.06914887332718232	:0.01
the:0.29695533958321657	said:0.17703567573589155	this:0.11171806579928767	no:0.09074523356018187	that:0.07817602195708856	of:0.06621213733816297	such:0.060180708551276205	This:0.058846511636259674	The:0.050130305838634884	:0.01
the:0.468919333827382	this:0.20177115203213913	that:0.07656570496575144	his:0.04648927143271495	first:0.04408642757737372	a:0.04307369257860592	on:0.03862689718059066	took:0.03567130788253154	second:0.03479621252291071	:0.01
of:0.4724197847145767	in:0.2292605596766067	to:0.07925568651337603	throughout:0.045461986889704216	In:0.04504488769029032	from:0.03559128098291959	for:0.03254064494466397	on:0.025431387088284352	by:0.02499378149957807	:0.01
of:0.29009470123894565	in:0.1641778638251214	to:0.1555260066413478	at:0.08919623556290653	by:0.07534187233809922	with:0.057003786699255654	from:0.056718947552538826	for:0.0539375125004543	and:0.048003073641330454	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
the:0.3399568453325298	a:0.24276848002458837	their:0.08519604465188703	to:0.0709025602227504	his:0.06677890492469661	this:0.047194790050741814	good:0.04674493231103637	of:0.04640932218083601	our:0.04404812030093332	:0.01
the:0.5177992496076943	a:0.20314749412530567	this:0.08581609997982811	The:0.06941293954761475	and:0.04405446214376952	tho:0.021779302070428413	is:0.017606747311409435	A:0.01566452579643488	was:0.014719179417514818	:0.01
and:0.16648733655247616	be:0.15411249027509683	was:0.13534665704601467	of:0.11936534553223899	to:0.1183922877576541	been:0.08249300587019524	is:0.07584338862680055	were:0.07282174495865562	are:0.06513774338086778	:0.01
able:0.14511234966528905	and:0.13172820859723178	is:0.12476866142304593	have:0.11730326646781511	him:0.11082659939939717	had:0.0955401572626202	right:0.0904087707975284	enough:0.08874364021609925	willing:0.08556834617097307	:0.01
the:0.3709127561182026	a:0.2644481201616637	and:0.08657737060734072	of:0.07420644799058604	The:0.0502940134343988	an:0.04961439159978067	that:0.0366043052492206	to:0.032103525220326765	tho:0.02523906961848007	:0.01
as:0.188283813505136	according:0.14144678228402477	up:0.13904323060160725	and:0.1096650113200393	went:0.09104380703179268	back:0.08789812106037491	regard:0.08348580619122747	feet:0.07747526592666086	down:0.07165816207913696	:0.01
up:0.17032305363282244	time:0.1671133534189825	in:0.12527215113957785	due:0.1133736981433068	them,:0.0947598789660748	it,:0.08847953022222116	him:0.08231122455933201	here:0.07724464258167192	;:0.07112246733601059	:0.01
the:0.851458100525449	tho:0.04933903971601498	The:0.023810476456397073	tbe:0.018289326463401753	of:0.017391813259110295	and:0.009228001818112393	in:0.008701506838210846	by:0.0059022942528199574	a:0.00587944067048364	:0.01
to:0.7963728527583023	and:0.06447203785661446	not:0.060614902634185674	will:0.02501259762358973	that:0.009645517757665433	or:0.009409409991306834	which:0.00869294539544073	would:0.008619400614687384	may:0.00716033536820751	:0.01
the:0.8259042852979099	tho:0.03042971757664113	of:0.026672873606360628	and:0.023240341070499996	his:0.022909541508890727	The:0.01952389008225711	an:0.01731601765778527	in:0.012863132196340575	tbe:0.011140201003314632	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
first:0.22339339267419445	on:0.1890400604048409	third:0.14540864272235157	On:0.14462729104862201	last:0.07726299716964792	and:0.06246955508215193	second:0.05312149292221944	the:0.049144121486858046	of:0.045532446489113955	:0.01
taken:0.1626115163090085	put:0.1461935376692532	came:0.13703532100150312	it:0.10354230172789733	went:0.10287543520360631	made:0.09309311850413422	come:0.08892194890483822	keep:0.08456340460513725	get:0.07116341607462179	:0.01
the:0.30829255876349043	of:0.30782939186025116	an:0.12277172196581082	and:0.08917862379661647	in:0.05185540988009982	The:0.04396504706466841	by:0.026008080582712513	this:0.021832108712332907	to:0.018267057374017515	:0.01
brought:0.192277727621288	went:0.1546051548150096	come:0.12146927553962854	came:0.10641642939028817	go:0.10353499405925307	look:0.08612366304645741	looked:0.07697162213887969	sent:0.0750329209801565	it:0.07356821240903902	:0.01
and:0.2570444868534137	filled:0.19679096807428134	covered:0.1570812856126885	together:0.07562491315607422	accordance:0.0672592376189995	charged:0.06511645199676881	parallel:0.05756238384092781	up:0.057447201370967406	connection:0.056073071475878644	:0.01
and:0.33090667565595405	demand:0.11951725037001644	ready:0.0989386645738498	used:0.09514434972463201	time:0.08611259291726482	not:0.06607848366518068	vote:0.06597209943325832	it:0.0655060703120096	candidate:0.0618238133478341	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
the:0.3830201732422054	thence:0.2993669077671738	and:0.09544037240369177	minutes:0.05714161987539116	degrees:0.03916333372333663	The:0.03683880968600261	tho:0.030458368218174672	feet:0.026436507334020747	miles:0.02213390775000313	:0.01
be:0.3772467936574377	was:0.14139731190743154	been:0.09842490860873844	is:0.09082646335255574	have:0.08099718965765182	has:0.06322134711137647	had:0.05013246138720967	and:0.04924219274830825	he:0.03851133156929047	:0.01
and:0.2625614647219744	was:0.1432246731029363	are:0.11019859322216391	is:0.10340559833700255	been:0.09328234633723376	or:0.07499365040325978	be:0.07366447203709012	were:0.0669029039275914	not:0.061766297910747635	:0.01
of:0.3792703144302751	the:0.17625280735991197	and:0.08573005552139683	for:0.08122987294582659	or:0.07678611247393065	in:0.059878887520122284	to:0.054202511298741964	by:0.0450153442880628	with:0.03163409416173186	:0.01
this:0.27172175727450804	the:0.19929193769626843	his:0.10724062763658933	same:0.0886610672074724	own:0.08654928341087763	any:0.07618256398944748	their:0.07028777504858862	other:0.04596182546577912	that:0.04410316227046897	:0.01
he:0.2322016336984786	it:0.16690752230823713	they:0.10660387704011781	that:0.09287466004315889	I:0.08912921800163373	and:0.08103075734170173	It:0.07721091712064736	who:0.07471575464609438	which:0.06932565979993036	:0.01
the:0.37263410996040053	of:0.19145672445432055	and:0.11241612437048068	to:0.09789334739408583	a:0.06323151129667048	The:0.0559247282964094	in:0.03664631613280065	with:0.03545024815068942	for:0.024346889944142733	:0.01
number:0.15394027364983046	line:0.1376988194709876	one:0.12246058823425285	place:0.1155162553032029	all:0.09743595898697574	state:0.09413241405022474	out:0.09204978280646375	and:0.08859956268533212	House:0.0881663448127299	:0.01
Mrs.:0.2559016863583395	.:0.16952138022160035	and:0.10503699346326	Mr.:0.09370726085041105	J.:0.0870569166276151	John:0.07320352737050535	H.:0.07240915124461561	C.:0.06687892276974541	W.:0.06628416109390788	:0.01
to:0.6671208101599866	will:0.07801255142929905	and:0.05161757714682945	would:0.04779993217998509	of:0.046254736877000935	not:0.03857298360552767	in:0.027316907737006416	the:0.017751813771338006	I:0.015552687093026686	:0.01
time:0.1439527404631158	dollars:0.13910016142736775	up:0.13278126228628925	north:0.11983168611810364	hundred:0.1030569602794631	men:0.10213328372565728	principal:0.0843254756664372	wife:0.08286629802015111	city:0.08195213201341503	:0.01
the:0.21168661632910737	and:0.1734208758737908	of:0.1496524303109621	as:0.1486264042445669	a:0.08287979349307766	to:0.07107758859510922	be:0.05689152027188905	such:0.04860602071964437	in:0.04715875016185232	:0.01
in:0.22047254977748373	of:0.21867088681625554	to:0.10603645220073532	for:0.1036969113204039	and:0.09815872000009652	on:0.07538494519345876	with:0.05881818401094933	In:0.05688881215019787	from:0.0518725385304189	:0.01
the:0.33864946286715597	a:0.18731739560164837	his:0.1642747255383906	her:0.09363357424053344	and:0.057289050972860724	their:0.04301453441047997	my:0.03946011176862589	of:0.03760395589006623	to:0.028757188710238763	:0.01
days:0.23584075624191145	years:0.19739605200624624	weeks:0.1887099309204007	and:0.10202930929142877	months:0.07075036095375516	a:0.05286143293104231	the:0.05113464634473375	time:0.050915785487490664	long:0.04036172582299111	:0.01
a:0.37998464916707114	the:0.21111848908571462	of:0.1476668278049129	and:0.06935537613048871	in:0.04412892710240632	to:0.03988779185945588	as:0.038751563463866344	for:0.03120870642000812	that:0.02789766896607575	:0.01
be:0.4254612591778027	was:0.149982185034981	is:0.1323825917532443	been:0.0804971081673005	are:0.048063200303607514	were:0.042259882413635104	and:0.03911756353491624	he:0.036393452060485894	have:0.03584275755402675	:0.01
enough:0.1460197688707853	and:0.14132991299633987	able:0.12532103140904757	order:0.12087521672134159	is:0.10659187402439463	as:0.09839282102201653	him:0.08820021934353602	necessary:0.08667027383264259	unable:0.07659888177989588	:0.01
the:0.4257514684353325	a:0.15703197240150663	in:0.12555579755490257	this:0.08109193972782469	of:0.07822670748954459	his:0.03784042299516794	and:0.030168556713577266	that:0.029901747780845006	by:0.02443138690129888	:0.01
of:0.30554562091137577	the:0.20745724859775666	and:0.08909619969807756	to:0.07536255720057954	at:0.07451480802075414	by:0.07224843492744923	a:0.05736032079461224	was:0.05421854233132482	be:0.054196267518070225	:0.01
and:0.31060650313734106	.:0.15692935945024147	E.:0.11747046505092663	<s>:0.091514441729659	W.:0.07922679612493481	one:0.06362715626036865	east:0.06020210900804308	of:0.05892645912344616	Miss:0.05149671011503898	:0.01
the:0.5258154566320882	The:0.10629154022131455	and:0.08096140779645052	of:0.07685411578224863	that:0.052617724746385625	this:0.05003537809250879	in:0.03427398971341212	tho:0.031693543378797574	for:0.031456843636793776	:0.01
the:0.6465742121962595	an:0.06319752886136991	of:0.04888128014491918	and:0.046172085621971934	a:0.04377316618495471	his:0.042578885727727625	tho:0.04073583924576932	in:0.02931138975887539	as:0.02877561225815232	:0.01
and:0.25037799561132223	to:0.19051743664518078	of:0.12818071300755096	the:0.11341275889843262	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.05790590474591629	for:0.056443486992488516	:0.01
be:0.26105031162037273	was:0.19673139727233407	is:0.15320001400198427	are:0.085663341847372	and:0.07737070923530671	been:0.0759274112744334	were:0.07484528857246808	being:0.03262105064872649	not:0.032590475527002276	:0.01
a:0.34959418849678	the:0.21001053557218616	most:0.13249562439787196	and:0.123749487865287	of:0.0686106980122803	is:0.03329395036419142	very:0.025293726957400484	are:0.023947121177111355	his:0.023004667156891322	:0.01
in:0.32497761423178234	a:0.26649386622408666	In:0.16432144196290369	the:0.1440124771813975	this:0.03764148798222242	and:0.019685710919301207	of:0.011355571342747436	iu:0.011300782855224753	great:0.010211047300334024	:0.01
and:0.2053395746908495	the:0.1781600265287361	to:0.16190695831275567	of:0.10941929642865496	was:0.09225481321500227	be:0.07524105874995944	is:0.06612970506238942	a:0.05197411262631739	not:0.04957445438533503	:0.01
State:0.18875338222462545	state:0.1374596583296874	out:0.13362786523863018	and:0.13124228045062467	county:0.09495650883399645	or:0.08487401100510762	city:0.0793614949457751	time:0.0701707247306483	that:0.06955407424090475	:0.01
A:0.22176223346103074	J:0.15648123005225215	M:0.10956111860406144	C:0.1035668099745044	W:0.08934575825197714	S:0.08351176157945552	H:0.07855869072343125	L:0.07723448439900434	E:0.06997791295428317	:0.01
of:0.18891674623564286	a:0.16859137315150927	and:0.15411008253264424	to:0.12731290125729425	the:0.11745157559964284	in:0.1002030717661763	for:0.059576564228534544	an:0.038446842876977534	as:0.035390842351578036	:0.01
the:0.21493819315715434	and:0.1854874898049146	of:0.1251378075562809	was:0.11233110220078991	be:0.09873352512849025	a:0.07922843185729131	is:0.06788240794803731	to:0.0549914541659946	are:0.05126958818104679	:0.01
carry:0.2531501453566948	through-:0.22987000183719136	with-:0.14502040137148212	carrying:0.08293987265271315	pointed:0.06672683102072542	and:0.05936970305473142	sent:0.05515216574947199	brought:0.049249105518804445	carried:0.04852177343818517	:0.01
act:0.1596609595630674	State:0.12039189118226258	day:0.11807928057554104	one:0.10429807285048814	members:0.10333857278579199	state:0.1018033686056309	Act:0.09626209419486573	out:0.09407838717213371	part:0.09208737307021841	:0.01
to:0.27131876282847417	of:0.26428924869496234	with:0.14522073019098308	from:0.07316815255958452	by:0.06414942126476841	for:0.06264724645321468	among:0.0418323305300907	and:0.03750947407318886	in:0.029864633404733363	:0.01
which:0.19438797197243973	that:0.14066434047623247	it:0.1310923228450651	he:0.13048217497520623	It:0.1119233931738755	and:0.09610147958818303	who:0.07880307998328154	This:0.05830992726528163	He:0.04823530972043458	:0.01
the:0.23064724666052067	a:0.19679531468544062	and:0.1682893183608883	of:0.11170195323785434	to:0.08720853330185761	in:0.06125270603163709	that:0.04987844435607797	which:0.04223592380016908	an:0.041990559565554295	:0.01
of:0.32184287445556287	and:0.2091482379925787	to:0.13166238250981657	by:0.09437103879833471	<s>:0.05768361722420554	in:0.051519208387880974	for:0.04816684096956287	that:0.038558493491546365	at:0.037047306170511475	:0.01
instituted:0.6128883438177455	able:0.0800284399068098	is:0.046250069243776504	him:0.04383876404739831	time:0.04301255623035381	and:0.04225686816960583	unable:0.04091818884625903	have:0.04058678646211382	me:0.04021998327593761	:0.01
was:0.255064975323249	been:0.16268187022837624	be:0.1590225704964747	were:0.10428751024513624	is:0.09475091050474266	are:0.06270313922776709	and:0.05680452919514682	had:0.04994394038073976	being:0.044740554398367695	:0.01
the:0.417321313497127	a:0.17166438615407473	and:0.10316248905281	of:0.10206828724744138	The:0.07700780305490176	in:0.0371169187452573	most:0.030771210625342413	tho:0.027891462076195726	by:0.022996129546849788	:0.01
and:0.2344421076832057	I:0.14586979614505893	it:0.11952417256751519	he:0.1162890658107998	It:0.09657089670892897	that:0.08526740876132055	which:0.06446920060066727	was:0.06393441015011891	be:0.06363294157238464	:0.01
in:0.3885687153645682	of:0.1589142309507504	In:0.08811608697477342	and:0.08175223408630553	to:0.06955644366975634	for:0.06316733949089548	on:0.06211980081446976	that:0.04406955464175643	at:0.03373559400672444	:0.01
a:0.40245645099628413	the:0.3111308499349834	this:0.07366312879601304	The:0.05727737078472197	no:0.04208083575757761	any:0.029633470383283952	This:0.028937477931996063	that:0.023151105033684578	No:0.021669310381455236	:0.01
and:0.17722291469113732	of:0.1320986679916092	put:0.1292215154372875	as:0.1200634474294562	make:0.10394397296081155	that:0.09994954798090329	for:0.08271405305777427	to:0.07588001229998376	with:0.06890586815103678	:0.01
intoxicating:0.4294898068968399	of:0.17738436133414343	malt:0.12672975116908602	spirituous:0.07368389199771279	in:0.0523321586446764	the:0.04280461442419639	for:0.037443023101075425	and:0.030886945447674213	all:0.01924544698459522	:0.01
away:0.19041587022310327	and:0.16519107313931605	taken:0.13090618369387813	miles:0.11772895341262953	feet:0.10551786830952455	come:0.07393483029145144	them:0.07169234007196142	out:0.06832721446888708	came:0.06628566638924843	:0.01
he:0.24858732088898547	I:0.17516710793780704	who:0.1565139811989087	they:0.11153443762610252	she:0.0715358333589334	He:0.06425495146783067	have:0.060452515819706766	we:0.05158279004819115	and:0.05037106165353449	:0.01
day:0.1878181950533248	number:0.1518165014952335	line:0.14371374114410246	side:0.130102649428028	part:0.10126096195089969	state:0.08653407196235348	out:0.07039731021378942	corner:0.06702633482831927	case:0.05133023392394934	:0.01
of:0.2201221551404213	to:0.14757596935276177	in:0.11100691274296662	by:0.09385559172771335	and:0.09367071153032629	as:0.09115358778055337	at:0.08250259038557009	with:0.07786678334324992	for:0.07224569799643737	:0.01
of:0.4255153576496267	in:0.10536191877219202	for:0.09919708394973868	to:0.09097654363016525	that:0.07620599292303545	and:0.06676117730482618	with:0.05303485263076464	by:0.036983077306362314	In:0.03596399583328875	:0.01
could:0.2089222682621685	would:0.20427583762890694	did:0.1363549287453858	will:0.1351422776034908	do:0.08175122231180978	does:0.07803545085872958	should:0.05578541577046722	shall:0.03406518912838425	may:0.03258815521764581	can:0.023079254473011405	:0.01
and:0.18171675647716878	him:0.12423244177410163	feet:0.11757549834839302	time:0.1096751728459786	as:0.10550157450322784	them:0.09669061669164175	up:0.09518485408813644	right:0.08005233980837706	is:0.07937074546297503	:0.01
he:0.2312140453205847	it:0.2151634478423274	they:0.13270572375260759	It:0.11860374360144836	I:0.0860627738032671	that:0.0542287870349214	we:0.052107886881058336	who:0.050896636724890615	she:0.049016955038894576	:0.01
at:0.5886563656167506	At:0.14697037135362345	about:0.12093742247625239	About:0.04436729218153659	of:0.03420065580956538	and:0.017459849658828974	feet:0.013055223636934194	for:0.012232113535846736	or:0.012120705730661731	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
the:0.4093233558040991	of:0.14347176912824763	and:0.09918323127245088	that:0.08389521681892108	The:0.07051764743152032	a:0.058349880834651466	Mr.:0.05600187837864818	or:0.0372170226949604	no:0.03203999763650096	:0.01
the:0.6337331662659316	and:0.100385275269275	of:0.04502915812563193	in:0.0446265384225453	The:0.04052682497589725	tho:0.03890434100479111	a:0.0367021526749023	to:0.027326210880625385	on:0.022766332380400437	:0.01
of:0.27099844308776505	to:0.18816030392489713	the:0.12555560953751105	and:0.11852902333954987	was:0.06675377362472638	at:0.05836527014777883	by:0.056443892401187266	on:0.05442127833351209	a:0.05077240560307232	:0.01
in:0.1793209190410547	up:0.1215966693700481	good:0.11999391698083074	life:0.10654902722748166	health:0.10190470004220842	men:0.10088903037918392	time:0.09191434758658136	strength:0.08469654572592258	city:0.08313484364668867	:0.01
the:0.5028203628907527	and:0.1263362350239923	The:0.09674317006857182	a:0.07154285732119055	of:0.06408299114283492	their:0.03558148219644667	his:0.035307927326419776	tho:0.03165855809079877	all:0.025926415938992364	:0.01
the:0.34170127421390223	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093987	to:0.07847171568184984	in:0.05339647102682973	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
the:0.3732728740085813	and:0.1485077783970547	to:0.1389523473083278	an:0.07439344067426598	a:0.06957204195587158	of:0.06329096308871245	in:0.05724347055243398	The:0.034701420514978626	this:0.03006566349977355	:0.01
and:0.30150181542805676	succeeded:0.10274438105042287	was:0.1018561551951933	is:0.09970501232309775	be:0.08555184996959278	it:0.08489174891435752	that:0.08476173864785717	are:0.06577723207608793	them:0.0632100663953339	:0.01
and:0.2682983319507874	recorded:0.10717905104111182	was:0.10263907629409649	made:0.09927630384100071	that:0.09842569549211198	o'clock:0.08895025276229458	up:0.08173084504592748	is:0.07240199994443215	found:0.07109844362823738	:0.01
Mr.:0.23175500774945862	wife:0.11733222205447784	;:0.11368081958922259	.:0.10229893126635656	William:0.09169701853550073	men:0.09111258948661274	Robert:0.08470775671599629	John:0.07923358613814786	Smith:0.07818206846422673	:0.01
and:0.3094729760936997	at:0.23286087122812335	the:0.10314929523616576	of:0.09928122536991126	about:0.053274181006935796	than:0.05313354301896458	-:0.05077538276593975	.:0.04831715440203377	for:0.03973537087822607	:0.01
the:0.24897615292696781	of:0.19766837159290632	and:0.1787652552568266	to:0.12827537637882494	in:0.06491360691034295	or:0.050003660337162574	<s>:0.04277980003518814	by:0.04022200513329792	for:0.038395771428482856	:0.01
they:0.28212357852386116	there:0.13444052315549698	who:0.11481698600164557	and:0.10256013960526965	which:0.08050099590242761	we:0.07645851500678591	men:0.07188099847629469	They:0.06804438099397302	There:0.05917388233424526	:0.01
of:0.2250938976251353	to:0.15983636858147232	and:0.14235360268224623	in:0.09941539122985525	with:0.09271152663599017	for:0.08276347247606508	all:0.07281782353184697	is:0.05769231024074562	by:0.057315606996643294	:0.01
and:0.21653818074666914	the:0.18724203922351232	of:0.14904754853675406	to:0.11548725602063736	be:0.07888300539379996	was:0.07500647985195938	in:0.06698318540006266	is:0.05563421583847635	are:0.04517808898812875	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
feet:0.1680682362936464	entitled:0.1244033834808118	up:0.11427840402807635	amounting:0.11025581526649773	went:0.10851599478240107	and:0.10786830750332972	him:0.10022868141875188	as:0.08106754940562412	them:0.07531362782086075	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
<s>:0.24643505364970167	that:0.22567481111489604	and:0.11986402130738498	it.:0.10509411761497948	but:0.07308474448235741	as:0.06237988616146023	them.:0.060287180696994194	country.:0.04939834692648971	of:0.047781838045736394	:0.01
<s>:0.5121723846671669	.:0.12730135601713374	it.:0.07980517116042422	him.:0.07089925602813626	them.:0.047071787781517195	Mrs.:0.040775381096998416	time.:0.0381795050326004	city.:0.038111190668697746	Mr.:0.03568396754732533	:0.01
of:0.35704036129386957	to:0.12063419259462448	in:0.1149773326809858	for:0.08560657772057283	and:0.08234035324942197	that:0.06539181917781645	on:0.0641273624337194	all:0.05231314023142514	by:0.04756886061756447	:0.01
sum:0.18676829411122214	number:0.1566486321513545	line:0.11140081741272478	city:0.10844765106291132	out:0.10739005474369737	day:0.09286734076326106	county:0.08286139477536687	amount:0.07384405151900511	Board:0.06977176346045691	:0.01
the:0.6093858295707175	a:0.08646090680230331	his:0.05731784470054919	of:0.050091574054541926	and:0.04398246105634379	The:0.04088316335032935	their:0.03645901345841604	my:0.03379143904342869	tho:0.03162776796337014	:0.01
and:0.16698146172987727	to:0.15728230301477966	that:0.13908943993487735	will:0.13541465682804538	would:0.11972156308277336	which:0.0979955233827294	when:0.0627836923132041	but:0.060353940037123466	should:0.05037741967658986	:0.01
a:0.520224493344235	the:0.326812224607747	The:0.035584290552299926	his:0.02485394307172937	of:0.019775017892578958	tho:0.01789037618277063	and:0.015718466039970874	no:0.015399521826614379	any:0.01374166648205389	:0.01
the:0.7693662488712028	The:0.06857698505744957	a:0.05778574722219929	tho:0.03490826349236942	of:0.02000249394282587	and:0.017711158599363862	tbe:0.009608886794852108	in:0.006296096242765247	vitiated:0.0057441197769720976	:0.01
of:0.2393347447500841	to:0.14927519673872378	.:0.12364975969228274	in:0.12363602657950747	and:0.09421953532028834	the:0.08584187129017175	by:0.07272487040998928	Mrs.:0.058544457917603	<s>:0.042773537301349446	:0.01
of:0.32640688073166885	the:0.27465211859223254	in:0.11542712589259005	to:0.07318470109699242	a:0.059083354431422666	and:0.04060156722304569	on:0.039387004585672014	at:0.032551072026947396	from:0.02870617541942828	:0.01
and:0.5217049534422643	that:0.1541976500862548	and,:0.07211415340020498	that,:0.06243237148146734	but:0.057219152621491055	And:0.038875643952146086	time,:0.02960217807493421	them,:0.028619219378149034	which,:0.02523467756308797	:0.01
the:0.39319515931297755	and:0.1291545761317795	of:0.1010563680693415	be:0.08586265197241065	to:0.06650129758854653	was:0.06478827149127846	in:0.05344773640069161	is:0.051042608646540685	on:0.04495133038643345	:0.01
the:0.5087256834274259	this:0.13671323175475525	a:0.10203627698282838	The:0.08053696240311	that:0.05942442180325902	tho:0.034611568068796096	no:0.028435350225123186	present:0.02238166769291	any:0.017134837641792237	:0.01
and:0.27398856937703836	to:0.1974598385100393	of:0.12375147340396656	not:0.08388555375057317	the:0.07716758999201043	as:0.06981759943263866	for:0.05881483337207526	is:0.05590071825745212	was:0.049213823904206096	:0.01
to:0.6043812645927766	will:0.11787479466733025	would:0.06395919182257692	you:0.039356419155639616	not:0.03924112525625143	they:0.03792820929805477	and:0.034344658885604736	we:0.028315394408063826	should:0.02459894191370181	:0.01
new:0.13363279883328663	made:0.11795375316227966	;:0.11592434004099784	large:0.11254051600585654	principal:0.10882619230432763	time:0.10685654844607202	city:0.10051975805723985	land:0.09934464881232145	law:0.09440144433761814	:0.01
;:0.19144271596780796	it,:0.16073763154027443	here:0.12049437696626475	him,:0.11804649775025873	them,:0.09400661208989029	him:0.08015674650162938	up:0.0801272436883014	time,:0.07692296664228485	in:0.06806520885328828	:0.01
is:0.24454835676571693	be:0.1811855292906329	was:0.12337268944102808	are:0.10358784880628127	and:0.08915062343655585	from:0.08650520441051682	of:0.06423367245153898	not:0.05213398527005321	it:0.04528209012767593	:0.01
of:0.284568737412574	to:0.16182437273352046	in:0.10996950048110242	and:0.09708273022398332	with:0.09400151816591863	that:0.07802695539842988	for:0.06175207715893779	by:0.05958614270601375	on:0.04318796571951964	:0.01
and:0.2786389633557082	together:0.12349200465067213	it:0.10935421957881498	him:0.10056753392149143	dealt:0.08373456189809872	them:0.07850010856564217	do:0.07804983265425736	complied:0.07261495932768194	charged:0.06504781604763299	:0.01
a:0.26247745837895314	the:0.19956055908545398	of:0.17043740037627547	in:0.08941420754259405	and:0.08631124462137403	to:0.06967574507524113	an:0.05474591704332782	for:0.030541272268130616	his:0.026836195608649704	:0.01
to:0.7462775136474077	will:0.05960736066923648	and:0.05461222132398946	would:0.025556798833594015	can:0.024364844569397606	could:0.022728472927166433	shall:0.020950203855402624	not:0.018436179739606987	may:0.01746640443419864	:0.01
of:0.3364778830660361	and:0.16820868855449994	know:0.11228045995785892	with:0.07223834347361587	see:0.06990086641769098	to:0.06398194624151483	is:0.06044079904829716	but:0.05720775580179686	as:0.049263257438689215	:0.01
of:0.2799783373682724	in:0.16749294801809153	to:0.14357359928757196	and:0.08569727138304976	with:0.07912250059033467	on:0.07728733411276338	that:0.05387547156651828	from:0.05155547685113611	for:0.051417060822261766	:0.01
and:0.18784336682063274	as:0.15114329179679575	went:0.11423878004667351	him:0.10666558228731272	them:0.09110223752457794	up:0.08733803455919152	is:0.08689480544253657	go:0.08340199801381315	able:0.08137190350846597	:0.01
at:0.23861372412503445	and:0.18123336713573385	No.:0.15369553872611846	the:0.0785355930690282	an:0.07621357714161778	of:0.07603658630895332	that:0.06309495345575501	No:0.06128870917065729	<s>:0.0612879508671016	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
the:0.3529099084051616	of:0.19549563774791118	and:0.10495246052570241	to:0.08688921559365345	in:0.06708309474613362	a:0.050050094872995554	be:0.04535609772480426	for:0.04386168236374957	was:0.0434018080198884	:0.01
at:0.22606604972269345	of:0.20393953051698147	in:0.16750080429008357	to:0.0917821286021026	on:0.07338281661280804	for:0.07328046460725854	and:0.0653471204622718	that:0.04550393544793668	from:0.04319714973786389	:0.01
and:0.28942820370253297	<s>:0.12895041364806353	in:0.11224014974718077	to:0.10215245109159486	New:0.09311853221000728	I:0.06838454769667193	Mr.:0.06772882796370654	by:0.06697986256627117	of:0.061017011373971024	:0.01
a:0.31807939436717036	very:0.13623265780526872	is:0.12108078561759071	the:0.11288192887813811	too:0.08643485353349406	but:0.060550970510645015	so:0.05607350070094781	was:0.05554292404142053	are:0.04312298454532451	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
and:0.2848316411696297	was:0.1355813173329022	arrived:0.12495822393002634	is:0.12069741224368326	appear:0.07265266432577419	are:0.06659714454613586	up:0.06596998592683308	came:0.0622361375378454	made:0.05647547298716984	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
the:0.3462166517470587	of:0.17007695002938156	and:0.1523056575519761	in:0.06730041244020717	a:0.06716926487521532	to:0.05814564063698489	his:0.04799968256932126	be:0.04082700137846195	their:0.03995873877139317	:0.01
and:0.25404439681150626	less,:0.1800182763392318	and,:0.12910585451947085	you,:0.08954805783527074	them:0.0763552705498923	as:0.07182598760721483	;:0.06918930011501705	are:0.06155666388063282	made:0.05835619234176349	:0.01
the:0.3497220737642145	a:0.18866244225704723	of:0.17530561740837713	no:0.06283443453113914	with:0.05799356349242508	and:0.05114452209629552	The:0.0414767295295645	that:0.03462002492163171	any:0.028240591999305148	:0.01
of:0.2289360817043604	the:0.21071284003571847	and:0.18576156052205767	to:0.11819991257172016	a:0.06734643833231153	in:0.056576928570972435	by:0.04452071835434858	.:0.04054773144581316	for:0.037397788462697555	:0.01
;:0.27119707986488517	and:0.21096057148478053	<s>:0.09700554096338586	.:0.07602272694356356	him,:0.0743151211483287	,:0.07049655827294196	them,:0.06852971752052382	it,:0.06406562792476568	1:0.05740705587682463	:0.01
they:0.29995413666375603	there:0.12336587267808474	and:0.11314861125863299	who:0.10672175143008084	we:0.08393458953724556	which:0.08312392011761545	They:0.06637683112029098	There:0.05753183354417497	that:0.05584245365011848	:0.01
the:0.34170127421390223	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093987	to:0.07847171568184984	in:0.05339647102682973	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
that:0.3829073819218592	and:0.2496945871995927	but:0.08277960045876116	which:0.053143026871893394	where:0.052957582158777224	if:0.05012989018668232	as:0.041969171355469306	But:0.038252978402390767	If:0.03816578144457387	:0.01
be:0.3465437114272925	and:0.1330846269163929	was:0.11284512967759905	is:0.10958557215998642	he:0.08614662801466028	are:0.0775856497791573	were:0.05107046818901303	been:0.04396127338092229	have:0.029176940454976152	:0.01
hundred:0.38841378645436947	up:0.09123185635738856	men:0.08930224671194738	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.07306411117914521	him:0.0668423327581923	;:0.06651424040074755	due:0.06192290086804839	:0.01
the:0.5999503355783595	a:0.09441017749364915	The:0.07709912819886229	tho:0.043358443700653566	great:0.041880604403607455	large:0.04171390634409202	and:0.04022001229770631	good:0.02733457627760064	by:0.024032815705469186	:0.01
of:0.511210803409102	from:0.08728021956375094	in:0.08209624690489542	to:0.07050158486530407	at:0.07038826672038159	for:0.0596388361688327	and:0.04665856918459928	the:0.0312808595781973	In:0.030944613604936756	:0.01
and:0.29590746995299394	week:0.20203591750483602	one:0.09856137374062375	up:0.08524969694082674	work:0.0692760864299584	time:0.06854347657598218	was:0.06033937584894617	room:0.055248915495848185	it:0.05483768750998452	:0.01
to:0.3801713410396947	will:0.16905314483498002	would:0.09527916658290728	may:0.08675332896552816	should:0.06283728370881102	shall:0.06007446359778352	not:0.056307515032875996	must:0.039927651800072135	can:0.03959610443734722	:0.01
he:0.2123697658464264	who:0.15091908100628376	which:0.13423069933853984	they:0.11142265066260212	it:0.10310378443593027	that:0.08782466281035547	I:0.0712737738819633	there:0.06045635920866449	she:0.05839922280923447	:0.01
the:0.4657649232298497	his:0.10234883381816585	a:0.09264318533602994	this:0.06642299266600768	her:0.058436458432954794	healthy:0.057650049937570766	good:0.05199041126892855	and:0.047688773017172364	their:0.0470543722933202	:0.01
was:0.16088072202995243	and:0.13714933632780577	be:0.13686602028052958	been:0.13341930095636764	are:0.10967063390028124	is:0.0878435099415715	the:0.08571444902383836	were:0.07008512550949267	of:0.06837090203016082	:0.01
a:0.2558910027910293	young:0.17274448724576494	better:0.1374190812417833	of:0.11122809688828757	the:0.08562301738597067	other:0.06459601801180379	white:0.06366985210434428	any:0.052506906462729104	in:0.04632153786828718	:0.01
;:0.19867792959144157	it,:0.1387394934950671	him:0.10153404351449943	in:0.10101992240408268	them,:0.0956397707501876	it:0.09563508187166943	him,:0.09418332390823188	and:0.09121356555636863	me:0.07335686890845178	:0.01
and:0.2142628505329903	of:0.2026591530571619	was:0.1554265953750288	is:0.09899687051373142	are:0.07974714487729871	were:0.07206825686557838	for:0.05953365128748507	in:0.05842261743222283	one:0.048882860058502654	:0.01
J.:0.13934519687762478	Mrs.:0.13316587149760076	John:0.12892597091609242	and:0.12012129548638387	W.:0.11106019597166727	.:0.10869134162632811	A.:0.09338559989591322	of:0.08204388105948764	Mr.:0.07326064666890188	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
and:0.22646225889984659	to:0.1793663175554533	of:0.16273196773080137	the:0.14441230832401444	in:0.06671702552099562	be-:0.06590235747966394	that:0.05175613165960595	was:0.04831311007520194	for:0.044338522754417	:0.01
and:0.18162378161506837	has:0.15032884804530597	be:0.1280804998332988	have:0.12478936844945697	he:0.11752924616354087	had:0.09461461977914569	was:0.07266614531512908	I:0.06700941340996258	is:0.05335807738909168	:0.01
and:0.3912270808895811	made:0.11393007743285676	but:0.09254453484258376	or:0.08745817728507765	them:0.06907013496078818	is:0.06323170573957457	that:0.06211245571167874	be:0.06081353489314619	well:0.049612298244713186	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
of:0.40272837142601436	in:0.11425909098722532	to:0.10881707022405471	and:0.09331818602622442	that:0.08439249385569537	by:0.05353742964641415	for:0.05047338035526314	In:0.049423751187319474	from:0.033050226291789206	:0.01
the:0.29263780767360903	and:0.22130879062557937	of:0.11863059456932078	in:0.069392364097213	was:0.06932978479393213	to:0.060483296395248756	for:0.053710583531059015	that:0.052451811278698565	is:0.052054967035339364	:0.01
the:0.30337617970676906	of:0.18860457588018725	and:0.131061740829474	to:0.0977610809207078	a:0.0809566554459928	in:0.055741965423345884	be:0.051143240024298715	was:0.041879765140534715	is:0.03947479662868964	:0.01
and:0.18429512124228783	thence:0.12666124434661694	compared:0.12463267219739377	filled:0.11770960095871037	covered:0.11662586487994449	connected:0.095807879067342	together:0.08955974423147212	charged:0.072469343998234	met:0.06223852907799852	:0.01
a:0.33989654985515516	the:0.11713887178914206	that:0.11440404878814299	per:0.10361667962023188	every:0.09323642285237212	one:0.07896922790716034	this:0.0763913682130256	said:0.0409789910051508	to:0.025367839969618947	:0.01
be:0.14877296574160667	and:0.1465018593821292	have:0.14266418320545401	was:0.11667704133931295	had:0.10204952867590346	not:0.0915991614980317	has:0.09156698311153705	to:0.07589108486159069	he:0.0742771921844344	:0.01
<s>:0.5619970252337455	.:0.09156727823160848	it.:0.08614950193340987	them.:0.06451952160031799	day.:0.04683290878296805	time.:0.03969312381958453	him.:0.03524126013264805	year.:0.03251062132864089	city.:0.03148875893707654	:0.01
and:0.24582164546793467	the:0.19221240549976232	of:0.17886404699877276	in:0.09462615788883734	to:0.0822555394324629	for:0.06744397969290974	<s>:0.05670319795781503	The:0.03757313236095326	by:0.03449989470055211	:0.01
about:0.1736993944435801	and:0.15237538542351003	of:0.14469139259367964	or:0.12365829462250565	than:0.11746862587903219	for:0.08462187217979023	twenty:0.07292322896895828	at:0.060648620376157876	to:0.05991318551278604	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
has:0.16135374414388173	was:0.15917195955975733	have:0.14442919734350157	and:0.12778795867497272	had:0.12219011497586482	he:0.08778757401311792	were:0.06582157662482852	been:0.06074101209833229	be:0.06071686256574321	:0.01
of:0.26648110125492797	and:0.226972955076138	the:0.14563530949121087	to:0.10029355109953572	in:0.059287043708615865	with:0.050825257374843794	for:0.049755284605767794	was:0.04649798214186022	a:0.044251515247099735	:0.01
of:0.40982992376827104	at:0.15166339537892137	in:0.11167677821575574	to:0.10000984518739775	and:0.06416423285539825	for:0.05567959524831872	by:0.03565980274265497	In:0.03141299516659119	with:0.029903431436691042	:0.01
and:0.2551556869280486	that:0.11646575451359603	when:0.1030112136589557	at:0.10079608719257256	I:0.09504936217126182	which:0.08870396340638374	the:0.08516287014757416	<s>:0.07659810179213328	of:0.06905696018947406	:0.01
the:0.35861451900589214	Mr.:0.1291559629555713	of:0.1199072506314825	The:0.10475232618943306	and:0.09673714076044429	that:0.07632406646832235	a:0.04689593712709312	his:0.030747167493934732	Mrs.:0.02686562936782656	:0.01
and:0.19198807372812368	was:0.19172387832443338	is:0.173062523443204	have:0.08076057753104784	be:0.08041964354041867	not:0.08038530924589624	are:0.06652668714115854	had:0.065572567141397	been:0.0595607399043207	:0.01
a.:0.16878814459465952	p.:0.1608490631057629	p:0.12401508233442923	of:0.10757571404171357	and:0.09951867286641412	the:0.09884118937354294	a:0.0884602437276111	in:0.08250194930424502	.:0.059449940651621465	:0.01
much:0.2864184675912851	part:0.23262008837886392	copy:0.13489031997752396	plat:0.1267646005610016	payment:0.05081738714482688	portion:0.05072008966830258	survey:0.04156989604250638	holder:0.03587450395846622	notice:0.03032464667722336	:0.01
and:0.23790265674568378	them:0.12900124241365465	was:0.11993164499191482	are:0.10371105674743307	look:0.10025498902218322	it:0.07700668079457622	is:0.0754300729782332	or:0.07386423758878818	him:0.07289741871753298	:0.01
;:0.21755840883468114	city:0.17941877769686584	Mr.:0.11909440171705873	State:0.09018689681811028	Mayor:0.08744010675712655	in:0.0863395577821055	men:0.07099301644500135	Mr:0.07016410913090164	mortgage,:0.06880472481814905	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
city:0.19191111312101983	right:0.14553573973701675	men:0.1147767047389575	in:0.09495117636455953	North:0.09221678701471331	wife:0.09123508151811072	friends:0.090652387074982	time:0.08508186639169973	north:0.0836391440389406	:0.01
of:0.25943817080076476	about:0.1552573359111449	and:0.13996797351496781	or:0.10358165156985565	for:0.09185194373218837	at:0.07368606040284305	to:0.07119589486799942	a:0.04764144065167802	than:0.04737952854855798	:0.01
and:0.33651200696739575	to:0.1856128011470974	of:0.08386717831522203	which:0.08237112197637285	re-:0.06907863865464145	that:0.06612645657221398	for:0.057150612585785354	or:0.05589309360209147	not:0.05338809017917966	:0.01
at:0.27361059641361096	of:0.18066357409477976	to:0.1760842092939471	in:0.12326766119201564	and:0.07822248243463403	from:0.050130018734745284	with:0.04808123429974605	for:0.031428204394069584	by:0.02851201914245151	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.04553578393787439	of:0.03051332981678091	tbe:0.02261446403444868	in:0.021612439669724332	or:0.020196218295911488	:0.01
a:0.4287411984423431	the:0.24284375271535386	of:0.08257026465097339	and:0.05842979511584264	with:0.04928445493473255	The:0.043590520219349324	very:0.033610370804075924	so:0.02725040887299281	by:0.02367923424433655	:0.01
would:0.22980511667265655	to:0.17299540970927663	who:0.12482764014450815	they:0.10355307675313528	I:0.09251266344910342	which:0.07981734282547859	must:0.068890066387715	might:0.06196287097814179	shall:0.05563581307998454	:0.01
he:0.237791162598741	it:0.14238741927289292	and:0.13938385698609068	which:0.12136892724549829	who:0.10394056016266998	It:0.08725906579136476	He:0.057860620350052065	that:0.052760405763682475	they:0.04724798182900789	:0.01
is:0.24414522809560332	well:0.20312681843225824	be:0.1395493322425759	was:0.08593936342546314	not:0.07910460228104878	been:0.06807726227693138	are:0.0616780709051422	and:0.06120280740099837	have:0.04717651493997866	:0.01
the:0.30337617970676906	of:0.18860457588018725	and:0.131061740829474	to:0.0977610809207078	a:0.0809566554459928	in:0.055741965423345884	be:0.051143240024298715	was:0.041879765140534715	is:0.03947479662868964	:0.01
I:0.21531998169734332	who:0.13212487545517498	and:0.12667992089804822	we:0.11757456722808408	he:0.1175567409769469	it:0.0986272473055447	they:0.07727818195304798	which:0.06164243790512455	you:0.04319604658068518	:0.01
of:0.3819744924780211	on:0.12688766158147805	and:0.10570064672579753	to:0.07571566713192036	from:0.06896687579169443	in:0.0626390801598244	for:0.05993141278909354	by:0.0541034259339271	at:0.05408073740824352	:0.01
and:0.17500364824947054	is:0.1402727321146912	able:0.1235681814955563	not:0.1166137340210932	have:0.09433532846680513	order:0.0911346826954187	enough:0.08873686667098968	had:0.08057138389203318	was:0.07976344239394213	:0.01
in:0.2291796231230005	of:0.198946047681148	to:0.12894122755459383	for:0.09814016662143758	with:0.07994941794472238	from:0.0778656863619228	by:0.07136739601410985	at:0.05341523200022529	In:0.05219520269883961	:0.01
pow-:0.21335877133137843	nev-:0.18257192804169076	oth-:0.16964742272657235	moth-:0.09271846926398264	oth­:0.08482871771780631	anoth-:0.08432167628527902	pow:0.06871550550790681	wheth-:0.04884780553872171	prop-:0.04498970358666183	:0.01
and:0.4311317947261629	as:0.12828225984543234	the:0.08089558397421481	him.:0.0745372919311814	<s>:0.06806883936477304	it.:0.06459054197860707	that:0.061144256341358574	them.:0.04549913322282863	.:0.035850298615441166	:0.01
to:0.32783136150876246	of:0.18980364323686774	as:0.11499269125443523	with:0.1106211996957376	for:0.06913799505328921	upon:0.06571255759791908	tells:0.04258192467168854	and:0.03946043221164841	from:0.02985819476965173	:0.01
the:0.30590031305897786	in:0.22711977018176127	of:0.11744468364179907	a:0.11698523276518459	In:0.06083945966304752	and:0.05134978341910975	that:0.039128035379286524	an:0.03561882012839444	for:0.03561390176243886	:0.01
be:0.15922515511435362	was:0.14207793697422408	and:0.13842799376769035	the:0.10382843282146306	had:0.09686151016404443	has:0.08959109272006688	to:0.0871138071576565	he:0.08709205669795313	have:0.08578201458254792	:0.01
the:0.6977394256623825	of:0.07851307377977018	State:0.04282912087452238	at:0.03933239537576643	tho:0.03337110196920806	Lake:0.029007677825461407	National:0.025115348363815748	tbe:0.02317846553492995	The:0.02091339061414346	:0.01
her.:0.2511978759200188	<s>:0.21426696927267533	it.:0.1326014635929581	him.:0.09613761419204978	them.:0.08084753975177073	life.:0.05862595133429038	years.:0.057583766605288834	time.:0.053398700362779786	day.:0.04534011896816824	:0.01
was:0.2714370005563428	is:0.21255299661819088	and:0.11361857772732548	are:0.08205112953516056	of:0.07345502136406576	be:0.07065495393919227	were:0.06503615336365012	as:0.054164278513341844	much:0.0470298883827306	:0.01
I:0.21623072348169675	we:0.16777123601194355	they:0.123620961038816	We:0.09602625993578805	will:0.0848854858087891	would:0.08343257151205333	who:0.07959451584158822	to:0.07788581964555238	you:0.06055242672377271	:0.01
the:0.7516228402097067	at:0.09196047064293454	The:0.06230600201797773	tho:0.02516378062796117	At:0.022328030410014594	a:0.011877913584526256	tbe:0.01050540569880405	his:0.009986104467623984	its:0.004249452340451001	:0.01
the:0.24532168858997552	and:0.16201373497773278	of:0.1480249964756765	to:0.09143878973251966	a:0.09134777440121443	is:0.07327943306749635	was:0.06763514483225812	be:0.061231115717340516	are:0.04970732220578616	:0.01
of:0.24095622101005232	the:0.17573917701765399	and:0.1442987807662856	in:0.13674037881311332	his:0.08584430492500163	a:0.061582023436519195	to:0.05044325411634326	that:0.04752276877646818	this:0.04687309113856257	:0.01
will:0.3154466520894114	to:0.2264733793354384	would:0.12296289794452307	may:0.07579629236626322	should:0.0686246315292634	not:0.052475289978544296	shall:0.044997170583159996	must:0.04141487298976131	can:0.02417597625730297	could:0.017632836926331833	:0.01
he:0.22480229380192834	it:0.17485728277577844	they:0.12397626271710332	I:0.10874733808034656	that:0.09441150165732329	It:0.0934061924792438	we:0.05704965258936926	which:0.05692367062721335	and:0.05582580527169371	:0.01
the:0.4503990754649263	of:0.18083781866960355	a:0.14897493105151557	in:0.04094437219784389	The:0.040818502090030934	our:0.04058997886855957	and:0.0366608881868615	to:0.026302090204388538	for:0.024472343266270156	:0.01
of:0.5951568688745345	to:0.11832347747494423	by:0.05212401260695767	that:0.05154535001740727	in:0.04738804261040439	for:0.04162824347964624	and:0.030922962465035078	with:0.030685252742550517	at:0.022225789728520066	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
to:0.651905353640497	and:0.08505684509534248	will:0.07734174491232138	not:0.046083860310382946	would:0.042538359644417593	To:0.030470447502275823	can:0.022114929029733048	I:0.018057142122855748	who:0.016431317742173913	:0.01
city:0.14822362917769938	part:0.12666926887831928	State:0.11535755193956068	state:0.10799676255269045	Board:0.10794595169740187	day:0.10638395259090722	side:0.09966821445569862	line:0.09917006123925504	out:0.0785846074684676	:0.01
the:0.48457145640294713	The:0.2525453099584327	a:0.09643047279301882	his:0.03190227104528989	that:0.0276044797697504	of:0.02735486281384008	A:0.024191367885758503	tho:0.022800666704257268	said:0.02259911262670523	:0.01
the:0.46466230818170495	court:0.16453672070161607	a:0.10096492421510496	dwelling:0.08363021148975536	of:0.043487459507792876	boarding:0.03560606321261629	tho:0.03506692139075075	school:0.03245754512416747	opera:0.029587846176491205	:0.01
and:0.19114058312161616	as:0.13314190948511095	is:0.12970788178474746	time:0.11468763052025993	enough:0.09818374179974258	able:0.08497172261901914	them:0.08363840144469316	him:0.07966558977274127	necessary:0.07486253945206935	:0.01
he:0.2534904853283935	I:0.20359152768290198	they:0.09666326511359229	and:0.08940156142938736	He:0.08624919850478818	it:0.07762902251794108	she:0.07650371136168965	there:0.055941161499413763	who:0.0505300665618919	:0.01
the:0.3653794562175868	a:0.35420464330764534	Republican:0.06985284959044888	Democratic:0.06407419446246178	The:0.039413044121637326	A:0.0281819645704118	democratic:0.025288955502803283	tho:0.02433633397921859	one:0.019268558247786064	:0.01
the:0.7192580307577114	of:0.08882565777784385	in:0.050425129873996645	tho:0.030916673430369978	for:0.028266556150213697	his:0.020459040801072532	to:0.019611881624276767	and:0.017722471728030653	a:0.014514557856484343	:0.01
it:0.25091728095097876	It:0.1545492501183212	he:0.14927412853589556	I:0.13771884300575293	and:0.08660406772396528	there:0.05683357065190526	which:0.054455380679716475	He:0.051990439956817305	she:0.04765703837664708	:0.01
the:0.31032794402353153	of:0.174136548685278	and:0.16924373084989436	to:0.09410335785526062	a:0.08334285316950657	in:0.052679580193748875	be:0.03777522488732701	his:0.03486601099791866	or:0.033524749337534535	:0.01
of:0.3715111848481692	in:0.1621039785883567	to:0.10339170749355665	with:0.08487782708696824	from:0.07308810029247698	for:0.07167793605598163	at:0.04569737051938026	by:0.03921598099811428	and:0.038435914116996095	:0.01
and:0.25037799561132223	to:0.19051743664518078	of:0.12818071300755096	the:0.11341275889843262	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.05790590474591629	for:0.056443486992488516	:0.01
the:0.6502265465029017	The:0.1407956594213514	tho:0.041957806044340136	of:0.037812677039095674	and:0.03684749273299743	that:0.023827637106802576	stock:0.021436929916422577	this:0.019055393906033072	a:0.018039857330055392	:0.01
in:0.3088647831169534	of:0.2204620531365894	the:0.2081125807209171	In:0.06806372207359795	and:0.04822496445806473	by:0.043913778840606925	his:0.03303342965423837	an:0.032168760840090814	all:0.02715592715894139	:0.01
as:0.188283813505136	according:0.14144678228402477	up:0.13904323060160725	and:0.1096650113200393	went:0.09104380703179268	back:0.08789812106037491	regard:0.08348580619122747	feet:0.07747526592666086	down:0.07165816207913696	:0.01
of:0.41093113273584714	to:0.12363286140947108	in:0.09654701169880539	by:0.06754995806087415	and:0.06599732598478977	that:0.06571057222679623	on:0.061258127847751774	with:0.057414135166623845	from:0.04095887486904074	:0.01
of:0.32455281647968703	in:0.1585613233485809	to:0.1259567931976374	and:0.09252387191260503	that:0.07125172440004093	In:0.06461245312825561	all:0.057115721320605696	with:0.0522708748643423	by:0.04315442134824503	:0.01
recorded:0.7778752829400574	corded:0.06349770618380073	<s>:0.06171690705410842	and:0.022536413148961074	Monday:0.016790415653523995	situated:0.013966799609245377	filed:0.012121159827952421	held:0.010810413992293202	in:0.010684901590057382	:0.01
the:0.31302211489680676	of:0.22608387122590395	and:0.12066170521150996	to:0.072817602977965	a:0.07068595070338742	with:0.05619873645068492	in:0.053623354852195465	by:0.04199769704810455	on:0.03490896663344193	:0.01
a:0.22977871738319414	the:0.1568339064571369	is:0.1287002955622306	no:0.098951221094316	much:0.09865336145373028	or:0.07910178231657941	are:0.07142375081177997	and:0.07112860788033329	of:0.05542835704069929	:0.01
of:0.34893611304615335	in:0.18964197455101672	the:0.14836030776765416	to:0.07914598808145268	for:0.05829038187715751	a:0.04590094415406576	on:0.04395596776745911	and:0.04252313341144711	In:0.03324518934359355	:0.01
the:0.2005572653335812	of:0.1665560137834093	and:0.14161287710752665	to:0.12157105424998728	at:0.08920309278140329	a:0.08297771780906495	in:0.07266655013403324	.:0.07242727265760797	by:0.04242815614338633	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
a:0.23654331118216712	and:0.14999700745818328	the:0.13612044195793638	under-:0.12036646493027275	was:0.11809550346581729	his:0.06252806931446078	one:0.0582110587226392	of:0.05581211364983371	by:0.05232602931868952	:0.01
the:0.357049484551998	and:0.19569839124732868	of:0.17066785543405627	The:0.11172442877965486	that:0.042779005993718346	these:0.03153273173181317	a:0.028047350814569477	or:0.027399312475863045	to:0.02510143897099813	:0.01
of:0.3416629929174749	between:0.11309780174543187	in:0.10089811587350879	and:0.09639690747029671	for:0.09224735079546784	to:0.09030775032821756	that:0.05780825592637397	on:0.0489538163765837	by:0.04862700856664449	:0.01
of:0.3045807371865482	to:0.1548406124937446	in:0.14903146646663507	for:0.0955073884481113	on:0.07869328443898092	at:0.061073716095703647	and:0.05456203048541185	from:0.051488396970657165	with:0.040222367414207164	:0.01
and:0.2558407790317296	to:0.1973828898365228	the:0.17706877017212086	of:0.15659508795237045	in:0.0514471153615884	a:0.04563612280468392	be:0.039399441276570545	or:0.03662950978881177	is:0.030000283775601728	:0.01
is:0.27895089347394464	was:0.18284798182988365	are:0.13445381363945924	ought:0.12584359622938077	and:0.06513450641913239	were:0.05719786316946085	do:0.0533822138451066	it:0.047540208614637425	Is:0.04464892277899437	:0.01
the:0.40392039082210973	Court:0.37090870539048204	White:0.07617139109961688	The:0.04727110772807788	Custom:0.025751562964296155	Opera:0.02407606800076343	tho:0.015152354521334446	this:0.013865002535459355	States:0.012883416937860047	:0.01
the:0.25227654780027603	of:0.21732518402554865	Mr.:0.1290161039921202	and:0.12041181834883627	that:0.07009549209853674	The:0.06690482309935276	in:0.048565442148007724	for:0.04324649951704062	as:0.04215808897028105	:0.01
;:0.29402029927744855	nothing:0.13459802704284196	and:0.11086014155510929	it,:0.11051342075469885	him,:0.08083530931796674	is:0.07443123834590866	time,:0.06904583798638775	them,:0.06624892874297941	,:0.04944679697665859	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
the:0.3049577682214297	and:0.16054966112476293	be:0.1285319459042435	to:0.11402156540057766	an:0.08300056714731653	a:0.05494111114758324	of:0.05394450998137021	was:0.05033759692214858	is:0.03971527415056753	:0.01
of:0.5075670862657436	in:0.13170187402781539	to:0.09195302205530927	for:0.06144599766286611	by:0.060662506865651465	the:0.04164372512882963	on:0.038221023991556594	In:0.033078582225615674	from:0.02372618177661242	:0.01
he:0.2975938412664554	I:0.1471282251961426	who:0.133573698416004	they:0.09630194152462258	she:0.07780358321265957	and:0.07122033994947811	which:0.06282023249521906	He:0.05213221799963884	that:0.05142591993978003	:0.01
of:0.5378117216119066	in:0.10697017753948343	and:0.10660548291350755	to:0.04900194881970808	the:0.04570326829858478	from:0.043009264187005854	by:0.041381137279199634	Mr.:0.03338422216317345	In:0.026132777187430452	:0.01
deg.:0.2770597325880294	of:0.13378320385051382	.:0.12586941445633193	to:0.10710010236760063	deg:0.08510324936940734	Mr.:0.07572266753978635	degrees:0.06649541488123645	min.:0.05961328600873677	and:0.059252928938357236	:0.01
there:0.30659190828091565	There:0.20418168429788405	they:0.15783536111637486	who:0.07163664213804852	and:0.06136261718060711	which:0.06091786449915245	They:0.04868905131112108	that:0.04070001296391975	we:0.03808485821197644	:0.01
and:0.24715944158911993	depend:0.10115542297585237	based:0.10085046174861782	placed:0.09929781518962863	depends:0.09865819847804204	called:0.09672811564313881	down:0.08601932662424668	made:0.08525060516232964	effect:0.07488061258902408	:0.01
and:0.20230829534867	known:0.14765077609780836	men:0.1277729974892388	out:0.10274423295538833	land:0.0959978802198255	him:0.09518698067078281	them:0.08895090744034775	people:0.06493664828216263	friends:0.06445128149577567	:0.01
of:0.3414108514059548	to:0.13406609036395592	in:0.09683007567613616	and:0.08749654156957452	on:0.07389148031448023	with:0.07010216626897982	by:0.06572510173410043	that:0.06086461626170887	from:0.05961307640510928	:0.01
and:0.19115583429945845	had:0.15053096399090302	have:0.13932078714456683	he:0.13707187739974505	has:0.134515240069458	be:0.07974267932230909	I:0.07333037708481506	was:0.04287165952249949	which:0.041460581166245056	:0.01
as:0.188283813505136	according:0.14144678228402477	up:0.13904323060160725	and:0.1096650113200393	went:0.09104380703179268	back:0.08789812106037491	regard:0.08348580619122747	feet:0.07747526592666086	down:0.07165816207913696	:0.01
and:0.29439566235850884	he:0.1390770227407711	I:0.11438221200136309	have:0.1051712284201758	be:0.07629880767647247	the:0.06849242912289696	had:0.06632662110314154	was:0.06478714875186567	not:0.06106886782480485	:0.01
of:0.410041727590682	to:0.13923361277386131	in:0.10788738556060733	and:0.08033580439217336	that:0.06684779878526198	with:0.05302311129119275	for:0.0463659768759019	from:0.045622169013714096	by:0.04064241371660546	:0.01
men:0.23646663375248653	time:0.12821176822129565	up:0.11907148463663784	hundred:0.11057591034174091	in:0.08985738013461514	out:0.07975170367717398	and:0.07902933208811572	principal:0.07476526310774437	made:0.07227052404018984	:0.01
they:0.305918711234953	who:0.14275529165715195	we:0.10751065151613086	which:0.10550012023048937	and:0.0875684992879334	They:0.08349436630256758	men:0.06700644469728985	I:0.04985637007748153	We:0.04038954499600258	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
up:0.17279618430411603	and:0.1491253141464068	went:0.12155564381084619	go:0.10263680448531426	as:0.10169724424072725	them:0.08998028934408066	came:0.088453503155831	back:0.08751265865894858	down:0.07624235785372936	:0.01
the:0.46347549531545523	The:0.09759956661753316	of:0.08887558917217694	this:0.07634265057839237	other:0.07584167482125195	in:0.052509459898068385	his:0.04874893142200147	these:0.0487039727415237	and:0.03790265943359681	:0.01
the:0.8506298265139545	tho:0.05340099714368736	The:0.037784037107459215	tbe:0.017589319807207425	of:0.013598977709134904	and:0.005573476628052525	a:0.004431265609805404	by:0.0035072089860530443	that:0.0034848904946455993	:0.01
and:0.289523428263079	that:0.15824401089052859	was:0.09065914951141588	be:0.08347141963161514	as:0.08077847374174837	placed:0.07560117637392505	it:0.07469826218847164	is:0.06856168726911975	them:0.06846239213009671	:0.01
to:0.3032412931975073	who:0.12098969008753628	would:0.09948233861718843	they:0.09318599308169587	we:0.08747037286427027	I:0.08558201199040602	will:0.07114804868370254	you:0.06976912524566115	and:0.0591311262320322	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
is:0.2223922329619498	be:0.1949706344077781	as:0.15133131661074334	was:0.10983037038271722	so:0.09059159670236991	are:0.06341515708909767	Is:0.0493928152834832	and:0.0481421424553916	not:0.03037563047142889	were:0.02955810363504015	:0.01
to:0.3483920992372115	and:0.19937473308563627	in:0.07724965300663375	all:0.07339901113179798	of:0.07240268847674135	was:0.06185842291430571	not:0.0562600175255774	I:0.05602826357933747	be:0.04503511104275833	:0.01
the:0.2524863160635659	a:0.17846461164995908	of:0.15991705052688354	this:0.12053977758694909	his:0.08158301069842624	in:0.0660897346762283	to:0.061991964272672485	that:0.034523954444221384	last:0.03440358008109395	:0.01
the:0.3149107177547809	of:0.18198520635838672	and:0.1597381867371836	to:0.08210190978754722	a:0.07192616817774336	in:0.06102139026401743	Mr.:0.046260949257289526	that:0.0381259694073099	this:0.033929502255741435	:0.01
and:0.18112380917603338	is:0.1418077968334581	began:0.128122538121114	able:0.10472341704505714	him:0.09146996026724458	go:0.09048387164732931	as:0.08894031098008869	was:0.0819272479062706	ready:0.08140104802340427	:0.01
of:0.306877237372942	<s>:0.16626693362378991	to:0.12089354700309994	him.:0.07862557570711988	it.:0.07175566360210174	that:0.06450635445503664	and:0.063590400227	in:0.06311358910914701	years.:0.05437069889976296	:0.01
A.:0.5679953174802193	J.:0.09448264364916194	.:0.08194067157216689	John:0.06821949025132715	W.:0.05809747636514093	C.:0.03363877871147554	Washington,:0.030963117027191688	E.:0.027337678230485517	H.:0.027324826712831003	:0.01
;:0.20953252095776806	it,:0.11451281996419217	him:0.11252660622910599	one:0.10399558216214487	in:0.10038399485273586	and:0.09216727949281207	,:0.08702126563998025	it:0.08638247894281384	up:0.08347745175844686	:0.01
the:0.2444189738387657	of:0.18032664160360523	and:0.17118232658789562	a:0.11248172269026226	to:0.09682978540294508	at:0.06257738271421678	in:0.04661311955048605	on:0.043756340662556265	was:0.03181370694926708	:0.01
of:0.2523558492351206	and:0.16928746430123878	in:0.12483596792384387	with:0.10151053519944808	to:0.09883079762593784	for:0.07479873152811378	that:0.06518170357774511	by:0.053846178297207004	at:0.04935277231134485	:0.01
the:0.4602987176008522	a:0.12756423349953472	of:0.1162270034503582	and:0.0951794130669555	in:0.05200259545726664	two:0.0408521971535047	or:0.03640815819863089	The:0.03397698429046535	tho:0.027490697282431944	:0.01
New:0.2517398805950608	of:0.19186254862671417	the:0.17939490754290424	in:0.11243260663362849	and:0.07284776897081274	a:0.06908743672533371	his:0.04330512072051882	dis-:0.03605612341646724	to:0.033273606768559595	:0.01
and:0.2828300659501371	as:0.2405887131989397	way:0.09815234928757725	time:0.06893943295802792	is:0.06356306283520904	said:0.0621934738405615	referred:0.060406181849213154	subject:0.05775867631159916	him:0.055568043768735344	:0.01
the:0.3222700586422684	of:0.19748303497032527	and:0.14821900911444638	Mr.:0.0814022366829615	a:0.07018330339807605	to:0.05211795477222556	The:0.044962636484870665	.:0.03895710737577016	by:0.034404658559055994	:0.01
at:0.40719415449406127	to:0.1197536666225863	No.:0.11680045554023337	of:0.11276482791271174	and:0.10043906145736638	a:0.03822434690447633	from:0.035442607317305794	.:0.03238701037476911	by:0.02699386937648965	:0.01
of:0.38960763717867175	in:0.18939908451640908	to:0.0688152118717865	for:0.06591217614556392	and:0.06538928134776033	from:0.06429567328801433	upon:0.04965734544088957	that:0.04876392207835072	on:0.048159668132553915	:0.01
has:0.4745054533519316	had:0.20445083724438542	have:0.18423964817940605	lias:0.03334636073725766	and:0.025257749238923884	having:0.020436677879858128	he:0.017570771753819953	which:0.015355406092462037	who:0.014837095521955123	:0.01
as:0.5328287653816642	and:0.11666702513720163	is:0.05809030948953038	seems:0.05336821137497034	not:0.05318297538695393	seemed:0.049977635319611934	it:0.04646139630126229	come:0.04104685015196317	referred:0.03837683145684218	:0.01
<s>:0.4029882210192734	it.:0.15019665721834255	them.:0.10138047245806311	him.:0.08481685983304696	us.:0.06564980181948499	day.:0.06174770189365092	time.:0.043064065607187826	way.:0.040446305462483866	and:0.039709914688466325	:0.01
the:0.4758972305018486	The:0.14802028319777275	few:0.094377874608794	these:0.07002853094381298	no:0.047304336830774445	a:0.045520866183808045	two:0.040128242154434855	other:0.03451841017572248	of:0.03420422540303186	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
the:0.351770535085068	of:0.15110033151656146	a:0.10428506204079356	and:0.1024256571786688	to:0.0902160800805959	that:0.05648203536026362	for:0.04627729372379287	by:0.045948975998630855	at:0.041494029015624934	:0.01
and:0.30924221119967327	that:0.12611015277008547	made:0.09865062957046655	is:0.09201446995999618	was:0.09128595813112018	placed:0.07404370378857507	as:0.06709678931603316	be:0.06629358245444635	or:0.06526250280960379	:0.01
of:0.42691376662107344	to:0.17733134492601918	in:0.08719676990091789	by:0.06836009569985092	that:0.06305564013352823	and:0.06304944855939369	In:0.035756856907893694	from:0.034738246160098796	for:0.03359783109122405	:0.01
was:0.19212253721377023	not:0.15436640119769454	and:0.13700595366409887	is:0.13588653214645768	to:0.08619249947164129	are:0.07909606770737836	be:0.07693746910725004	were:0.07148566846226698	been:0.05690687102944193	:0.01
of:0.23147878666267743	in:0.16354154413646171	at:0.13623310511628936	to:0.12475822205396492	and:0.08174569600768213	on:0.07648236697015053	In:0.06384841914428713	At:0.06245348390113707	with:0.04945837600734989	:0.01
of:0.3677914576384339	in:0.324514923608305	to:0.08788831466271628	In:0.05550193365683764	for:0.037602821465423285	by:0.035004494571549964	from:0.030947598542483783	that:0.027064749623654183	and:0.023683706230596187	:0.01
away:0.19041587022310327	and:0.16519107313931605	taken:0.13090618369387813	miles:0.11772895341262953	feet:0.10551786830952455	come:0.07393483029145144	them:0.07169234007196142	out:0.06832721446888708	came:0.06628566638924843	:0.01
with:0.18862366244226822	of:0.1782550432825307	the:0.17379549097689212	and:0.1672703499330958	an:0.10403317103249586	their:0.05092872009920956	no:0.05056565174762098	any:0.041561840472257736	as:0.03496607001362896	:0.01
<s>:0.24323407163159882	manner:0.2026780123018105	and:0.1417229539143313	that:0.13384824303187062	land:0.06161956135523472	way:0.05417295900322747	money:0.053664506749487695	it:0.05037885393453887	work:0.04868083807790008	:0.01
the:0.7810534624086235	and:0.05242929719154762	The:0.03649877925143228	tho:0.030613616902426935	a:0.024346439575946028	permanent:0.019381042898497063	of:0.016727295666181873	or:0.014841845492347345	in:0.014108220612997411	:0.01
they:0.21454261398464153	I:0.18418724016223295	he:0.1413690021039471	who:0.10099069812430603	and:0.08985137530023778	we:0.08627257946715562	They:0.07252968108892185	there:0.05288058386798575	men:0.04737622590057147	:0.01
have:0.28668363141026754	had:0.20627856992217616	be:0.11525144048429868	has:0.1019905740156201	was:0.0706273866610428	he:0.06690587983114545	I:0.05227923925557404	been:0.04772819082916441	and:0.04225508759071093	:0.01
the:0.2912673909183198	a:0.21455383594395816	of:0.12212204888699668	and:0.10684926126984037	to:0.09639537678382365	in:0.06742284382232391	his:0.039295783178902546	with:0.026303390507833427	an:0.02579006868800144	:0.01
to:0.4249988241166682	the:0.17612204570644654	and:0.09568977286279441	not:0.0746325667642881	this:0.055440110842156796	in:0.04283427059114065	of:0.04095557243056981	will:0.0399975969874491	may:0.03932923969848659	:0.01
<s>:0.4703123255384739	it.:0.11480385688481828	them.:0.09451255181312526	us.:0.07915547886594566	day.:0.055554443885956886	him.:0.047268718571005466	years.:0.044032235275921996	country.:0.04253161981051915	and:0.04182876935423327	:0.01
lots:0.38615324454066297	from:0.12259463823301398	at:0.09799929881095115	Lots:0.09569897411435487	No.:0.09252233321228061	and:0.0696950561595611	an:0.04478006157001974	of:0.04133573297342905	the:0.03922066038572651	:0.01
the:0.24789013567245427	of:0.20525870853165346	in:0.18062180272540249	and:0.10844113882728149	to:0.07006310286568787	for:0.0676254846501798	In:0.04223132089374646	a:0.035770470732263915	by:0.03209783510133037	:0.01
and:0.2419725485073888	was:0.18517695980152973	is:0.1278529742701023	be:0.09062939673082936	been:0.08443174394332732	made:0.06619026347374438	are:0.065577465544376	that:0.06424441688522377	not:0.06392423084347837	:0.01
the:0.5799083563762232	of:0.14801519087831988	and:0.07159073985953471	The:0.05111649305017962	tho:0.044026822904246844	no:0.02821200533792635	their:0.022979070429521586	a:0.022082112942683117	by:0.02206920822136467	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
the:0.2849764944884648	and:0.15148235751564365	to:0.13099486172294517	a:0.1143027319065103	of:0.10696486710509168	be:0.0649188191707342	his:0.04813099987403198	was:0.04597395654412757	The:0.042254911672450726	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
and:0.2495451275886309	laid:0.11709643390487566	put:0.10735478422331618	sat:0.09574339663387302	went:0.09537300369199558	came:0.08943783002270857	it:0.08564877328933922	lay:0.07863207925635728	come:0.07116857138890346	:0.01
the:0.4471872982084096	of:0.2140244386305663	and:0.13536873310381822	in:0.04852236203259274	The:0.04331991001781856	with:0.030289025394683117	tho:0.028300048512097362	by:0.021715174624865365	as:0.021273009475148756	:0.01
and:0.16067889151285716	him:0.13327813456292698	is:0.12622768128638256	not:0.1058447419918163	was:0.10373570883811185	them:0.09277223501146789	have:0.09264847699279793	had:0.08897066898909474	as:0.08584346081454465	:0.01
and:0.2804797223551038	of:0.23914218460718853	for:0.09183079804560504	on:0.08749154211142474	in:0.07916336007492364	to:0.07057030687911012	that:0.058263093016184826	from:0.04289824967936789	by:0.04016074323109134	:0.01
and:0.17476297299844248	as:0.1714287162266885	time:0.10099176638962852	necessary:0.09923823115167674	enough:0.09921215783492468	is:0.09144976994937098	order:0.09099634548518502	able:0.09021420580340864	them:0.07170583416067436	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
and:0.2582336437677795	It:0.2067074266510843	it:0.15442800711542495	that:0.10545689063393705	which:0.09196648140086298	he:0.05313142919400229	is:0.048139009866286414	<s>:0.04261588960731455	but:0.029321221763307894	:0.01
be:0.24370552954591654	was:0.2031347537615459	is:0.10956828577861126	been:0.09339832664083114	and:0.08491050297238151	are:0.08373369526478401	were:0.08220035012292029	he:0.06121554754247507	being:0.028133008370534264	:0.01
the:0.21858781341275965	and:0.14787589235517212	of:0.11615811686309205	from:0.111777248760148	a:0.10253926757191248	to:0.08360693553216382	be:0.08051194311816404	was:0.06882079131216966	is:0.06012199107441834	:0.01
the:0.7879508689857605	a:0.0806597734831582	The:0.034062189470750036	tho:0.02519491108141691	any:0.01643786544966095	this:0.01605706712555041	tbe:0.011150726168411396	first:0.009571554425098853	high:0.008915043810192685	:0.01
he:0.2455815946457401	it:0.1346902659801703	and:0.12888937022936778	who:0.104153117885335	which:0.09180721069959837	It:0.08207536548039591	He:0.07488835498221709	that:0.07271329411885813	she:0.05520142597831738	:0.01
and:0.15833238262337956	has:0.1404274949181407	of:0.11546190106428914	which:0.11463858861398656	the:0.1122634452376125	have:0.10406134987920748	had:0.08585526397367636	to:0.08508055056301152	as:0.07387902312669618	:0.01
and:0.30781380629030203	of:0.2804189759403684	the:0.13674516005629217	to:0.0690497482519059	in:0.04842602115171503	for:0.043317834911395896	that:0.0375170274611036	by:0.03339868484814374	with:0.033312741088773426	:0.01
the:0.3362848378691787	of:0.2307107813441517	in:0.1322504618059144	and:0.08328868594798385	to:0.04882995864074115	a:0.04375761883315187	that:0.03972015784618147	In:0.039392580345157045	for:0.03576491736753968	:0.01
the:0.2198967676810066	of:0.15087642019255576	and:0.13946771304087177	a:0.12340322864126256	to:0.1050849396491143	in:0.07488170861247744	by:0.06562294210061671	at:0.05546145076890822	for:0.055304829313186615	:0.01
hereby:0.18483024673944382	be:0.17926418626416624	was:0.16222401577866669	and:0.1207528940083907	is:0.09577925972708427	been:0.0856768862325342	duly:0.06223068741439212	as:0.05026771004335447	were:0.04897411379196762	:0.01
is:0.2524479625653079	ought:0.12100787889195094	are:0.1178352422795325	seems:0.11055594763804424	was:0.09614106152581381	not:0.0941843627106136	said:0.07532254921697497	seemed:0.06249828089648135	as:0.060006714275280794	:0.01
the:0.562379458874106	of:0.08999557212590013	this:0.08201558013806516	any:0.07249796687479733	a:0.054700830636874	and:0.04662082997864716	said:0.031480743841666194	County,:0.026910508831440583	tho:0.023398508698503483	:0.01
day:0.24223618601905106	out:0.21293776716009777	side:0.10122347068197046	number:0.09961813938615144	means:0.09076557976779964	point:0.0723065029995503	one:0.058047492978643374	place:0.05742472206711806	purpose:0.055440138939617786	:0.01
the:0.35965425579728943	of:0.1849844104344789	a:0.13065320793192986	this:0.07638686778147899	in:0.06711096714377073	his:0.053266238702701606	on:0.04575132973600471	by:0.03985555574104371	and:0.03233716673130216	:0.01
and:0.3081382737094838	said:0.1730589697868629	fact:0.11175374042727584	stated:0.09076470050424858	so:0.07733344451894188	him:0.06626454011197734	know:0.06377304208821115	say:0.049787186448953615	is:0.04912610240404502	:0.01
the:0.4490425725220043	an:0.1280651542794042	years:0.1159574556814384	of:0.11417740715837331	his:0.05168530562838857	good:0.04172279799839891	their:0.03304699516412267	very:0.02887410452699759	tho:0.027428207040871767	:0.01
of:0.22237911912999409	and:0.1618127928065751	to:0.1335418486139299	that:0.13321444858283094	by:0.11746192411118825	<s>:0.07241423104374235	as:0.05598190397702522	with:0.054345799704529636	which:0.03884793203018457	:0.01
be:0.22597535338754082	was:0.22022621232109557	been:0.14650185326035728	is:0.08372127547808166	were:0.08311063655168735	and:0.06966620745111651	Action:0.06481215720668473	are:0.056034979832035474	being:0.03995132451140055	:0.01
and:0.15304335461526197	according:0.13646953831181247	as:0.11920819240258229	up:0.11644212259127792	went:0.11501525471929644	go:0.09906470508142662	down:0.09789065813610792	subject:0.07840861504131416	back:0.07445755910092022	:0.01
and:0.24438628038432217	about:0.21809618564898697	or:0.1584281902630872	than:0.08000035743288578	of:0.0792466114167923	least:0.06650901410821598	west:0.05126032765109993	hundred:0.049063923701586	east:0.04300910939302383	:0.01
it:0.23999469084300434	he:0.18150981905114968	It:0.15112083582377553	I:0.10822156604991169	which:0.0903977890389154	and:0.06957410567857708	He:0.056883172114941406	who:0.0493617044140373	that:0.04293631698568772	:0.01
the:0.2891176985137046	of:0.15034482710262845	and:0.14727364343021293	a:0.12256378698685641	to:0.11180388212332247	be:0.05566769946958988	was:0.044440704312762515	or:0.03660687066406267	is:0.03218088739686003	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
the:0.3253456999978019	a:0.157321340947227	of:0.1357390679953297	and:0.09793857502831448	in:0.06459896144040898	Mr.:0.061218730156581476	to:0.05914317356437507	The:0.05402591154023391	his:0.034668539329727556	:0.01
the:0.32181154692106134	of:0.2037864916078039	and:0.10492310675068148	a:0.09050857500945007	to:0.07783353410479872	be:0.05970699422933954	was:0.04682929188165317	his:0.044667434619546836	in:0.0399330248756651	:0.01
be:0.1635603560502015	and:0.14865348459682107	never:0.11364002327576823	he:0.1084104659413293	have:0.10714437172794158	I:0.09341307036000598	was:0.09068545958519476	is:0.08937147025760608	they:0.07512129820513147	:0.01
is:0.2621660171069831	and:0.17115498006409013	was:0.16635879700093315	have:0.08576262754267881	had:0.07729937430580197	that:0.0641686866094928	do:0.06031757677249163	say:0.05184509583971008	Is:0.05092684475781829	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
<s>:0.24191235194605043	it.:0.20963470429267225	him.:0.1312388537251976	them.:0.12959190509785198	time.:0.06401975011538252	day.:0.05767843813031488	.:0.0556390685615713	again.:0.051591254625916766	all.:0.04869367350504219	:0.01
the:0.3070239572541062	of:0.18772239122842635	and:0.1499383351913182	a:0.09153696892611281	was:0.06344660978465153	Mr.:0.04848745053397374	to:0.048231731560606284	that:0.046899043365779186	The:0.04671351215502567	:0.01
<s>:0.2426598372626573	and:0.23596391156236765	of:0.1184915927585004	to:0.11670037794239942	for:0.0712915304578513	them.:0.05935131021167865	it.:0.0497281632662439	in:0.04923565196649454	the:0.04657762457180674	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
of:0.3019648807219989	in:0.1552377763145498	to:0.12221199973869216	for:0.0895933661276592	and:0.08381228157860554	on:0.06105932437612952	with:0.060228299169895104	that:0.058961696802354586	by:0.056930375170115156	:0.01
be:0.2233796840597705	have:0.1595102880684882	and:0.15180932770490466	was:0.10978465896482455	had:0.07763747990846323	been:0.07153613073601275	he:0.07152711870723301	has:0.06968990375094704	were:0.05512540809935625	:0.01
W:0.14910773017956414	M:0.1227699057854245	J:0.12075148222724486	C:0.1115655270998523	S:0.10363588713123016	E:0.1024768877844631	A:0.09710894198133284	H:0.0941368354934298	B:0.08844680231745826	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
the:0.32414272374648134	of:0.3215959180212808	and:0.15336505647012283	a:0.045734877199819515	in:0.041844500567163136	for:0.031159638302324152	The:0.026512585273372254	with:0.023908222002105992	to:0.021736478417329837	:0.01
is:0.27212913706152536	be:0.2218042001158167	was:0.13972681771549342	are:0.10198436177287006	amount:0.098103273071263	Is:0.0411632759568933	now:0.04080088644431275	been:0.04007277071992237	were:0.034215277141902874	:0.01
a:0.6303497111825844	the:0.12460526851428987	in:0.05036348979653438	his:0.04616517627891155	and:0.03704855453964342	very:0.032000826039364605	of:0.029226417371119244	most:0.02568219654631218	its:0.014558359731240242	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
for:0.21162195771201303	about:0.14132988283261716	of:0.1356523603248829	than:0.1173490620935011	past:0.10257786824500305	or:0.08333764486418678	and:0.07998342512333562	the:0.06334259427883236	last:0.05480520452562799	:0.01
be:0.26802048002064455	was:0.25347013434280924	is:0.12671883898374917	were:0.06965647414023515	been:0.06388230353443163	he:0.06226014666713445	and:0.056311371196789375	are:0.05267485160156702	being:0.03700539951263916	:0.01
and:0.2342371190191081	have:0.17945858925664873	had:0.13228662797779026	I:0.12437209695323533	has:0.08318377322912666	he:0.07447831274249973	they:0.055394211290700705	never:0.05380076142614471	it:0.05278850810474589	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
and:0.2682983319507874	recorded:0.10717905104111182	was:0.10263907629409649	made:0.09927630384100071	that:0.09842569549211198	o'clock:0.08895025276229458	up:0.08173084504592748	is:0.07240199994443215	found:0.07109844362823738	:0.01
he:0.2312140453205847	it:0.2151634478423274	they:0.13270572375260759	It:0.11860374360144836	I:0.0860627738032671	that:0.0542287870349214	we:0.052107886881058336	who:0.050896636724890615	she:0.049016955038894576	:0.01
the:0.4126728260848344	of:0.13736714993136673	and:0.11138423959057886	a:0.0992662031055177	for:0.06796491239040613	The:0.05999230225992497	their:0.03617998081952531	to:0.034281783775091924	by:0.030890602042753942	:0.01
the:0.4915958151662624	The:0.18383269019083306	Mr.:0.06948949385984239	and:0.05697278670677821	Daily:0.04929845905220688	his:0.036660910487957846	Newport:0.03567585626559382	of:0.033270138335254794	said:0.03320384993527052	:0.01
the:0.591561674877563	a:0.11864087632985143	and:0.07441851175382648	tho:0.05088289731308751	of:0.03730055462978719	The:0.03572519417381126	tbe:0.029492744871633236	in:0.026161659592473404	or:0.02581588645796654	:0.01
and:0.20576986051327525	be:0.14724677861411745	to:0.12535070885684524	of:0.12147274158796671	the:0.10006651747810341	in:0.07829719106333621	was:0.07464897261101211	is:0.06959459791180371	re-:0.0675526313635398	:0.01
of:0.2660094728065013	the:0.1540024298069174	a:0.15036396611611855	and:0.10662744160291705	to:0.09726994931468048	for:0.07506935240385611	in:0.061262898522920245	with:0.04296914650296593	or:0.03642534292312287	:0.01
to:0.5175652976597374	had:0.1067303687209588	will:0.10593636248738456	have:0.054848316188287775	not:0.04875322916482081	has:0.04794727377503952	and:0.045026970381288986	would:0.03679790162650535	I:0.026394279995976776	:0.01
of:0.2259884777378865	in:0.1279502676123141	as:0.10803511903377902	with:0.10289676309994414	to:0.10092096777749439	is:0.0958816162923596	and:0.08543175696245596	was:0.07364376919960383	for:0.06925126228416238	:0.01
the:0.24160176677053008	of:0.20226610377771656	and:0.13509428931265158	to:0.09513360050382094	be:0.09499129868165447	a:0.08013368191360809	in:0.05173823028877439	was:0.04596992801179029	is:0.0430711007394536	:0.01
of:0.4350691121933087	in:0.17590693507051808	to:0.10103820455278757	In:0.054102443561787054	that:0.04894784282719978	for:0.04796761694587245	by:0.04368040144683445	and:0.04226712549192658	on:0.04102031790976529	:0.01
the:0.20413551300888239	and:0.17200019093224742	to:0.12021710897250741	of:0.11880937990450612	a:0.1060345276447856	in:0.09112381700078799	was:0.07192903843849022	be:0.05907301705548645	his:0.04667740704230638	:0.01
p.:0.4168433137063012	a.:0.2814215949685153	of:0.06660061666698014	p:0.05476883611938005	.:0.04659422942624572	at:0.03692097617807386	by:0.03503305665788125	the:0.02800130254314341	said:0.023816073733479222	:0.01
of:0.41665786084292294	the:0.29640674637933717	and:0.06728856315102805	for:0.04314674492210566	The:0.04005453988427933	such:0.03617594357372005	other:0.03546284163357221	a:0.0283644957995437	all:0.026442263813490723	:0.01
hundred:0.38841378645436947	up:0.09123185635738856	men:0.08930224671194738	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.07306411117914521	him:0.0668423327581923	;:0.06651424040074755	due:0.06192290086804839	:0.01
the:0.2126169536581711	a:0.1557121640338697	of:0.15466808479342165	and:0.12879506239145694	to:0.11924875661746612	no:0.06059558502908654	in:0.055379724671559	at:0.05364165554844486	not:0.049342013256524174	:0.01
of:0.42761066578179435	in:0.10703428593808247	for:0.0928708966160846	and:0.06903313761988508	that:0.06812056952392755	to:0.06674936586728081	with:0.05867514080831101	all:0.056202171922885534	from:0.04370376592174868	:0.01
to:0.766873547245556	will:0.0674380206188005	and:0.04485075146552108	not:0.040079633011679244	would:0.031981820585857273	can:0.013500978330623085	could:0.009497353468023493	To:0.00905440010266694	of:0.006723495171272303	:0.01
thence:0.4902281172796283	and:0.07730986686536241	east:0.07314819428316421	two:0.06639441061003123	feet:0.06418413440373519	north:0.062098180178357124	west:0.0607229835988901	all:0.05001950952794796	south:0.04589460325288344	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
;:0.24734716710768537	is:0.16505417006613313	nothing:0.1412745560264013	are:0.08922362211074741	to:0.08313867634735315	and:0.07967508462356732	was:0.061910912906770525	cannot:0.06188992406546504	it,:0.0604858867458766	:0.01
the:0.5401188000859322	in:0.09080616317327966	of:0.07564618917679189	and:0.06694810919848022	his:0.051748081313752865	an:0.04594679941023179	a:0.04142059865142309	The:0.04132171490080771	tho:0.03604354408930069	:0.01
no:0.24614113041489122	a:0.1756443234250405	and:0.09951586031163132	or:0.09869280378348416	much:0.09273257462559133	the:0.08670396407921299	is:0.08541498878611031	any:0.05585026308809457	not:0.049304091485943724	:0.01
or:0.23871577851306405	for:0.17057156689357048	of:0.12887349104483262	and:0.10673270846520717	the:0.09461291646633672	about:0.09190470281769637	in:0.060544127140806	at:0.05434990173658074	a:0.04369480692190574	:0.01
a:0.5378640342482929	of:0.1642236590911788	the:0.06524419732383643	with:0.05384399760236418	and:0.041116714971730056	make:0.033994772316955184	A:0.03325630344776478	as:0.031537118923850235	in:0.028919202074027376	:0.01
the:0.29972195682539465	of:0.1860315204023243	and:0.12877635076785074	a:0.0997926702871424	to:0.09520497871756131	was:0.05071019019452515	be:0.049473734547356756	in:0.04018803430108381	is:0.040100563956760926	:0.01
accrue:0.2817415996185708	and:0.2027040021457353	called:0.09490952722364433	made:0.09084275035925357	effect:0.07546409321342804	look:0.0682891616640272	depend:0.06802970588791299	that:0.05696605763842705	imposed:0.05105310224900058	:0.01
the:0.23319169059287936	and:0.18335751038094508	of:0.1379380164282967	to:0.13635929664722948	a:0.08226783639099618	Havre:0.06034656242465354	said:0.057336145938525845	crepe:0.0536238690764661	an:0.045579072120007606	:0.01
of:0.4021353298326501	to:0.11271507900414693	in:0.09816347443588129	and:0.09274747849031248	that:0.0909849542546287	for:0.058124947906499004	by:0.05441007348103826	as:0.04536573193515298	with:0.03535293065969036	:0.01
and:0.37326209963157986	demand:0.11377803099790944	candidate:0.08740061018207657	but:0.07469693538000467	time:0.0718503610233509	it:0.07143945648483017	that:0.0706813275898626	used:0.06965600916743306	vote:0.057235169542952616	:0.01
and:0.20576986051327525	be:0.14724677861411745	to:0.12535070885684524	of:0.12147274158796671	the:0.10006651747810341	in:0.07829719106333621	was:0.07464897261101211	is:0.06959459791180371	re-:0.0675526313635398	:0.01
time:0.17991184182112435	more:0.16841500408840662	in:0.1124937676668907	men:0.10064061182944671	man:0.09954792486066662	him:0.09096038710053111	out:0.08926009933493635	large:0.07452393840942785	it:0.0742464248885697	:0.01
the:0.2421971241756981	a:0.236536593785652	last:0.1730521223595181	this:0.0940144375819719	one:0.06285149793529862	next:0.05953423091098245	every:0.04924254045952217	per:0.04671636689606796	each:0.02585508589528866	:0.01
and:0.18784336682063274	as:0.15114329179679575	went:0.11423878004667351	him:0.10666558228731272	them:0.09110223752457794	up:0.08733803455919152	is:0.08689480544253657	go:0.08340199801381315	able:0.08137190350846597	:0.01
the:0.25698712679115976	of:0.20695604623375866	for:0.18587160261500782	and:0.10481078936245376	in:0.06681384369855774	a:0.061282555198459064	to:0.05144963118702695	all:0.03232655684638737	by:0.023501848067188937	:0.01
the:0.3331925550671004	of:0.23324804665344157	and:0.12395923476969917	a:0.07928370184843045	Mr.:0.05736952256192118	to:0.047709764127060704	The:0.04417668138726264	in:0.04189710404630304	that:0.029163389538780702	:0.01
is:0.21192121046816267	have:0.16321882068207344	had:0.14961903888459444	was:0.10306798461624583	has:0.0936885159012705	that:0.0902384783629729	and:0.07879112786008677	be:0.05940862590773796	made:0.04004619731685539	:0.01
the:0.20404224840329352	of:0.18572913733553031	to:0.16692112390241937	in:0.11484676151434475	at:0.10023992905495455	a:0.07496806490117211	on:0.0580236725784108	and:0.05731236166276154	that:0.027916700647112984	:0.01
of:0.3217099204502285	and:0.13608886527890615	to:0.12498894290379664	that:0.07452751037725573	in:0.07060774010569162	with:0.06936387400598173	for:0.06651616594836997	all:0.06592663004770398	is:0.060270350882065775	:0.01
<s>:0.5095466441011849	it.:0.13472945458857682	them.:0.07756044180246818	us.:0.059665007206130785	country.:0.046458626926390294	day.:0.04223756754738886	and:0.04172326197522465	time.:0.03908132652780986	him.:0.03899766932482573	:0.01
of:0.4190139177725223	in:0.13771390108185913	to:0.10489153748585983	for:0.07134911687648275	and:0.06354188813142345	by:0.05705447061118625	that:0.052138792536290675	on:0.04563305439327538	with:0.038663321111100366	:0.01
the:0.3222700586422684	of:0.19748303497032527	and:0.14821900911444638	Mr.:0.0814022366829615	a:0.07018330339807605	to:0.05211795477222556	The:0.044962636484870665	.:0.03895710737577016	by:0.034404658559055994	:0.01
the:0.1997367374831996	south:0.18702779361968208	north:0.15982485632839313	east:0.14416008078002446	west:0.1271368694625307	one:0.061177238176287334	other:0.05078252123372309	either:0.03197613557020537	a:0.02817776734595421	:0.01
of:0.3562738018711837	to:0.1304020818054795	in:0.11885645482945206	at:0.08567337431685902	on:0.07525093207381699	and:0.060238111698448206	by:0.06008680244410471	for:0.05367152928107508	with:0.04954691167958067	:0.01
and:0.1944372923421487	together:0.18064694998584138	connected:0.14784638791688007	connection:0.1448086892096974	accordance:0.11050849290477427	comply:0.06045119551015317	acquainted:0.053914338376547646	compared:0.051495838323954046	contact:0.04589081543000345	:0.01
in:0.1771652702968339	and:0.14247067699597052	for:0.12588358528678734	of:0.1201088045342366	was:0.1194065486072126	is:0.10368911283881142	to:0.07944444188555405	with:0.06501782257451193	In:0.05681373698008174	:0.01
of:0.2693987552011667	and:0.16054144849271185	that:0.12640098080453085	if:0.1255525451003353	any:0.0779272646750967	If:0.07007773723955556	for:0.05697392015834422	all:0.05178497054209917	to:0.05134237778615937	:0.01
the:0.39329217456413584	and:0.165060369186459	a:0.12995381884077822	of:0.11416647118324463	to:0.07779456385493931	in:0.03151191310344598	that:0.02770690516828739	The:0.026330043431478913	be-:0.02418374066723052	:0.01
and:0.25130160861534806	the:0.18694742940953638	a:0.1469769277612468	to:0.10652915615249776	his:0.06644465050676174	I:0.062303778912390584	her:0.05882838021184959	he:0.05849708747182911	one:0.052170980958540024	:0.01
the:0.39755094818337555	of:0.29902840304099304	on:0.13174564163186625	in:0.06805482136739195	and:0.027230518906773558	for:0.01884012879056422	tho:0.017543296164614374	with:0.015073451804969102	this:0.01493279010945181	:0.01
to:0.5559121431642476	will:0.11524893740858674	would:0.07850012494066556	not:0.05671076248820122	can:0.05584160949287774	and:0.035023091000825186	I:0.03290466388535506	may:0.032498468817026754	could:0.027360198802214228	:0.01
the:0.2483684164373019	and:0.21854004836376306	of:0.21644678758664895	a:0.08761705315187465	to:0.05137467716743895	that:0.05064273866173672	or:0.04477141837464552	in:0.0369633882359155	be:0.03527547202067467	:0.01
on:0.22158843472542422	of:0.19732415213539586	in:0.15571965189421938	to:0.1341928620596625	at:0.0892396818558249	from:0.06482011227486108	for:0.04641206616211174	In:0.044277718280933735	and:0.03642532061156656	:0.01
away:0.22316988789319095	and:0.1713348901051781	taken:0.13159930092647465	come:0.09739936354306479	came:0.09137140243059304	him:0.07811066196838665	them:0.07711542316245525	it:0.06473175198344688	received:0.055167317987209794	:0.01
and:0.16698146172987727	to:0.15728230301477966	that:0.13908943993487735	will:0.13541465682804538	would:0.11972156308277336	which:0.0979955233827294	when:0.0627836923132041	but:0.060353940037123466	should:0.05037741967658986	:0.01
and:0.1521247557717229	of:0.14523425236228638	the:0.13847389849583225	a:0.12874249684278968	be:0.11708914670066718	is:0.09493630434839771	much:0.07811791121083894	was:0.07046359356099677	to:0.06481764070646806	:0.01
is:0.40622250400598653	are:0.33950637824457086	Is:0.06179781622777578	was:0.05293424472908069	and:0.04733958099290082	am:0.02290387230894194	be:0.022891691078325217	were:0.020682666391185434	has:0.015721246021232614	:0.01
and:0.1813186725343128	is:0.17819129765200847	so:0.15395847718747482	are:0.12188869200888423	too:0.08743376503831773	was:0.07606475990585294	have:0.06963675334952832	very:0.06235987416138825	a:0.05914770816223233	:0.01
be:0.16397490470439305	was:0.13351459846889688	have:0.12864281489731205	he:0.12029101246615094	so:0.1198812138623555	has:0.08998404855494457	had:0.08079544667011684	is:0.08033890791665717	I:0.07257705245917281	:0.01
city:0.13181133071520026	hundred:0.1177984760791044	State:0.11210818340587275	1:0.1107963844404769	John:0.11015359262230333	;:0.10920168567418849	men:0.10058158497668716	wife:0.09991050405343534	gold:0.09763825803273117	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
to:0.5203735630458448	and:0.1329345832338494	a:0.07547994028137857	not:0.0681726737034556	we:0.05473962137498307	will:0.03940288879694972	I:0.03580219558145979	would:0.03231685925146717	they:0.03077767473061189	:0.01
the:0.6337331662659316	and:0.100385275269275	of:0.04502915812563193	in:0.0446265384225453	The:0.04052682497589725	tho:0.03890434100479111	a:0.0367021526749023	to:0.027326210880625385	on:0.022766332380400437	:0.01
and:0.29169997815308213	was:0.1328703627143118	out:0.08873310066938216	that:0.08746131418060452	placed:0.08440072742047074	work:0.08020079681811661	made:0.07677797059304475	is:0.07472371838239819	up:0.07313203106858901	:0.01
Mr.:0.25470896483418504	Mrs.:0.18159370120175564	.:0.12872250085739428	and:0.11711596661848479	o'clock:0.07124531560589019	C.:0.07109175574560278	John:0.06115621761967168	Dr.:0.05727433087457307	of:0.047091246642442505	:0.01
;:0.20953252095776806	it,:0.11451281996419217	him:0.11252660622910599	one:0.10399558216214487	in:0.10038399485273586	and:0.09216727949281207	,:0.08702126563998025	it:0.08638247894281384	up:0.08347745175844686	:0.01
and:0.24307621089542836	well:0.14710632921880226	so:0.1199701181794495	far:0.09184826917599967	long:0.09106624380549638	soon:0.08253286251464609	just:0.08047613827194622	much:0.07158273589033426	but:0.06234109204789727	:0.01
to:0.47793904435561274	for:0.11057033406384673	of:0.11053512757163131	and:0.06616318307897788	in:0.06386565084961249	as:0.04094274018440315	can:0.04063884347144408	not:0.04039360161394138	with:0.03895147481053028	:0.01
a:0.24823620391141982	the:0.2052471322962485	to:0.10095091894245765	and:0.10006692605194556	his:0.09940373276202949	of:0.08144271695312588	I:0.06846907766795562	her:0.05068827446613866	my:0.035495016948678806	:0.01
and:0.20420805180462218	men:0.17331490293210325	I:0.11866712136368338	you:0.10081795477984597	that:0.0902565188072344	he:0.08007762269567356	man:0.07594720639222877	we:0.07464745742365983	so:0.07206316380094882	:0.01
the:0.5886204967719452	of:0.1436243430252588	and:0.0635882453644377	a:0.0368072832050748	The:0.036760584190734524	his:0.03484656319280213	tho:0.034085821640746	to:0.026017123728277473	their:0.025649538880723407	:0.01
of:0.2626878172785636	and:0.223181897789612	Mr.:0.10596980368601217	Mrs.:0.09555866569461546	to:0.09179039220758411	by:0.08640468728013309	that:0.053303604351169015	said:0.036656575169677325	with:0.03444655654263315	:0.01
and:0.28083437919785825	is:0.12204719688591116	was:0.10398937597827039	feet:0.09704743339408052	that:0.08783741432948049	as:0.08017609877827961	be:0.07737098772660912	it:0.07523731649532424	recorded:0.06545979721418624	:0.01
of:0.19205258864119776	and:0.12414488027430821	-:0.12298211357635777	re-:0.11962640809552105	.:0.1090123887014894	the:0.0997941701016347	a:0.08675226929711956	<s>:0.08201559037816629	to:0.05361959093420511	:0.01
and:0.18784336682063274	as:0.15114329179679575	went:0.11423878004667351	him:0.10666558228731272	them:0.09110223752457794	up:0.08733803455919152	is:0.08689480544253657	go:0.08340199801381315	able:0.08137190350846597	:0.01
the:0.28668609593550387	of:0.28122322985280707	Of:0.11379784658206817	a:0.0785022243259787	his:0.06456313224160037	this:0.050497701139443844	their:0.049136227853517726	in:0.04360888709877573	no:0.021984654970304576	:0.01
per-:0.5477393490413963	per­:0.19378751878457273	per¬:0.1459143170419201	a:0.021595161134672445	the:0.019729120703829494	his:0.019170616378318028	de-:0.015696341330608717	more:0.013902381989023445	their:0.012465193595658747	:0.01
virtue:0.21738001102627375	out:0.189773379209129	part:0.11522775944009786	one:0.10400846177203445	quarter:0.09462884564091133	favor:0.06983811406326706	result:0.06817617839096966	guilty:0.06617001917752548	means:0.06479723127979137	:0.01
and:0.32353672944875	so:0.12081753935769439	fact:0.11746284204523061	said:0.10730377635243861	is:0.09235564259022873	say:0.06955856203066564	stated:0.06277434266667509	believe:0.04929435963918638	know:0.04689620586913034	:0.01
of:0.48750084913370895	a:0.10653964967087387	and:0.10322276996743657	the:0.07867040379006311	with:0.06537086284335561	their:0.043032372390107376	to:0.03898153983399499	for:0.03380264593860955	his:0.03287890643185008	:0.01
this:0.3331059947556681	the:0.24616659787833406	a:0.1285721401909811	that:0.07459722145678398	This:0.062441767627458324	any:0.04570865349889147	The:0.04319077395966506	every:0.0325281916019744	same:0.0236886590302436	:0.01
the:0.4426106581303309	a:0.357760348254555	The:0.03886399348689614	A:0.02753218922118689	of:0.02702745297112931	tho:0.025940058923951147	our:0.024993853288102937	his:0.023896668592378014	in:0.021374777131469687	:0.01
an:0.34105121328663246	the:0.27473810880097926	most:0.08842240797056476	a:0.08596141185474453	very:0.058858835972756034	and:0.03914936856215009	An:0.03766633382133812	his:0.036075402614629944	The:0.028076917116204803	:0.01
of:0.37757352357277263	to:0.1412997508358221	and:0.09226622588200091	that:0.08655245251206979	in:0.08397587336935569	for:0.05799247508358221	all:0.05148204421081706	by:0.05081711788112624	with:0.04804053665245338	:0.01
he:0.31995770096874965	I:0.1473787106259897	they:0.10878240453061815	who:0.10131225556318456	and:0.08406622741585792	she:0.07141909427043072	it:0.06024077039060566	He:0.05581667028791089	we:0.04102616594665281	:0.01
the:0.5267799806786335	of:0.15799021758137843	and:0.08005416500723869	his:0.04763590925148377	a:0.04695692770436725	in:0.043837753747700076	their:0.03222378730068475	tho:0.027979857398916456	to:0.026541401329597047	:0.01
of:0.24955431348805307	in:0.14952196756010555	to:0.1425006527648001	with:0.1284555841682719	on:0.08771041733802222	by:0.07676608524246238	and:0.067835307178732	from:0.04764636500261805	upon:0.04000930725693479	:0.01
be:0.2711518033260953	was:0.22872023827169383	been:0.11935359173064584	is:0.09817120249491228	were:0.07124881070832242	and:0.06574318353209478	are:0.05730945192348745	being:0.04038750519488407	it:0.03791421281786397	:0.01
and:0.2917744407346903	is:0.1361822793082047	was:0.11924247855747624	so:0.09571311198156143	wondered:0.07307898050064458	but:0.07145967336457357	arrived:0.06875923431362398	held:0.06815748600029012	it:0.06563231523893508	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.04553578393787439	of:0.03051332981678091	tbe:0.02261446403444868	in:0.021612439669724332	or:0.020196218295911488	:0.01
the:0.34170127421390223	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093987	to:0.07847171568184984	in:0.05339647102682973	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
the:0.2516165155747821	of:0.22750570402316497	and:0.1556858148809759	a:0.08863078812151559	at:0.07078855024875706	to:0.06364604093638856	.:0.05572741630671639	<s>:0.04061131319090156	from:0.03578785671679801	:0.01
and:0.40180925423370906	made:0.10572982649976298	necessary:0.09766421441472355	provide:0.0709677106558723	him:0.06679412563114624	time:0.06399940844444657	but:0.06226152597569863	pay:0.06140975827886298	responsible:0.059364175865777885	:0.01
and:0.22376196380542876	in:0.15312887578541262	do:0.12923697182957167	of:0.09904635294304567	for:0.09225779251993729	I:0.08403390688134192	it:0.07909510294945238	is:0.06854292250377472	was:0.06089611078203481	:0.01
the:0.24307002909933884	of:0.19255952245263244	and:0.15413776571138663	to:0.14381403215373081	a:0.0728643679820992	be:0.051059482517056685	or:0.05091033703493396	his:0.04246448727256352	on:0.039119975776258066	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
and:0.3610917787994519	her:0.16655953629103096	years:0.11874026363055376	his:0.07140238039387303	or:0.06393182399518263	days:0.058012544023296815	the:0.057710371540961335	to:0.04754765914633359	minutes:0.045003642179316045	:0.01
of:0.47298887836811165	and:0.10550690042741027	in:0.09539237279732124	for:0.07107239756209369	that:0.06924823428036464	on:0.05057571110608999	to:0.049797013816421744	by:0.04222710779247088	upon:0.03319138384971578	:0.01
of:0.6907882837842342	in:0.1321386089512492	In:0.03754088806435203	for:0.028914047662818902	to:0.027366150342966553	from:0.019765181897372582	on:0.019031592243964578	by:0.017807763415839752	at:0.01664748363720218	:0.01
and:0.29538761890386145	was:0.1642849013116615	is:0.11706638838186677	up:0.07776716508545513	it:0.0755910625150025	made:0.06655680901265408	put:0.06578409847025993	placed:0.06489134807601944	that:0.06267060824321909	:0.01
of:0.31176034225632104	and:0.1615304848386468	the:0.1534506767596078	to:0.12073399379445034	in:0.06493765277096822	at:0.06043432220535507	or:0.05807024532863748	a:0.03024436244162576	from:0.02883791960438768	:0.01
manner:0.39461193456752314	and:0.1874970192491854	that:0.10855654014299568	way:0.07037996389927753	time:0.053828768086076215	it:0.04775881818150397	all:0.042702733322799634	one:0.04238708288685657	part:0.04227713966378214	:0.01
of:0.3079049751728166	to:0.13214940273234518	and:0.11818269835900697	in:0.1021633655763851	on:0.08609498066320245	for:0.08425074702369897	that:0.0656048307365247	by:0.04837193198345456	In:0.045277067752565264	:0.01
the:0.22621754684143483	of:0.21212462964503634	and:0.1387178532151598	a:0.13305488851436892	to:0.07801628138881135	Mr.:0.06384327045324964	in:0.05393160683610294	with:0.04333205764451372	or:0.04076186546132229	:0.01
of:0.3946849902702231	the:0.19549844935375196	a:0.14989316641820055	and:0.09252491039732527	this:0.0459700290342599	to:0.04106789548846772	in:0.032038432498044105	other:0.0196758207918037	for:0.018646305747923652	:0.01
all:0.4891178225131139	it:0.10436240245559132	and:0.10385584553714329	went:0.05349423502598963	passed:0.049362391399827864	go:0.048687978378487505	them:0.04736633411480591	looking:0.0472856132218833	of:0.04646737735315734	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
;:0.21680880074522652	up:0.1768245361358708	them,:0.09053299638160076	it,:0.08827835094126033	in:0.08756142412010726	years,:0.08612884779474349	States,:0.08437911467834915	him,:0.08132578910373672	and:0.07816014009910499	:0.01
of:0.23718407441061973	the:0.18069077660368704	Mr.:0.14180543065202197	and:0.10703492879933163	in:0.1001567168088501	that:0.07642264423650105	The:0.05795049213255085	which:0.047427178387671486	Mrs.:0.04132775796876594	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
of:0.1950486778492977	and:0.17305919608926867	from:0.14759440951379568	by:0.0885084131656239	is:0.08755984544463194	are:0.08718378786871177	the:0.07477638580489222	with:0.06896352534754949	for:0.06730575891622861	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
Mrs.:0.26477250679282754	of:0.14146285769990546	.:0.11963076691333296	and:0.10083633566225178	Mr.:0.09703436550138456	by:0.0754755495677257	the:0.075272162420542	Dr.:0.059861282548565244	to:0.05565417289346462	:0.01
the:0.3852091685420713	of:0.15029792416713436	and:0.13361736839571417	a:0.1189103262448572	in:0.050552263420260375	to:0.042450229405257604	for:0.03799538051249682	or:0.036335932445468226	that:0.03463140686674004	:0.01
to:0.718202594305713	will:0.07142862779542357	not:0.05354482029855302	would:0.037830430921921544	and:0.02947290211848169	can:0.02460961924597272	could:0.022929195933444026	or:0.016739066306344596	shall:0.015242743074145684	:0.01
the:0.35890294521823	a:0.20371968163906118	and:0.14162911950704782	of:0.09921446950587302	to:0.05696960979638852	in:0.03618221440504327	an:0.03393529791665286	with:0.03021385801478061	The:0.029232803996922664	:0.01
of:0.3634414670735991	in:0.16471690933644495	to:0.13560196597153684	that:0.07626175151539732	and:0.0760844844709524	by:0.04588567065619475	In:0.043662290100413594	on:0.04362108800416029	from:0.04072437287130068	:0.01
be:0.2617267088872269	was:0.2392706759552243	been:0.12252772533682701	and:0.0824130199231601	were:0.07999332020243033	is:0.0773887100366419	are:0.05533786662466986	he:0.039533585116774635	being:0.03180838791704494	:0.01
and:0.24354805403521454	as:0.15690527802913026	up:0.10296734321529095	it:0.09647376793670022	addition:0.09422686599691246	according:0.08116819529026179	them:0.07910602684310672	him:0.0685702474069357	entitled:0.06703422124644734	:0.01
of:0.2749880842165121	the:0.16609061013702206	with:0.12800158790027907	and:0.11909425885962227	in:0.07724803303471722	for:0.07170349870425817	a:0.058748455865640585	by:0.05225771980688881	his:0.04186775147505985	:0.01
a:0.40586244866380244	the:0.3453471280134411	this:0.08532878696493233	tariff:0.04392998351791949	The:0.028296857415854436	appropriation:0.02249347860520324	tho:0.021553823521544196	no:0.019177921459643654	A:0.01800957183765902	:0.01
the:0.24219012182475233	and:0.2021657284169684	to:0.1277192018370184	of:0.09818268241876331	or:0.0844968124974854	their:0.06491945641836884	any:0.059623755168656103	such:0.059103704524105044	other:0.05159853689388229	:0.01
capi-:0.3033961134069601	men-:0.20394324454766524	and:0.13322612216123994	the:0.11352436701347865	of:0.08211698946175772	to-:0.041243472449359726	a:0.039105779980437225	.:0.03737261526185877	men­:0.03607129571724279	:0.01
was:0.21571015883448438	and:0.17095000870863533	is:0.12219463016700409	are:0.09660909635694588	arrived:0.08736534667825376	be:0.08600020242301763	looked:0.07500634595709735	were:0.06954785053804076	held:0.06661636033652084	:0.01
according:0.1817168346545266	and:0.16962608533341095	as:0.14396130192913367	is:0.09918888610943372	went:0.09604595941463935	him:0.08489068791145767	it:0.07371684575042949	them:0.07370106404777058	up:0.06715233484919805	:0.01
and:0.23127415503624177	was:0.17111855427477923	is:0.14378706183875062	placed:0.09489581377957923	be:0.07863218846914795	that:0.07811923366220527	as:0.0691209765504575	are:0.06249213042898196	up:0.06055988595985644	:0.01
and:0.21076763466483905	balance:0.1941872918679542	was:0.1166037380567717	residue:0.09735520233844874	that:0.08516097521039619	one:0.08490492259724979	is:0.07411378781887398	up:0.06735640877060088	are:0.059550038674865496	:0.01
to:0.7467055380119638	and:0.11624541464291026	will:0.046031663349654695	not:0.021261721548170548	would:0.015903820436974078	I:0.015120559546578052	you:0.010287656902626174	must:0.009558645749265095	we:0.00888497981185738	:0.01
and:0.20576986051327525	be:0.14724677861411745	to:0.12535070885684524	of:0.12147274158796671	the:0.10006651747810341	in:0.07829719106333621	was:0.07464897261101211	is:0.06959459791180371	re-:0.0675526313635398	:0.01
and:0.17438240995914767	away:0.12875608775005687	them:0.12798561324612495	him:0.12602495117844947	taken:0.11003395907714536	far:0.09177612745334261	miles:0.07768845772987167	us:0.07733110071186912	it:0.07602129289399225	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
;:0.24831900338069315	nothing:0.13078974075180344	and:0.12084203005150819	is:0.10260220095743054	it,:0.09780992216361219	them,:0.08257696264269697	are:0.08162806387056949	,:0.06734575393909667	him,:0.05808632224258921	:0.01
the:0.4740852366160123	a:0.21103768525073682	little:0.1222631148305312	The:0.03985106307181559	and:0.03712602126661776	his:0.03370975907379737	young:0.02866870330279754	her:0.02427602688104386	one:0.01898238970664763	:0.01
his:0.301560761416923	their:0.2662472093660034	our:0.13607259737144753	my:0.07498773011807726	her:0.06374647601379894	your:0.06318014945270567	its:0.05653194085687904	bis:0.01745217377286841	a:0.010220961631296672	:0.01
and:0.25254210015383416	the:0.16753716015379289	of:0.16003010244684848	to:0.09067739594927968	a:0.08063323608620782	in:0.062146931142027906	I:0.06116168967403278	not:0.05817609728921981	be:0.057095287104756504	:0.01
be:0.21763485224471268	was:0.1864948670290774	been:0.11530328649246785	is:0.09709272553019264	are:0.09609278552568241	were:0.08511193973598652	he:0.06960804584197802	and:0.06237918012017548	had:0.06028231747972707	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
and:0.4085544161029163	that:0.19717639669894746	as:0.09623431975726056	is:0.07727440639345284	was:0.07160491515940202	but:0.05305203952090248	up:0.0337582873945585	Then:0.027630399308500253	Is:0.02471481966405967	:0.01
<s>:0.45119290260306455	it.:0.12192500235378388	them.:0.09211845176842884	people.:0.06666307309093752	country.:0.058863766438056006	and:0.052039346013021355	.:0.05138698252242569	time.:0.04920295224045867	him.:0.04660752296982341	:0.01
of:0.23531245396593406	and:0.20263117590375904	to:0.1061091616950121	is:0.09026009560407866	with:0.08517094653673214	in:0.07615945896860467	for:0.06651532193503089	was:0.06528375376134608	that:0.06255763162950234	:0.01
and:0.19240036780860292	free:0.14520583599708728	far:0.1147201311879801	come:0.10616115179928026	came:0.09689819822879268	miles:0.09057250627773504	it:0.08504178182922546	or:0.08275875761934376	feet:0.07624126925195239	:0.01
and:0.4029846641122197	of:0.1036864632935564	or:0.09889492276289563	et:0.07452007187921947	person-:0.07357623054451208	to:0.07105869981350649	a:0.05890950536389117	in:0.05752895541981993	<s>:0.04884048681037892	:0.01
to:0.2980658454234043	I:0.1404540000435476	will:0.1109920641311035	and:0.10732243665543492	who:0.0746690576236433	they:0.0721950803437482	we:0.069248425012988	would:0.06125728193328976	you:0.05579580883284024	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
the:0.25849151864721687	of:0.14281346037336015	a:0.13707013932066836	and:0.1357793825433703	to:0.10223324267269844	for:0.07851662265653193	in:0.061247679855368185	as:0.03734441294156196	or:0.03650354098922388	:0.01
<s>:0.28280287622113565	that:0.19748703495976033	and:0.12042382437818894	?:0.1159221026083167	it.:0.10125476476956938	them.:0.06373287813750778	I:0.039638701098265956	him.:0.03458519874632834	man:0.034152619080926955	:0.01
the:0.2891176985137046	of:0.15034482710262845	and:0.14727364343021293	a:0.12256378698685641	to:0.11180388212332247	be:0.05566769946958988	was:0.044440704312762515	or:0.03660687066406267	is:0.03218088739686003	:0.01
to:0.7719502381196097	not:0.04988496519090197	will:0.04005337377444644	would:0.032785210707230554	and:0.02944204640997623	they:0.020331797464379672	the:0.017459093308010595	a:0.014942304107972182	re-:0.013150970917472799	:0.01
the:0.19459763800229676	a:0.17672078810046185	much:0.12641581724861542	no:0.12172492133200903	and:0.11286439790380462	or:0.09561638095081804	is:0.062367185266108176	once:0.05051382469949564	far:0.04917904649639042	:0.01
on:0.22688654069868136	was:0.15730957394619174	is:0.13321595756781318	of:0.09751025484180743	and:0.09415732545720681	as:0.08717812901655257	in:0.07558875006124419	to:0.06664508040223205	be:0.05150838800827073	:0.01
of:0.25166483490677677	the:0.23709720375109236	and:0.14901077076660696	to:0.08030521109006583	a:0.07955489572624934	in:0.06451543614878104	by:0.049200134962149415	with:0.042941258362296855	for:0.03571025428598135	:0.01
and:0.27551771397128394	made:0.10834514217692176	sale:0.10503396562744234	as:0.09866981310401296	land:0.09459410928872457	sold:0.0933533550260756	that:0.08180202406137634	was:0.06722311663802531	or:0.06546076010613733	:0.01
of:0.2319248270080924	the:0.16929524305057111	and:0.12265863489785708	per-:0.11026184640041982	their:0.10372121074779418	many:0.06639186232323849	two:0.06493431515965266	his:0.06408938226049897	three:0.056722678151875136	:0.01
and:0.39346139678251635	was:0.11114640267831276	are:0.09329595834523172	is:0.08461127492424647	be:0.07013499483656402	do:0.06518284749983093	or:0.062228361630104256	been:0.05507466059673786	were:0.05486410270645548	:0.01
the:0.5624867193874732	a:0.15953765632493663	any:0.10751108939282283	this:0.0399209000177937	tho:0.03075434234637079	of:0.027532908627143256	great:0.023432267212030945	said:0.02135673948275631	such:0.017467377208672516	:0.01
and:0.40180925423370906	made:0.10572982649976298	necessary:0.09766421441472355	provide:0.0709677106558723	him:0.06679412563114624	time:0.06399940844444657	but:0.06226152597569863	pay:0.06140975827886298	responsible:0.059364175865777885	:0.01
about:0.16659372222690708	west:0.13091545903252577	east:0.1227276240124117	and:0.12247898835633991	north:0.11413635580319645	to:0.09302178365804117	south:0.09279875792564031	of:0.07713773598362246	street:0.07018957300131515	:0.01
I:0.22374854135141628	to:0.17053887137014306	1:0.12724535417334273	the:0.10726681822504111	of:0.09993528904464907	and:0.07467168245735635	<s>:0.06763109286376622	not:0.06545421341258635	a:0.05350813710169894	:0.01
they:0.2613298813152984	we:0.1581993400976138	who:0.12895830592759625	and:0.09104671010898546	which:0.08566104386427137	They:0.07212385636721325	We:0.06916946968644781	you:0.06397008162934376	that:0.059541311003229846	:0.01
and:0.40180925423370906	made:0.10572982649976298	necessary:0.09766421441472355	provide:0.0709677106558723	him:0.06679412563114624	time:0.06399940844444657	but:0.06226152597569863	pay:0.06140975827886298	responsible:0.059364175865777885	:0.01
the:0.5251719265412762	of:0.1272703015883347	to:0.061970508731656784	a:0.05726818322112802	their:0.056594494979462895	and:0.050145664734416194	our:0.04055738136635339	in:0.03591685431257698	his:0.035104684524794566	:0.01
the:0.3680886537963655	an:0.17141972615228715	a:0.17020308746187074	his:0.11579866020130802	and:0.04543271813734504	her:0.03649579169971822	this:0.029390649149458586	its:0.027848533612802547	of:0.02532217978884415	:0.01
will:0.24546670814496488	to:0.20546952536150326	may:0.1275708606779766	would:0.08120755645509775	should:0.07771690441277317	shall:0.07225922771148753	can:0.06764996544963006	not:0.06128868674718099	must:0.05137056503938583	:0.01
be:0.25869678533643964	was:0.2164499049297245	been:0.18548370260379238	were:0.07988606676898506	is:0.07452247433899462	are:0.059620559014741725	being:0.052379158036390365	and:0.045824685444535405	Is:0.0171366635263961	:0.01
of:0.49592376396851345	in:0.1421933278915379	to:0.0961870280944608	that:0.06823335805615925	for:0.05210769557784317	by:0.044990361941619185	on:0.0346307687949693	with:0.029342226122190396	and:0.02639146955270672	:0.01
<s>:0.2010532036436786	and:0.18250965173941294	was:0.12329533241437708	that:0.1099854132185054	be:0.09742824044242467	recorded:0.08594352170585816	as:0.06857209858422193	set:0.06358842892321127	put:0.057624109328310046	:0.01
to:0.2521568046979276	his:0.18626565367516015	in:0.15064579652551902	my:0.10712667257163658	of:0.08615752684974268	and:0.06982253395153584	her:0.06501355560918097	their:0.04296963895224158	your:0.029841817167055536	:0.01
the:0.3515757547397756	a:0.25274986308236436	of:0.08369834871756912	and:0.06874211587961566	to:0.05666953632310674	an:0.049956900206382486	The:0.049678256858297215	Mr.:0.03894672440585281	in:0.03798249978703594	:0.01
the:0.7973547568235123	of:0.03470083931901921	tho:0.03158899326391259	our:0.029811875527770742	American:0.026226993082392184	a:0.02305929454130698	this:0.020791068075135463	tbe:0.01344061295764249	State:0.01302556640930804	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
and:0.23249637061068623	away:0.17295825796751463	taken:0.1420468461527569	them:0.07766826901057845	miles:0.07536648492003646	come:0.07524013772926026	out:0.07345826542488418	came:0.07129075865548365	down:0.06947460952879943	:0.01
it:0.22527501596969268	he:0.1838878956819828	It:0.1771900784542053	I:0.09605887214942406	He:0.07943712792698977	which:0.07173560525924132	and:0.06249392108142076	that:0.04725619630597162	who:0.04666528717107178	:0.01
of:0.41451996941524516	the:0.23286197606789755	in:0.09010373054170646	for:0.06255870846188892	with:0.050378944976271677	to:0.05027220727454893	and:0.04062515262191826	by:0.025743700118352055	a:0.022935610522170864	:0.01
the:0.21764444063078736	of:0.21032817253870764	to:0.20574675201779968	and:0.10545724507911237	in:0.0582865995418671	on:0.05369867559536913	<s>:0.052758235502345235	a:0.04307083081855826	at:0.043009048275453196	:0.01
well:0.1728623443336757	such:0.14793788044326786	and:0.14332044657922913	known:0.11689749818398883	far:0.11590668340198394	soon:0.10585626727327856	just:0.07361294222484563	long:0.06818725650687826	regarded:0.04541868105285186	:0.01
and:0.19885959417834537	a:0.1911585938405019	is:0.14686825759139396	of:0.10820850455679322	was:0.08823847108497473	has:0.07022413619160645	have:0.06703025441878578	not:0.061780043159961155	are:0.05763214497763731	:0.01
number:0.1551013846179251	sum:0.14851492181642903	rate:0.14780823894173523	out:0.1115167422811176	full:0.09055767387112675	matter:0.08961096775660078	amount:0.08716863345491423	loss:0.0869224973602961	and:0.07279893989985517	:0.01
and:0.2963518930506839	so:0.14127294388052722	fact:0.11934677619133643	said:0.0938250666715126	know:0.0932134021518468	say:0.08466047801883071	is:0.06122937996269785	but:0.050994404267622175	believe:0.0491056558049422	:0.01
and:0.2327996565927524	was:0.17417711985311507	the:0.16382010565329977	be:0.0937331094809269	is:0.08292811648847895	were:0.07046891673830082	he:0.065967261172613	are:0.056797621313343066	or:0.04930809270717013	:0.01
in:0.22198842827441548	up:0.1769447788789851	hundred:0.11489192739065382	out:0.08872383736072158	day:0.08707736644535341	men:0.07789774058351305	city:0.07668265301297596	;:0.07558464354908533	dollars:0.07020862450429632	:0.01
the:0.23489368643808747	of:0.1714199085704589	and:0.1509222110889926	a:0.10125325371681405	to:0.08978991230211596	be:0.07036792028887345	in:0.06850275987811559	was:0.06545509613683564	is:0.0373952515797062	:0.01
time:0.20108788250578666	men:0.17633739469577117	up:0.10177265026557178	hundred:0.09617509155607458	in:0.08959106629230254	long:0.0839658448240951	one:0.08077874034348625	him:0.08071123826324925	good:0.07958009125366271	:0.01
to:0.2668229260023634	and:0.2306612335630966	of:0.13996790161458733	the:0.13696172912657284	not:0.060013221255228844	in:0.053201450199867696	or:0.034795019578772374	I:0.03467007059716311	is:0.032906448062348	:0.01
the:0.6073428982040967	The:0.06969777928932563	of:0.06493752225709823	other:0.05841035334844037	a:0.05150322222129899	and:0.048640970608388755	tho:0.045883858605982666	by:0.022100070878033017	their:0.021483324587335685	:0.01
and:0.23563055452093967	-:0.13546340053601869	that:0.12409249187865418	the:0.10358230276108538	.:0.09041300424606895	of:0.07789495965196948	land:0.07675384452269321	to:0.07330374648554153	was:0.07286569539702896	:0.01
the:0.2364420234169101	a:0.21766691029426222	any:0.1031959675426477	in:0.09257177551197639	first:0.09248552861917604	his:0.08413850027607712	of:0.06715657922780545	their:0.05325815659949642	and:0.04308455851164878	:0.01
and:0.2630681499721094	was:0.16937873429674843	<s>:0.12590471272734086	is:0.10936504883125729	be:0.08472299099761729	that:0.06973313352122497	.:0.06123506813976832	brought:0.054269826944448915	been:0.052322334569484555	:0.01
of:0.3830545450395426	to:0.12142453176946906	and:0.10218140066570748	in:0.10088736262601061	for:0.0766723362255692	that:0.06697892972449249	with:0.046478561718041635	all:0.04617772013387347	on:0.046144612097293404	:0.01
and:0.17585653528116318	to:0.15780463333268435	the:0.15408048987271517	of:0.1333876206169608	be:0.09705683339257445	is:0.07833119972135894	was:0.07225980199753679	for:0.06656433948048371	in:0.05465854630452255	:0.01
and:0.32968101308409015	that:0.19317156459323231	I:0.08967374214981207	but:0.08091730741202767	<s>:0.07830143667804451	which:0.07695318157030841	;:0.04865281101838604	as:0.04864000827187744	it:0.04400893522222154	:0.01
get:0.1466179279908691	was:0.13816166858847517	and:0.13411725524820045	him:0.10611862598008345	it:0.10231181039389517	them:0.09727726821367766	are:0.09515897845536368	go:0.0876807812405961	come:0.0825556838888391	:0.01
of:0.3525628219819436	to:0.20737957642101032	in:0.09147299589804905	that:0.07539253150119885	on:0.06995939290134673	and:0.06735623684601358	by:0.04328516396159173	when:0.042120384452251795	with:0.04047089603659433	:0.01
is:0.2524479625653079	ought:0.12100787889195094	are:0.1178352422795325	seems:0.11055594763804424	was:0.09614106152581381	not:0.0941843627106136	said:0.07532254921697497	seemed:0.06249828089648135	as:0.060006714275280794	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
of:0.4310246250223163	to:0.1516649771939914	that:0.07367178892746432	and:0.06883059249973034	in:0.06742030243567641	for:0.06477639128523811	with:0.05110174198736479	by:0.042615236451528635	on:0.03889434419668975	:0.01
as:0.188283813505136	according:0.14144678228402477	up:0.13904323060160725	and:0.1096650113200393	went:0.09104380703179268	back:0.08789812106037491	regard:0.08348580619122747	feet:0.07747526592666086	down:0.07165816207913696	:0.01
and:0.2433965671591451	him:0.15918576125558442	was:0.15546468801479865	is:0.08403713707126538	it:0.08119311744346455	up:0.0765112129798562	as:0.06975526414728685	come:0.06105440877997867	placed:0.05940184314862022	:0.01
in:0.22642398146928286	of:0.22181622050385258	to:0.15392453508454218	on:0.09220519768164841	and:0.08564264070743798	with:0.06525302435638586	upon:0.05464789651685467	from:0.04967262968323026	by:0.040413873996765104	:0.01
and:0.3081382737094838	said:0.1730589697868629	fact:0.11175374042727584	stated:0.09076470050424858	so:0.07733344451894188	him:0.06626454011197734	know:0.06377304208821115	say:0.049787186448953615	is:0.04912610240404502	:0.01
have:0.19330887159774204	has:0.16447252126589293	are:0.15683896528982624	is:0.14418685579799015	had:0.09657639230540169	was:0.07239764938229547	be:0.06640045469971269	and:0.049297677630134554	were:0.046520612031004334	:0.01
the:0.3393255573743127	and:0.21178061799709652	of:0.18374035432791083	that:0.05355193750391202	The:0.0526274655332642	a:0.050428225266492877	or:0.03381932134870706	I:0.03348309181440277	in:0.031243428833901205	:0.01
the:0.2639506293851738	and:0.19501039686586272	to:0.14601691692877852	of:0.12515324726393026	so:0.07017329332869995	is:0.061556309784988696	be:0.047429934184572566	he:0.04243046255372475	was:0.03827880970426894	:0.01
in:0.2291796231230005	of:0.198946047681148	to:0.12894122755459383	for:0.09814016662143758	with:0.07994941794472238	from:0.0778656863619228	by:0.07136739601410985	at:0.05341523200022529	In:0.05219520269883961	:0.01
a:0.7702894344532503	the:0.1496185384852795	A:0.018855702644192993	The:0.010399744769476837	this:0.01009095524746167	long:0.008916721913929787	first:0.007780356701237188	and:0.007034044984284662	tho:0.0070145008008870545	:0.01
will:0.22448046644940609	could:0.18179862143461414	did:0.1452730178147247	would:0.140592470442591	does:0.10548941706057513	do:0.0728368136405128	shall:0.04353498516785438	should:0.039087264980935045	is:0.03690694300878677	:0.01
and:0.21756602459774235	of:0.1708515450466911	by:0.15196973825091917	in:0.1427104134819803	was:0.10352072697301987	with:0.06300428497326109	for:0.04828519047061301	are:0.046407772556173905	to:0.04568430364959913	:0.01
and:0.3081382737094838	said:0.1730589697868629	fact:0.11175374042727584	stated:0.09076470050424858	so:0.07733344451894188	him:0.06626454011197734	know:0.06377304208821115	say:0.049787186448953615	is:0.04912610240404502	:0.01
of:0.3817864120278334	to:0.12858907520716367	for:0.10430088958246488	in:0.10329791908670588	and:0.09608026282516693	with:0.06634161178938557	by:0.043285860820789064	from:0.033887676557955757	at:0.032430292102534765	:0.01
the:0.3518896462898483	of:0.31744734541207553	said:0.08708142982243397	a:0.05079972348754531	to:0.04480738707085684	by:0.04223318997475769	on:0.03941436336331024	this:0.02831444993214369	that:0.028012464647028515	:0.01
;:0.2204640719555148	is:0.1758257432626408	nothing:0.1379406967632926	and:0.10030977648515511	it,:0.09114822746878602	are:0.07939989855556756	one:0.0625634746637849	was:0.06127459137468537	time,:0.06107351947057283	:0.01
the:0.27303853561626584	of:0.12144527006365492	and:0.11190443096014464	a:0.10717374517078575	to:0.09517206869392293	in:0.09150130096840597	for:0.0828170992790071	be:0.05513949846120759	his:0.051808050786605275	:0.01
and:0.2356343567867148	St.:0.18307208765583266	of:0.13140177233699146	the:0.11271482964321575	<s>:0.09806577731945529	to:0.07766866782015054	was:0.05789619297470087	de-:0.05001688986916825	1:0.04352942559377034	:0.01
and:0.3073535947608112	to:0.22522162155475012	he:0.1066294831692129	of:0.07884913974184654	in:0.059724661676140794	the:0.05755099293026271	was:0.05520007854065904	that:0.050336197370971794	for:0.04913423025534491	:0.01
well:0.34618032515109337	and:0.13329003312874318	known:0.13040133597623033	far:0.11465520923791377	such:0.07899955666380475	soon:0.06896496887707046	is:0.040937347968859505	much:0.03952117364441855	just:0.037050049351866086	:0.01
the:0.2639506293851738	and:0.19501039686586272	to:0.14601691692877852	of:0.12515324726393026	so:0.07017329332869995	is:0.061556309784988696	be:0.047429934184572566	he:0.04243046255372475	was:0.03827880970426894	:0.01
of:0.26561422457348965	to:0.15398276019780655	and:0.12004344640138762	in:0.11598472550701903	for:0.07667729389295615	that:0.07298524945098728	by:0.07100134231374444	with:0.062174794904508474	on:0.051536162758100766	:0.01
the:0.27750497603089064	a:0.18705178668529587	this:0.13079983222384728	one:0.10584978574099063	every:0.07313175378949344	same:0.05881275848492612	his:0.05824567760885066	other:0.057339265841250986	first:0.041264163594454444	:0.01
the:0.2639506293851738	and:0.19501039686586272	to:0.14601691692877852	of:0.12515324726393026	so:0.07017329332869995	is:0.061556309784988696	be:0.047429934184572566	he:0.04243046255372475	was:0.03827880970426894	:0.01
of:0.50984722743329	in:0.13268782784949318	to:0.10592018786131685	that:0.04760484698437598	by:0.0475657876262917	for:0.044769435977049424	with:0.03932066956143652	and:0.03200955303257717	from:0.030274463674169267	:0.01
and:0.36567920695259315	annum,:0.338580631074157	on:0.09415476019782644	of:0.06601320986490054	day:0.03431981921189228	or:0.025519481630818602	that:0.02292773508938673	sale,:0.02164397037930649	2:0.0211611855991188	:0.01
the:0.21858781341275965	and:0.14787589235517212	of:0.11615811686309205	from:0.111777248760148	a:0.10253926757191248	to:0.08360693553216382	be:0.08051194311816404	was:0.06882079131216966	is:0.06012199107441834	:0.01
<s>:0.39877850716468294	it.:0.14040032270496167	them.:0.10376492453408749	.:0.0717984304224112	time.:0.06094232199008742	him.:0.05907377691461808	country.:0.05817830274933813	year.:0.05089690498385416	day.:0.04616650853595894	:0.01
he:0.19216420268890672	I:0.14249478219207085	it:0.1393078157224164	It:0.12149617874351198	He:0.08856204987147628	and:0.08730213392007195	there:0.08170176791215107	which:0.07289892602507458	who:0.06407214292432002	:0.01
<s>:0.31843561172806895	him.:0.15789457478237873	it.:0.14920763575051382	them.:0.10382141739516831	time.:0.06881542073966561	day.:0.05119280938941718	home.:0.048025769657993884	years.:0.04750621461518425	work.:0.04510054594160918	:0.01
or:0.29373072158498925	not:0.19105285114169895	no:0.1559560377573921	and:0.07824229206549013	a:0.06970104021547	the:0.05718359420674087	with:0.05257555150315271	of:0.045868712161492825	much:0.045689199363573005	:0.01
the:0.2897383324568781	of:0.17113076544121683	a:0.10182560711526902	to:0.08415539991493164	in:0.07588252600215935	any:0.07161219763621447	for:0.06930496705250558	or:0.0656900637021065	and:0.06066014067871868	:0.01
make:0.32474467630608506	for:0.10413211510582467	get:0.10291767265303245	made:0.09660474451763143	and:0.07479007470973481	find:0.07359171837655866	that:0.07266655797486204	have:0.07188892814242202	is:0.06866351221384868	:0.01
that:0.27981094761564645	which:0.1504879838103238	and:0.13524392048408	as:0.11419344174647025	if:0.10324468560681231	where:0.054631089207648614	but:0.0528142075733637	when:0.050228176209059026	what:0.04934554774659583	:0.01
and:0.17151618359851106	is:0.17015047834399621	as:0.11082801560618431	was:0.10049374719407791	able:0.09957824053712779	not:0.0959529126271294	enough:0.08218526606313245	him:0.08082377757804236	order:0.0784713784517985	:0.01
a:0.5022435698466601	the:0.23388093705791402	of:0.07964282592323375	in:0.050126780336993124	with:0.037660651328938706	and:0.02603552954263828	The:0.022154997706119364	much:0.021314023366048516	to:0.016940684891454096	:0.01
of:0.2667447977989979	the:0.2300781398626874	and:0.14167664780512895	to:0.08766536326416909	a:0.08363267794152489	at:0.049837185126806446	in:0.049195827405619896	with:0.04663402365648747	from:0.034535337138578134	:0.01
of:0.23552918213715987	to:0.18344112762830975	with:0.11256719747919179	in:0.10571295796490685	on:0.0789603430707488	and:0.07375603260789157	by:0.07108969055417869	that:0.06734424765839032	upon:0.06159922089922224	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.04553578393787439	of:0.03051332981678091	tbe:0.02261446403444868	in:0.021612439669724332	or:0.020196218295911488	:0.01
I:0.3169293495632366	he:0.1621332750799187	we:0.12160130348551776	and:0.0992700034002947	they:0.09443226059984022	you:0.05333031607837386	it:0.05228311355611604	that:0.051672431218548746	We:0.03834794701815334	:0.01
this:0.2802039948951219	the:0.17686438892184195	same:0.12303654611808054	that:0.11938705912492151	in:0.08592662406693312	some:0.057701181608169894	to:0.051930580677120926	of:0.04760844330741928	first:0.04734118128039088	:0.01
sum:0.18676829411122214	number:0.1566486321513545	line:0.11140081741272478	city:0.10844765106291132	out:0.10739005474369737	day:0.09286734076326106	county:0.08286139477536687	amount:0.07384405151900511	Board:0.06977176346045691	:0.01
those:0.40678791127323305	men:0.17817794621670985	man:0.13110900665041422	and:0.0730915358273291	one:0.05916399559534918	Those:0.04389400312401397	people:0.037845969028667464	person:0.031130954858217163	woman:0.02879867742606605	:0.01
the:0.36316123017263924	his:0.2246983706326143	my:0.0823080712660305	a:0.07766134291716989	their:0.06637011124165666	this:0.056138400874529745	same:0.04473948561934436	its:0.04451961987162329	of:0.030403367404391875	:0.01
he:0.2123697658464264	who:0.15091908100628376	which:0.13423069933853984	they:0.11142265066260212	it:0.10310378443593027	that:0.08782466281035547	I:0.0712737738819633	there:0.06045635920866449	she:0.05839922280923447	:0.01
it:0.20622348714107272	that:0.16057455996523645	there:0.14151153360535965	which:0.11963266539685385	they:0.10506951759105809	It:0.08276968157081657	he:0.06915141905166503	and:0.0620236112565421	There:0.043043524421395654	:0.01
as:0.18234509449290306	and:0.13248255435227901	of:0.13130600727185882	was:0.10683091360114388	is:0.1047188858185848	in:0.09961216018716994	such:0.09415990779054607	with:0.07160675824748888	to:0.06693771823802559	:0.01
Board:0.23280092957027768	line:0.18575956541446756	number:0.16900261069973732	State:0.08501797471113409	city:0.0697276637925753	state:0.0677952273694977	side:0.062236764246586314	County:0.059989226540369346	county:0.05767003765535464	:0.01
and:0.23801640066931007	the:0.21377044090976594	of:0.162570108593338	to:0.126704710778301	in:0.05773966831499668	a:0.05257062951863229	be:0.04791117785243139	for:0.045811717077346006	<s>:0.04490514628587866	:0.01
the:0.48541892059096575	a:0.15323913008483747	of:0.09181307955076802	and:0.07593189091703312	The:0.05772607927139588	tho:0.03514515350275813	an:0.03487460495701259	in:0.028869611739383585	to:0.02698152938584513	:0.01
sum:0.18676829411122214	number:0.1566486321513545	line:0.11140081741272478	city:0.10844765106291132	out:0.10739005474369737	day:0.09286734076326106	county:0.08286139477536687	amount:0.07384405151900511	Board:0.06977176346045691	:0.01
part:0.21361158070694775	one:0.17380084287165437	out:0.1373975162565351	side:0.09101456173050997	that:0.0871961473660544	some:0.08124242756234752	end:0.07179676690489906	members:0.07134260443302047	portion:0.06259755216803149	:0.01
reason:0.4015142634399176	and:0.18289778059156364	have,:0.1091292813516783	see:0.06396445787904324	understand:0.053908491214046055	know:0.0503759554504456	reasons:0.04879673153779884	is:0.04721373448838211	was:0.032199304047124615	:0.01
the:0.7011191618733874	his:0.08135234065742138	The:0.049303292895058394	of:0.03598637335316267	a:0.03378195323497413	and:0.027652405976215343	tho:0.026265077194071527	their:0.018168847568055552	this:0.016370547247653574	:0.01
years:0.7283802236691225	months:0.07034021493687309	the:0.05843405535495158	to:0.034827905870005185	year:0.032590638119750125	and:0.028635445845246705	of:0.018143228311172516	weeks:0.011210150764961124	days:0.007438137127917164	:0.01
is:0.22507752513677942	was:0.13937923237569996	in:0.12090300788707885	of:0.10447220315106985	and:0.09796113124996937	any:0.08661141896630949	no:0.07783853733564217	from:0.07164227319675591	but:0.06611467070069511	:0.01
is:0.3429263294255722	was:0.11793252288422891	have:0.11026298811053771	be:0.10828603541182338	and:0.08695989161149831	had:0.08271305474595515	will:0.052189383848504634	has:0.044463831832014335	Is:0.0442659621298654	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
the:0.5525687696761634	a:0.18901914616009224	great:0.058525117303363586	The:0.04561507317613364	full:0.037873690813322355	tho:0.029820770083879417	large:0.028189136838459403	and:0.025995661716363295	in:0.02239263423222264	:0.01
he:0.3552571607629698	I:0.11493637004132885	who:0.09810488886755742	she:0.09281112443892416	they:0.09228556979491134	He:0.06877833781077991	and:0.06511276931380952	it:0.055930152648584155	have:0.0467836263211348	:0.01
most:0.3793428109538099	a:0.1661830665173473	the:0.1650503488803147	very:0.06609144224242886	more:0.06504149694460233	and:0.04794041445651259	an:0.03372945710843376	The:0.03366080324143258	as:0.032960159655118136	:0.01
it:0.2596385820886084	which:0.14112918128503313	and:0.13477755288321686	It:0.11476539973660432	there:0.09895590903510541	they:0.07621371801179058	who:0.05780478023937095	we:0.05506058752131993	that:0.05165428919895034	:0.01
the:0.39886099072163017	a:0.2303277399365688	of:0.13692954857378653	The:0.06100687951190596	and:0.05677469867688722	with:0.03376206676424309	A:0.02762325472224671	tho:0.02487884640647848	by:0.01983597468625328	:0.01
the:0.4200597861829513	a:0.17424342085954875	to:0.15219519375561558	The:0.08956477051196049	tho:0.04327779030662048	his:0.03872782584624994	and:0.02536061036296562	con-:0.02481906548232627	tbe:0.021751536691761435	:0.01
it:0.19861178105192082	It:0.16416844195678915	he:0.1148508872318172	there:0.11415883153204023	which:0.10255310296057514	and:0.09877391422271824	This:0.09055130596711539	that:0.058038815805489634	I:0.04829291927153439	:0.01
is:0.2723168044270945	as:0.14100928672115115	a:0.10887480664482774	was:0.1087674834471318	are:0.09586307238583648	and:0.0725271488273616	very:0.07005190147820418	be:0.06551182402091585	the:0.05507767204747661	:0.01
is:0.23802813210295878	was:0.19377348781694972	and:0.17942760253362575	not:0.13351286014446098	are:0.054288737695103804	be:0.05130969068214549	but:0.050520258953353825	Is:0.0481425750600564	were:0.040996655011345196	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
in:0.33360949113017846	of:0.19754620994457314	In:0.17864988575409027	on:0.08455143730008782	and:0.05158699155253628	to:0.04622433852476419	for:0.042081151407930215	during:0.03181464847197518	from:0.023935845913864405	:0.01
is:0.2524479625653079	ought:0.12100787889195094	are:0.1178352422795325	seems:0.11055594763804424	was:0.09614106152581381	not:0.0941843627106136	said:0.07532254921697497	seemed:0.06249828089648135	as:0.060006714275280794	:0.01
of:0.33448044278748246	to:0.140910629324663	for:0.09598172986872813	that:0.09028400206772044	in:0.08781050515751511	and:0.07949211903315888	with:0.07577838381043661	by:0.0504529420636246	is:0.03480924588667065	:0.01
he:0.24309386805093885	who:0.17492089025935154	they:0.12460932433516753	and:0.09243546174474504	I:0.0903612542693162	which:0.08903458241057918	it:0.060458230692694265	she:0.05946836329363962	have:0.055618024943567955	:0.01
a:0.43231003320737765	the:0.33375945407743174	The:0.07568010487794172	his:0.03184385686389921	of:0.025673217528364285	this:0.023401627238612863	A:0.023229824525514205	and:0.022883144639849827	tho:0.021218737041008406	:0.01
the:0.37781943257888373	to:0.17700494799531183	this:0.1274182781280068	a:0.06836487733099415	tariff:0.060094685592303965	and:0.04995042216210184	appropriation:0.04821401129942212	one:0.043833552295958686	that:0.03729979261701677	:0.01
and:0.18784336682063274	as:0.15114329179679575	went:0.11423878004667351	him:0.10666558228731272	them:0.09110223752457794	up:0.08733803455919152	is:0.08689480544253657	go:0.08340199801381315	able:0.08137190350846597	:0.01
as:0.17481395904871108	up:0.13266480410279494	and:0.11423368936286925	according:0.10311874253127587	back:0.09834039683776628	him:0.09814074486700695	returned:0.09685287995672427	went:0.08599041765307629	came:0.08584436563977506	:0.01
of:0.404980838867525	to:0.15604711719439804	on:0.10921829460632534	in:0.09134135213227666	from:0.0725434921321665	at:0.044306748722357986	by:0.042260044642169696	that:0.0394213140886007	and:0.029880797614180086	:0.01
to:0.22915990236004585	I:0.13871946602755938	would:0.1330455404601739	they:0.11537319596311132	we:0.10498230354658346	who:0.08173080463455147	will:0.07730390766292998	you:0.05776733890846798	and:0.0519175404365766	:0.01
the:0.32934117598366397	and:0.1580376321445994	of:0.13694854921075386	to:0.07548228016299391	a:0.06370449284018063	be:0.06220921731190305	was:0.0564150643439665	is:0.05533161338210766	in:0.05252997461983085	:0.01
it:0.2602933463206855	there:0.14822319293947891	It:0.13196436136428402	which:0.11581767029202342	they:0.08952698954231514	that:0.07758736314856882	and:0.07379772084395009	he:0.04666991240312073	There:0.04611944314557337	:0.01
the:0.3282456637187539	and:0.10066751118892116	come:0.09186198506973142	go:0.08646340173997777	came:0.08533539092635861	get:0.08365154639845891	or:0.07864132335098054	them:0.07821652223731734	it:0.0569166553695005	:0.01
and:0.2499433143560627	I:0.13802112228717095	will:0.11336133969141787	was:0.1062090061316757	have:0.08450177099765013	had:0.0824273344786652	he:0.07913534739691107	is:0.06852434045917159	has:0.0678764242012747	:0.01
of:0.4947737252875025	to:0.12143705588891031	in:0.11409453040656704	that:0.0600183121784756	on:0.057379621950564785	by:0.05011764527471191	and:0.03338844931841935	from:0.030403484178493406	for:0.028387175516355112	:0.01
hundred:0.38841378645436947	up:0.09123185635738856	men:0.08930224671194738	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.07306411117914521	him:0.0668423327581923	;:0.06651424040074755	due:0.06192290086804839	:0.01
is:0.2378962338787881	was:0.2170822761402054	be:0.1371817577503503	are:0.11292090919046681	not:0.07416992699361209	were:0.06727496841817032	and:0.05956475841843222	been:0.04323591900019227	Is:0.04067325020978256	:0.01
and:0.20576986051327525	be:0.14724677861411745	to:0.12535070885684524	of:0.12147274158796671	the:0.10006651747810341	in:0.07829719106333621	was:0.07464897261101211	is:0.06959459791180371	re-:0.0675526313635398	:0.01
the:0.34170127421390223	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093987	to:0.07847171568184984	in:0.05339647102682973	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
to:0.3010286378598682	and:0.20724594162951251	of:0.11561430117577179	the:0.08949931874126585	in:0.06780950692820928	is:0.05678672479774324	I:0.05395775487226536	for:0.04939417435915029	not:0.04866363963621349	:0.01
a:0.3207907073288321	the:0.2164386122969881	and:0.10972140986920041	of:0.09584138972782445	was:0.070717413421564	be:0.058440852273781874	is:0.0500678906885764	with:0.03690286811233673	been:0.03107885628089591	:0.01
the:0.2454162012121175	of:0.1411230708504749	and:0.13909491179529657	to:0.12868679917838227	a:0.119777613542531	be:0.06375422245875538	in:0.05705283066500925	was:0.04829030541090775	is:0.04680404488652549	:0.01
hundred:0.18288209852357762	six:0.13328227189507333	two:0.12446038625559354	five:0.12432557335010591	three:0.11433554796659	ten:0.071484807681362	four:0.06863101008526559	twenty:0.060391798326179025	seven:0.060050867053781605	fifteen:0.05015563886247134	:0.01
and:0.24528248998831376	held:0.14648753496079167	arrived:0.13032093183429205	Beginning:0.0958708500154345	was:0.08274139177167322	Dated:0.07650922845240461	sold:0.07470867727267312	arrive:0.0729010774734216	made:0.06517781823099539	:0.01
the:0.3837931503543423	of:0.31721256047134877	and:0.08172204044761767	to:0.04700880075190455	The:0.03984838081766386	for:0.03920239607023905	our:0.03165684727733283	in:0.02562439482971463	its:0.02393142897983664	:0.01
there:0.16212158455389708	him:0.12391353711587126	it:0.11805106128165595	it,:0.10584915054505328	;:0.1042038490405381	in:0.10350974344543258	good:0.09775369245048579	one:0.09252759498726719	him,:0.08206978657979862	:0.01
it:0.21150095565170537	and:0.16872366050491697	It:0.15587993025552863	of:0.12670459828645414	at:0.06965332339605185	the:0.06815579907070893	for:0.06380098095366143	to:0.06305256560776042	on:0.06252818627321244	:0.01
in:0.22661916411881472	up:0.115599629185293	;:0.1027845829657642	time:0.10232514169808288	it:0.10065015702964655	it,:0.09194712968823851	him:0.08621902621084161	out:0.08600554136352566	them,:0.07784962773979275	:0.01
and:0.4556726297555054	but:0.09306106244724259	are:0.08855855434687349	is:0.07210347540330231	was:0.06995149139906577	men:0.06566703441648503	people:0.04901704717022339	w:0.048018993159077504	that:0.047949711902224725	:0.01
and:0.29951538164389724	of:0.2026715014052448	to:0.09906814275159388	with:0.09576812225336778	that:0.08173624994606832	by:0.07847448910983472	in:0.06712525981627476	from:0.03517592409478338	on:0.03046492897893483	:0.01
to:0.558835476018929	not:0.08807093054998213	I:0.06235788162884429	we:0.06117992223878948	you:0.05120357298037668	would:0.0474898711328851	will:0.04455655223533674	they:0.04009687489924731	can:0.03620891831560918	:0.01
long:0.21784647134679536	well:0.15119131400461583	large:0.11681757815550975	not:0.11504221845456016	and:0.0974897064239277	was:0.08598344095356665	is:0.08269425646447148	far:0.06611336889394222	strong:0.05682164530261108	:0.01
and:0.18784336682063274	as:0.15114329179679575	went:0.11423878004667351	him:0.10666558228731272	them:0.09110223752457794	up:0.08733803455919152	is:0.08689480544253657	go:0.08340199801381315	able:0.08137190350846597	:0.01
the:0.34619345787616185	of:0.23926672038012975	to:0.11565882482322795	and:0.1075577985927646	for:0.042412144033383795	both:0.03771321334757125	with:0.03621906974693814	by:0.0359282165855967	his:0.029050554614225715	:0.01
of:0.21812856260690297	for:0.16343545561400774	and:0.16278192583231935	to:0.15827092950126853	that:0.11254064703492161	with:0.05640466948135833	by:0.055632087723725146	it:0.032373983705558475	have:0.030431738499937876	:0.01
to:0.5480262219979412	will:0.09256421428682275	not:0.0904638107587012	would:0.0753985224333285	they:0.03515207459654702	we:0.03297765970680281	who:0.032729010275009685	and:0.03082566000466296	must:0.028943449692825588	could:0.02291937624735838	:0.01
is:0.17839502338555344	was:0.17504592657499385	of:0.1215885948987722	with:0.11107451113648516	in:0.09587583988310214	to:0.08740782905300519	and:0.08457583693582502	had:0.06967528556011492	for:0.06636115257214803	:0.01
that:0.4189852017646906	and:0.1451621774895792	as:0.10072602595847757	but:0.08878389148346505	if:0.06898585649826196	which:0.05609117853103027	what:0.04165817083938285	when:0.038061458452870046	think:0.031546038982242404	:0.01
the:0.2885930082027725	of:0.176566445622439	a:0.12380099638058098	to:0.10274053766955328	and:0.0921597664603577	be:0.0664805226347077	in:0.04958752016343719	is:0.0472461089247686	not:0.042825093941383084	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
to:0.3676441204451628	has:0.15643376109670443	have:0.10991062104924794	and:0.10625519783611487	had:0.1019998567013344	will:0.0622114036938925	would:0.034925805424046004	shall:0.025863676089271197	may:0.024755557664225863	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
of:0.407674785398844	to:0.12776120936196508	in:0.09811001276740029	and:0.07987385520716707	for:0.06192213266467771	by:0.059814335151744225	on:0.057195378560192196	that:0.05542901686480434	In:0.04221927402320508	:0.01
the:0.2010021115599926	to:0.17379857310593472	of:0.15050208736975196	and:0.11238908860391598	was:0.09082651839408588	a:0.0744583315183971	be-:0.07441653894464778	is:0.06122976658073993	be:0.05137698392253403	:0.01
amount:0.1946276504580533	sum:0.19366976691978532	number:0.17385657375319447	out:0.10218718765275135	rate:0.0874681112893734	instead:0.06532876657728409	one:0.058564516178818596	that:0.05762440251994824	question:0.05667302465079115	:0.01
of:0.6827531713502267	to:0.08178435658863059	by:0.06324278485591685	in:0.046325993639659016	that:0.032348803603648904	and:0.027465939718951605	with:0.022427117591200123	on:0.017179281118312555	from:0.016472551533453613	:0.01
<s>:0.2773737483516857	it.:0.1976834983030261	you.:0.13053409691460166	them.:0.09625691446532422	and:0.07569687398197308	him.:0.061636624697784664	me.:0.05323518295792301	.:0.0520549783780891	time.:0.04552808194959248	:0.01
in:0.4113562608050338	the:0.17340233241967482	no:0.08570196457193921	In:0.07787363656396999	of:0.06686785784013813	a:0.06319423361880559	such:0.0432842901756895	any:0.03701142065353711	and:0.03130800335121176	:0.01
is:0.2502659131657396	was:0.16683185557722202	the:0.13414668462429152	and:0.11246226367729857	in:0.09434357872869249	of:0.07765189325572396	are:0.05424653197024321	a:0.0502790923583583	it:0.049772186642430216	:0.01
the:0.5163233369026576	this:0.08060546050554687	such:0.07718088848661027	a:0.07037196716135205	and:0.059151669827702466	of:0.0537029948717038	The:0.04939765132388703	any:0.04452624073990113	other:0.03873979018063875	:0.01
the:0.28331751316299447	of:0.17334788028772558	to:0.12158054735072847	and:0.10439565886854558	be:0.07941692946312168	a:0.07917204011865236	was:0.05293759797322755	in:0.04911017291653	is:0.04672165985847409	:0.01
a:0.30681366879109845	of:0.19636869225758502	the:0.14653652265312847	in:0.09208286102930664	to:0.062171152499655796	for:0.05651390264736084	and:0.05007088013170223	that:0.04706704654690755	which:0.032375273443255095	:0.01
in:0.6341732297212759	In:0.2561818579855997	of:0.029662705611363697	the:0.01994627496128023	by:0.013969560579912567	iu:0.011877424262511982	and:0.009640395710314994	for:0.009237664293883282	to:0.005310886873857505	:0.01
;:0.30220667183193684	it,:0.13621110836743158	doubt:0.11840340910211918	him,:0.10586082606151845	is:0.10003855235182507	time,:0.06413846382730465	them,:0.055832019477466716	nothing:0.05367572238776774	,:0.05363322659262986	:0.01
<s>:0.2087584395371831	it.:0.19537403239790385	them.:0.1611542914215303	him.:0.08966055646053193	time.:0.07457973471843561	.:0.07249118638984157	years.:0.06578996745015629	year.:0.06571788168574781	day.:0.0564739099386695	:0.01
and:0.25037799561132223	to:0.19051743664518078	of:0.12818071300755096	the:0.11341275889843262	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.05790590474591629	for:0.056443486992488516	:0.01
of:0.3869783035647578	in:0.21492185207099648	to:0.11178530117010435	and:0.05411915367891875	that:0.04862318837991566	In:0.047805783280856766	by:0.04507216933149292	for:0.04125300597992876	with:0.03944124254302841	:0.01
be:0.2094589950454189	I:0.16667358847853808	he:0.14023957560114994	they:0.12240053603291122	was:0.08288303826540083	been:0.07027905217311148	not:0.06858808133071329	and:0.06737735798406781	ever:0.06209977508868847	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.04553578393787439	of:0.03051332981678091	tbe:0.02261446403444868	in:0.021612439669724332	or:0.020196218295911488	:0.01
the:0.2918776460409474	of:0.22178196805794084	and:0.12194274173166582	a:0.07943900673134334	to:0.07729722716109534	at:0.05837903430942659	in:0.05401514731023792	be:0.04423005804037608	his:0.04103717061696682	:0.01
and:0.22730857944662378	made:0.20865045805900598	that:0.11061789761233744	here-:0.09983313661539571	or:0.08141396852038763	taken:0.0725463702371297	up:0.06746664061564743	owned:0.06142509530554152	done:0.060737853587930754	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
in:0.20144762439043967	of:0.17446914410521497	to:0.14579793476058084	with:0.1175258805749038	as:0.0972412183419411	and:0.06936740171715462	is:0.06676781647289116	for:0.06605829374180942	at:0.051324685895064455	:0.01
<s>:0.5911664716768235	.:0.0925416286131135	it.:0.07581705834204042	them.:0.05818195815929815	day.:0.03772668638663001	him.:0.03479060365958301	time.:0.03473040556580826	of:0.034040180206403495	country.:0.031005007390299676	:0.01
last:0.2928651406699613	the:0.13749136416970592	Saturday:0.11452405282674626	at:0.11398689748106053	Friday:0.08780543760808357	Last:0.07504611656679248	of:0.06097442445545435	Thursday:0.058022011098502135	that:0.04928455512369374	:0.01
those:0.2440507831228708	man:0.1896440629965335	one:0.13493274774356825	men:0.13214373206459903	and:0.10687997572450005	people:0.06089981096740642	person:0.04120940815372893	all:0.04020747465671117	woman:0.04003200457008183	:0.01
and:0.29538761890386145	was:0.1642849013116615	is:0.11706638838186677	up:0.07776716508545513	it:0.0755910625150025	made:0.06655680901265408	put:0.06578409847025993	placed:0.06489134807601944	that:0.06267060824321909	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
the:0.2967920371917595	a:0.1512138473784965	of:0.14195636444249754	and:0.1204345024402632	to:0.11230952953426411	in:0.05653002079832309	The:0.038022751406705343	for:0.03725834584434018	with:0.035482600963350694	:0.01
and:0.2614488440589101	go:0.12883639368370445	passed:0.10689691468973388	as:0.08765671584786691	it:0.08697767016619783	near:0.08365113762489257	gone:0.0832563225509943	made:0.07909936580319697	left:0.07217663557450296	:0.01
of:0.2904853718070304	and:0.16271255357691408	to:0.15944444947191058	in:0.11704342058071883	with:0.07269987171026357	the:0.04855972479626701	from:0.04707782088651264	all:0.046221976305266324	is:0.04575481086511673	:0.01
to:0.35773625818197463	and:0.28098332894706435	of:0.06366019721842933	I:0.05957609902579173	the:0.04920700422635031	had:0.04593436949706385	who:0.04468909427588246	would:0.044527264431605255	not:0.04368638419583798	:0.01
the:0.2725891650171908	of:0.18647846132477444	a:0.14271496714585305	to:0.08840807179006853	on:0.08833494044017683	and:0.08614370031803262	in:0.053483531617411824	by:0.03637821689272786	<s>:0.035468945453763896	:0.01
be:0.32216172540998717	was:0.18403571633020974	been:0.12298959168168969	is:0.0950948522862449	have:0.061078096831877614	are:0.05889883866075708	were:0.05730359147502237	has:0.04449171456965659	had:0.04394587275455493	:0.01
the:0.319043605732782	of:0.1731591707614373	and:0.12534789090235723	to:0.0964738623652757	a:0.06334210630031534	his:0.05388570381727439	their:0.053878498318420856	be:0.05312243736196244	in:0.051746724440174474	:0.01
the:0.23910293602355917	and:0.18307259900118653	of:0.18129761300896996	to:0.11155062029763856	is:0.05934437673509295	a:0.05879161987980057	in:0.05362130023899847	was:0.052524098398990846	be:0.05069483641576298	:0.01
June:0.3313196372222978	July:0.12332811699011775	10,:0.11954821077574841	March:0.10126065479771697	of:0.07588161725346423	April:0.07197638077449174	May:0.06390965148196068	November:0.05304465294184093	August:0.04973107776236157	:0.01
of:0.3482325540937595	and:0.1380741480611059	to:0.129516976093906	by:0.08903143990926371	in:0.07102352909774923	that:0.06479148551400098	from:0.054450026484809066	on:0.05421708475490136	with:0.040662755990504104	:0.01
<s>:0.5577885891176894	it.:0.11270828429500629	them.:0.0635143413259071	him.:0.056549634854867366	time.:0.04630480635520237	.:0.04543665217754153	country.:0.03808489837591448	day.:0.03774272826653971	of:0.03187006523133193	:0.01
and:0.24532520474320918	there:0.16610954869774408	to:0.09978975004131933	of:0.09355438019991526	he:0.08378054166971792	the:0.08004285057775641	or:0.0773676272776924	I:0.07606268748147998	is:0.06796740931116546	:0.01
and:0.27169980257244286	was:0.11184075337002326	file:0.10845453490691333	that:0.1051508243735093	made:0.10493328986733917	is:0.08139378364250742	but:0.07267309056949599	people:0.07250388573087882	them:0.06135003496688983	:0.01
of:0.3372668786434339	in:0.24860498023086597	to:0.12417690929062365	In:0.08132212054565427	from:0.05181246966373128	and:0.04291678100319562	by:0.036527601337216026	that:0.03371702300512034	for:0.0336552362801589	:0.01
the:0.2205931034803534	of:0.21238349649058808	to:0.13982379921302884	and:0.10856538937506058	a:0.08338038584964619	for:0.07123225758499563	in:0.07047143623134387	his:0.044752457658020266	be:0.03879767411696298	:0.01
the:0.24130576549866314	of:0.18833662870322207	and:0.16607091897550066	a:0.12226357561830728	to:0.08119819928176736	was:0.061441215918139495	be:0.05012797215849653	is:0.043156408701399925	been:0.03609931514450369	:0.01
is:0.22290137082965575	that:0.16344607846763845	was:0.12810361238057968	do:0.09985751579051018	and:0.09062559823500091	have:0.07768649457908197	for:0.07404722968721325	are:0.06817191875625127	be:0.06516018127406843	:0.01
of:0.2702100328279159	the:0.19401579300525088	at:0.11474532493689647	by:0.0948929007712822	.:0.08448762893783854	in:0.06964869401462401	<s>:0.0574713999183906	and:0.0524130356769499	to:0.052115189910851525	:0.01
and:0.28621607965209356	was:0.14288709712572797	is:0.1001317932591974	up:0.08704755478894141	it:0.08003377579682718	that:0.07902528082567174	made:0.0745552222447431	them:0.07077100263027976	him:0.06933219367651763	:0.01
No.:0.19098783190715046	at:0.17633142335564894	U.:0.1546722024483637	of:0.11328660491097041	to:0.09635746368141128	and:0.08881551321001707	.:0.059721879723287484	lot:0.05948645826237698	in:0.0503406225007736	:0.01
the:0.21858781341275965	and:0.14787589235517212	of:0.11615811686309205	from:0.111777248760148	a:0.10253926757191248	to:0.08360693553216382	be:0.08051194311816404	was:0.06882079131216966	is:0.06012199107441834	:0.01
the:0.2974502811850691	of:0.22091422415753312	to:0.09236837889488791	boy.:0.0741306415053232	and:0.06960437249933987	girl.:0.06679148007921792	a:0.06486805677156715	in:0.05550313372308324	for:0.0483694311839784	:0.01
of:0.33830169458762843	in:0.2777785947249501	to:0.09992793759386685	In:0.07001694210739706	and:0.05090588659979722	from:0.049475768193489825	by:0.041104536673734496	between:0.03481734917279627	for:0.027671290346339677	:0.01
the:0.5179350615629997	of:0.15384096825081658	to:0.059570648315227	by:0.050468439989439486	said:0.04792517526308555	and:0.04634031563719832	minutes:0.03915625917771993	in:0.037570955530196744	tho:0.03719217627331659	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
at:0.4465995830418883	for:0.13512240030818579	of:0.09415066394754062	to:0.07954829232875772	and:0.05386871356290935	At:0.05022258079577465	during:0.04413469830326202	that:0.04338073656320904	in:0.04297233114847238	:0.01
and:0.3254243009009799	so:0.13004555675901283	fact:0.1273173719299964	know:0.08967460936850209	said:0.07440366454879636	is:0.07395428550290471	say:0.07298005043663552	but:0.05159215888179985	believe:0.044608001671372244	:0.01
two:0.1527277835793105	many:0.14875111409787475	three:0.13276058133852914	of:0.10777327339907448	five:0.10485487175196292	for:0.10444988926846735	the:0.09222873045085289	four:0.08599309880251227	several:0.06046065731141574	:0.01
to:0.25899009985987886	and:0.20691113851486856	of:0.12222836551254561	the:0.08594736535787018	is:0.07480810658605942	in:0.06648717053326157	was:0.06439095079885329	con-:0.056444731101806235	will:0.05379207173485628	:0.01
the:0.3775425180736273	his:0.2566540153715747	their:0.08587110596726863	her:0.056623290723898684	a:0.05135629474770754	of:0.04657894357131668	to:0.046350605863676585	my:0.04124464883497391	its:0.027778576845955937	:0.01
the:0.6008047089315449	this:0.17415207492500592	The:0.05700705305004467	a:0.03308704865935834	that:0.03136866746244439	tho:0.029538246689432855	said:0.023921422860828136	and:0.020586037060652495	our:0.019534740360688203	:0.01
the:0.5555263933687625	a:0.185094146447943	of:0.07800779553454759	for:0.05044133637291186	and:0.043027986169511284	The:0.026988939831963796	or:0.019467782037085584	tho:0.01676804687568203	that:0.014677573361592287	:0.01
of:0.2259884777378865	in:0.1279502676123141	as:0.10803511903377902	with:0.10289676309994414	to:0.10092096777749439	is:0.0958816162923596	and:0.08543175696245596	was:0.07364376919960383	for:0.06925126228416238	:0.01
and:0.40180925423370906	made:0.10572982649976298	necessary:0.09766421441472355	provide:0.0709677106558723	him:0.06679412563114624	time:0.06399940844444657	but:0.06226152597569863	pay:0.06140975827886298	responsible:0.059364175865777885	:0.01
hundred:0.1631051995366529	;:0.13365936507111423	him:0.11732615948902901	one:0.10942603140040551	feet:0.1079334711744123	up:0.10029179877010728	mile:0.09005038552425722	feet,:0.08590382326179402	time:0.08230376577222771	:0.01
the:0.5985326775383882	of:0.12094201479313334	and:0.07114294985210792	this:0.06655254242300727	a:0.03491586234377041	White:0.025548539003824457	every:0.024428180335799566	tho:0.024368541201789252	for:0.023568692508179584	:0.01
the:0.8107615539440877	tho:0.045622912221726875	a:0.030015739985921455	our:0.021724847766899657	of:0.021254403223173547	his:0.016327262189528513	their:0.016259536886996814	tbe:0.015114130491535104	its:0.012919613290130577	:0.01
virtue:0.21738001102627375	out:0.189773379209129	part:0.11522775944009786	one:0.10400846177203445	quarter:0.09462884564091133	favor:0.06983811406326706	result:0.06817617839096966	guilty:0.06617001917752548	means:0.06479723127979137	:0.01
to:0.3012069073444253	will:0.19578003326406934	not:0.1079268388258427	would:0.08859787213986703	should:0.07126050845661122	and:0.06428864776315385	they:0.05744312523539872	may:0.05297356648350398	must:0.05052250048712794	:0.01
the:0.3829081773751074	of:0.15618072680277578	a:0.11343600680787248	and:0.09681646489518916	.:0.05876181753002738	<s>:0.05218925182403723	to:0.04862294925842281	The:0.04648324640972382	in:0.03460135909684405	:0.01
the:0.30066537045736186	of:0.18083337303704705	and:0.1484907152357916	to:0.13697527746982271	for:0.05023447445190031	in:0.049590724586391306	be:0.04591187306033972	is:0.04039018647411833	was:0.03690800522722708	:0.01
of:0.4103370071195224	to:0.10040482029615218	and:0.0945667664013128	that:0.08816330449922112	in:0.07488330867200273	with:0.06997033945092132	by:0.054181378958798564	for:0.054030296032123254	from:0.04346277856994571	:0.01
and:0.3128618505946313	he:0.21088796915763705	one:0.12707851833841982	that:0.07138480902629707	who:0.06887322428055268	it:0.055677004473699436	which:0.05329892365496511	as:0.04530684770802486	He:0.044630852765772604	:0.01
of:0.3115572421256441	in:0.15904315724144538	to:0.11879012216735421	with:0.07673383518877622	and:0.07477529697200208	that:0.06868690907203401	for:0.065392782545963	by:0.05852746907194359	is:0.0564931856148374	:0.01
and:0.253536160646808	is:0.12663561767712206	have:0.11123844904901607	he:0.10424190989216311	who:0.0941414671342174	was:0.0830863420919747	be:0.07643770053079443	they:0.07142320755094943	has:0.06925914542695484	:0.01
of:0.2133493671836974	the:0.21088349975597961	and:0.19103988840855848	to:0.12086633609082335	at:0.06655252345852292	was:0.054267415929995774	or:0.04823765391612573	on:0.04494550662128204	that:0.03985780863501461	:0.01
was:0.21104504908820312	be:0.200222119367424	and:0.12759856781913315	is:0.11371461864631724	he:0.09999281350534862	been:0.09810832650602493	as:0.060859759001397624	He:0.04253682616421651	were:0.035921919901934926	:0.01
of:0.4753639631833422	to:0.08078514724821367	that:0.08028910058501622	and:0.07397783358503095	by:0.07348898393626445	with:0.058682638035896566	in:0.056755177907747645	for:0.050775296252710427	from:0.03988185926577795	:0.01
of:0.33406129049648303	to:0.12049264072633425	with:0.09633362852888781	and:0.09396454797791812	is:0.0864883967561169	in:0.0822609231078955	that:0.0614306243867531	by:0.05763121689138671	for:0.05733673112822466	:0.01
the:0.7204397704560848	The:0.09874164717887407	tho:0.04508739253550505	a:0.03913822431819432	his:0.03003266119981655	tbe:0.015922804965329912	this:0.015608687448647976	my:0.014770131432533971	their:0.010258680465013463	:0.01
the:0.47908456415853334	this:0.22915417919684658	said:0.1013067490056031	a:0.09002666125713464	that:0.024236453949254236	tho:0.024022206783418605	and:0.01498739271781809	our:0.013715561610013211	York:0.013466231321378084	:0.01
of:0.31517645153998647	and:0.2355707191431248	the:0.14504745620688425	.:0.07879494061664336	to:0.06889402592111511	Miss:0.04348090478541238	<s>:0.037769342982602344	No.:0.03342692220554837	by:0.031839236598682964	:0.01
and:0.1942327854940454	that:0.17352006692071756	which:0.1400772911434421	as:0.11861217702330172	when:0.1020933898512218	but:0.08573894019622776	if:0.06636295041437362	where:0.06352622032695891	because:0.04583617862971107	:0.01
there:0.21319349746577143	It:0.17450245338521098	it:0.16351697111799587	he:0.11784821607556602	There:0.11146525109273701	He:0.07469814231772813	and:0.048486069909316754	I:0.04675437500190945	which:0.03953502363376444	:0.01
they:0.3503469525824434	we:0.1171342300780444	and:0.10973360416336266	which:0.09610921328216318	They:0.09108363146392566	who:0.07038995250797855	that:0.06615854202020258	men:0.05293567674178885	it:0.0361081971600907	:0.01
from:0.2523496724972243	and:0.19953379170868601	or:0.15686336351686833	of:0.09324575435844025	in:0.07109406052204618	for:0.06783082279805205	with:0.05578901712384071	to:0.04825308411272397	are:0.045040433362118035	:0.01
be:0.2890315124833315	was:0.2515337711651928	been:0.1667823892071453	were:0.08361270619119031	is:0.07704624225859023	are:0.04616444222079444	being:0.033156827881470716	and:0.022922749002701432	bo:0.019749359589583307	:0.01
of:0.2437315102870382	in:0.21265190408794776	the:0.20794189077449504	to:0.08457807818478724	a:0.08339877153019665	In:0.052877187457645754	and:0.04848617826018975	from:0.03175655983714532	that:0.024577919580554122	:0.01
thousand:0.34269750937019045	of:0.21496210869863194	hundred:0.14941511690718182	million:0.10461610529564358	fifty:0.057179398470731786	many:0.04024990182366608	billion:0.03133244932839679	few:0.025840219689986073	five:0.023707190415571636	:0.01
the:0.3862931248559556	this:0.21255028691850933	an:0.09510235053154223	that:0.09130392474042075	The:0.07290744813830148	and:0.038033549117430177	to:0.03495392267530675	This:0.029732650726679827	An:0.029122742295853727	:0.01
it:0.3762269655965335	It:0.2725279812649021	which:0.07596326427749085	he:0.0751421876158669	and:0.05565170707524193	that:0.05554938222959557	who:0.026746958447072824	He:0.026427343289714376	this:0.025764210203581977	:0.01
the:0.32971211311955256	of:0.17058865358584827	and:0.14465775925551624	to:0.1005102100313592	a:0.05324666295490091	in:0.05206512744680529	is:0.047564779523225215	that:0.046973582105423774	as:0.04468111197736853	:0.01
made:0.3028069374576309	and:0.2023193696646394	caused:0.07375981344017991	shown:0.07207509517503563	up:0.0704269184181151	ed:0.07002219172812583	out:0.06751988832599078	taken:0.0665966498616986	done:0.06447313592858381	:0.01
the:0.3299177818426395	of:0.17897670274827274	to:0.1253793792460873	and:0.10985980430753879	in:0.06240993305390326	for:0.06192854377065038	be:0.05083764956696977	was:0.037005804169285124	is:0.03368440129465309	:0.01
the:0.40203826747209637	in:0.2781356805358473	a:0.1455547255431513	In:0.07252028607362314	The:0.019697763133043594	this:0.019524671467952923	any:0.017979209906185168	tho:0.017481983514254566	every:0.01706741235384566	:0.01
and:0.23269702242011067	made:0.22981759683133623	or:0.11115481161761777	that:0.07236086063876272	him:0.07054273789002967	followed:0.07041660789627405	owned:0.0702007188855845	ed:0.06697266320322268	accompanied:0.06583698061706161	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
he:0.2781586677302581	I:0.20086306868199325	they:0.10324245838274378	have:0.08204658689404552	she:0.0773412187927813	and:0.07216353790499626	who:0.06541637249810141	He:0.061878367009340525	has:0.04888972210573986	:0.01
and:0.17476227470445133	as:0.12524285143007965	him:0.1087251294816839	is:0.10718389141801615	able:0.10051212622294231	was:0.10033843243537423	went:0.09171388694152184	had:0.09093134797978027	enough:0.09059005938615024	:0.01
to:0.27822987213076106	the:0.22467556627341584	and:0.17087478187575428	of:0.11870864087830599	in:0.06484426449128165	a:0.05033560994429487	his:0.039575565379381485	will:0.022412232911498835	her:0.02034346611530621	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
the:0.36527833603308557	a:0.16280792020096463	and:0.11155958758060727	of:0.10968144203941517	to:0.06420676262514781	in:0.06235423177741198	at:0.05174743323400191	for:0.03296636373083364	his:0.029397922778531805	:0.01
made:0.25338951799346804	and:0.22176822069153856	or:0.08878399155794628	owned:0.08231843062326326	that:0.0750728824533108	followed:0.07339930812527455	accompanied:0.06951137935797252	ed:0.06409365545625814	given:0.061662613740967896	:0.01
Silver:0.19672055816983813	Lode:0.18873447106491423	the:0.13934046631024188	and:0.12534057475556912	Hill:0.11280076589459345	Eureka:0.07179394208794745	<s>:0.05852001073935304	Gold:0.050068556022900584	City:0.046680654954642006	:0.01
the:0.1997367374831996	south:0.18702779361968208	north:0.15982485632839313	east:0.14416008078002446	west:0.1271368694625307	one:0.061177238176287334	other:0.05078252123372309	either:0.03197613557020537	a:0.02817776734595421	:0.01
was:0.24223643999769534	been:0.23247686953741198	be:0.21640313652687465	were:0.08005245952483746	are:0.0625141452605953	is:0.05687686106817671	and:0.03818361705483372	not:0.033523278230674684	duly:0.027733192798900432	:0.01
and:0.18784336682063274	as:0.15114329179679575	went:0.11423878004667351	him:0.10666558228731272	them:0.09110223752457794	up:0.08733803455919152	is:0.08689480544253657	go:0.08340199801381315	able:0.08137190350846597	:0.01
the:0.2934873403594792	and:0.2180090586943857	of:0.1579869325799081	The:0.07098336672023306	that:0.06016316734182635	these:0.052563094898741204	These:0.04957857554119428	in:0.04771053298285781	such:0.03951793088137417	:0.01
the:0.178773384293596	and:0.15905693441419114	of:0.1507009654572478	to:0.12785537177660436	be:0.1151551695765266	a:0.09109342413565304	in:0.05932541876549419	was:0.0550093693954189	is:0.05302996218526802	:0.01
the:0.2974502811850691	of:0.22091422415753312	to:0.09236837889488791	boy.:0.0741306415053232	and:0.06960437249933987	girl.:0.06679148007921792	a:0.06486805677156715	in:0.05550313372308324	for:0.0483694311839784	:0.01
was:0.2651277875889499	be:0.2294639964385967	is:0.13897979843834093	been:0.11727216853602349	were:0.07639052636826461	are:0.058467888163787354	not:0.039748683821848346	being:0.032731876460368584	and:0.031817274183820056	:0.01
the:0.2654899918975592	of:0.20302524809050299	and:0.17745177002204052	a:0.10906588913129456	to:0.08229544085247793	is:0.03898604755417157	in:0.038483813590775566	be:0.03769492273598598	or:0.037506876125191636	:0.01
and:0.17722291469113732	of:0.1320986679916092	put:0.1292215154372875	as:0.1200634474294562	make:0.10394397296081155	that:0.09994954798090329	for:0.08271405305777427	to:0.07588001229998376	with:0.06890586815103678	:0.01
the:0.7084748909891674	of:0.08959600576667096	said:0.05029068544321293	tho:0.036392848064981276	in:0.03208362568754539	on:0.024902207142238	tbe:0.020430218899601824	and:0.014174990779552768	The:0.013654527227029456	:0.01
the:0.6337331662659316	and:0.100385275269275	of:0.04502915812563193	in:0.0446265384225453	The:0.04052682497589725	tho:0.03890434100479111	a:0.0367021526749023	to:0.027326210880625385	on:0.022766332380400437	:0.01
a:0.22038241613257525	the:0.18881548829587247	no:0.1620292213860285	to:0.09299035839438928	his:0.08503759600568861	their:0.0765103035358274	of:0.07645576616684295	and:0.04799638889771959	any:0.03978246118505579	:0.01
of:0.2523558492351206	and:0.16928746430123878	in:0.12483596792384387	with:0.10151053519944808	to:0.09883079762593784	for:0.07479873152811378	that:0.06518170357774511	by:0.053846178297207004	at:0.04935277231134485	:0.01
more:0.24813147799626453	and:0.1752666888005409	of:0.15936647198193363	the:0.13348417098913629	other:0.07152810874453006	young:0.06075422397039431	to:0.054255229736654156	for:0.05061863723238316	that:0.03659499054816305	:0.01
and:0.25037799561132223	to:0.19051743664518078	of:0.12818071300755096	the:0.11341275889843262	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.05790590474591629	for:0.056443486992488516	:0.01
the:0.5555263933687625	a:0.185094146447943	of:0.07800779553454759	for:0.05044133637291186	and:0.043027986169511284	The:0.026988939831963796	or:0.019467782037085584	tho:0.01676804687568203	that:0.014677573361592287	:0.01
the:0.33657192223502175	of:0.14812581164726843	and:0.13489719198814792	at:0.08303679897705735	a:0.08097686005028398	in:0.072492694118029	to:0.06561585835880988	for:0.03678762223150033	The:0.03149524039388142	:0.01
of:0.37134695095445647	to:0.15147080175553038	that:0.1052798479724718	in:0.08678755123881998	and:0.06990737924797068	by:0.06375572719248992	on:0.05528833896664811	for:0.04561655489153375	from:0.040546847780078825	:0.01
sum:0.18676829411122214	number:0.1566486321513545	line:0.11140081741272478	city:0.10844765106291132	out:0.10739005474369737	day:0.09286734076326106	county:0.08286139477536687	amount:0.07384405151900511	Board:0.06977176346045691	:0.01
I:0.3799167021918483	he:0.18347988360201123	and:0.11568034828882882	He:0.06079307328331469	have:0.057465346633642084	was:0.0526242686657592	had:0.04733838365702513	be:0.046503842113680686	is:0.04619815156388994	:0.01
was:0.22484331850131334	be:0.2246423659058697	been:0.1071168126804401	and:0.10418148874794829	is:0.09087816662828933	are:0.07045196523056291	were:0.06895766923638204	as:0.05862179222833113	he:0.040306420840863416	:0.01
went:0.15346380362740233	made:0.13638640620639567	taken:0.13546337047865747	came:0.13307667634673748	it:0.1064080582910076	come:0.09612208509579995	put:0.08493417572777472	brought:0.07807843290193676	and:0.06606699132428814	:0.01
the:0.30337617970676906	of:0.18860457588018725	and:0.131061740829474	to:0.0977610809207078	a:0.0809566554459928	in:0.055741965423345884	be:0.051143240024298715	was:0.041879765140534715	is:0.03947479662868964	:0.01
that:0.24155210834611185	and:0.198505257087945	as:0.16401188787558857	but:0.09188130125952036	which:0.08015779682731562	when:0.07856068013216011	if:0.06981364666883096	where:0.03386987387930642	of:0.03164744792322124	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
and:0.18986383946160562	go:0.13130085891255383	going:0.1309620202896538	work:0.10689597319886998	carried:0.09881110789498938	them:0.09439722033459282	put:0.08068533560316976	that:0.08051329016795178	interest:0.07657035413661306	:0.01
he:0.2786599811042767	I:0.1472457698769281	it:0.1106758386814154	they:0.10445650480707752	who:0.07905499562408859	and:0.07166525319833729	we:0.07073307200702383	that:0.07071312009685449	she:0.05679546460399812	:0.01
is:0.21492722357732127	are:0.12773452589139317	was:0.12513246338944056	and:0.11342784702323139	as:0.10784476023819126	the:0.08899395970281827	be:0.08427557878670532	were:0.06478432737454334	more:0.06287931401635545	:0.01
a:0.2517158712799559	and:0.24946989163200062	as:0.08700407859013802	be:0.0850398331285284	it:0.0830924117432807	is:0.0658111056962312	was:0.06350671679343219	of:0.05697411708341746	he:0.04738597405301563	:0.01
of:0.23817198602954937	and:0.23415746017761663	in:0.1159835339547378	to:0.10227189079610366	fact:0.07859923495468527	said:0.06648519540808896	on:0.0596758126790623	all:0.04959175794549596	is:0.045063128054659965	:0.01
and:0.30934334993006146	the:0.17375573474119338	a:0.15041315102496866	or:0.08274324684342431	<s>:0.0679734203659331	one:0.06354368924901496	that:0.05084896877825935	to:0.048467769101577116	.:0.04291066996556769	:0.01
and:0.19225857046350886	to:0.1782560269763224	of:0.1590622720912375	the:0.10243085731022296	in:0.10073896372615922	be:0.07747750431924466	was:0.06721778125833065	or:0.05797000006303754	is:0.05458802379193605	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
the:0.8117483844771775	The:0.0702437990580251	tho:0.04668214182185011	tbe:0.015536691040602783	this:0.01321188103831895	and:0.010126998017710807	our:0.008110650066337481	that:0.007497632275069142	a:0.006841822204908244	:0.01
that:0.37173986799646414	which:0.11851866647349128	and:0.1179912000849509	if:0.0777986441061909	as:0.07513205183763351	but:0.06614765438119004	where:0.06504322807420475	when:0.06191137432388363	If:0.035717312721991044	:0.01
of:0.29560819023359286	to:0.13864291234163326	on:0.12043910761918372	and:0.11015366700857986	with:0.07452574614862811	that:0.07002143386846332	by:0.06563754164827461	in:0.06372385639308129	from:0.05124754473856287	:0.01
and:0.25037799561132223	to:0.19051743664518078	of:0.12818071300755096	the:0.11341275889843262	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.05790590474591629	for:0.056443486992488516	:0.01
their:0.17254073871667724	who:0.17090142651695073	the:0.15567534668722924	his:0.13414186701532044	our:0.07975442443674319	and:0.07916846745731336	not:0.06903683297367993	my:0.06776193785431113	he:0.061018958341774794	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
Baltimore:0.5910112444578488	Chesapeake:0.34749630561121136	John:0.009376790553861356	William:0.00808855440462199	James:0.007647868032791276	hundred:0.006928899533931903	wife:0.00673492561383136	gold:0.006587419051459953	Robert:0.006127992740441983	:0.01
<s>:0.3014446482323004	him.:0.1498100205979135	it.:0.11631719495888908	complaint.:0.0882883934294278	them.:0.07149474591396347	day.:0.07147310010452775	and:0.06696422474598808	time.:0.062188469243868234	years.:0.06201920277312153	:0.01
a:0.5810329983253656	the:0.22832109750349877	very:0.05522570602601305	A:0.028547119112848365	but:0.026466325486611913	The:0.022916750316935283	and:0.021147189630179773	is:0.013221469382737204	his:0.013121344215810066	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.04553578393787439	of:0.03051332981678091	tbe:0.02261446403444868	in:0.021612439669724332	or:0.020196218295911488	:0.01
;:0.25886119707093636	it,:0.18447127095098964	them,:0.11050048845933375	him,:0.09235461919102589	in:0.07828569333894893	time,:0.07240153994548601	him:0.06958810806423911	country,:0.06453690861971836	years,:0.05900017435932214	:0.01
of:0.41113539061269055	in:0.16517757611534067	to:0.0994820107008491	by:0.07488181618354799	that:0.07268716971276068	and:0.05731574835675094	for:0.0388751628202542	with:0.037791226407776844	In:0.032653899090028866	:0.01
a:0.41134376902143055	the:0.32547036908265786	of:0.05940240747375597	with:0.04614826767028232	The:0.04032139945918722	A:0.033406899661397385	no:0.027254960075443636	this:0.025360274468076958	and:0.021291653087768207	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
the:0.6116275982969168	and:0.10545104437327946	of:0.04472292794771578	tho:0.04415689803321923	all:0.04295141524301315	The:0.04279086203686999	other:0.040351409346081654	a:0.034213336239335694	or:0.0237345084835681	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.04553578393787439	of:0.03051332981678091	tbe:0.02261446403444868	in:0.021612439669724332	or:0.020196218295911488	:0.01
in:0.38520314193378175	of:0.3719342554247271	In:0.07801178485912899	to:0.058915027574088605	by:0.02356826049440676	for:0.02254902381856232	that:0.020627067254354065	and:0.015266902709726004	from:0.013924535931224367	:0.01
the:0.6578210278018743	The:0.08911740723394294	and:0.07966693999168675	a:0.07147444796993373	tho:0.032741235915415105	of:0.020065372701819156	by:0.01887131121054929	tbe:0.013011730409489535	an:0.00723052676528894	:0.01
of:0.44080159745455866	in:0.11322779569089862	for:0.09950679981137418	to:0.09273343854172189	and:0.0868450956271046	by:0.04386885315524497	In:0.04374907740255308	as:0.03543768815814333	is:0.033829654158400654	:0.01
of:0.23716516873665655	for:0.15183039415508134	to:0.15127043840541268	in:0.13666557885790934	and:0.09320444454015478	with:0.09218749872094512	all:0.045656485692664034	that:0.041882467334700295	on:0.04013752355647585	:0.01
executed:0.16935823017967777	up:0.11931606528230314	him,:0.11923996878473936	them,:0.11818009267037956	him:0.10640170452313938	it:0.10068916303314944	it,:0.08729508317870731	men:0.08716372612934128	them:0.08235596621856268	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
of:0.35433768806986954	in:0.1980491825473989	to:0.15770332129238163	for:0.061130806025578306	by:0.059011819372272664	with:0.05825511820039119	from:0.04121752961683622	In:0.034367062582704194	between:0.02592747229256735	:0.01
the:0.2761563897592016	and:0.19514843189528966	of:0.1346214267580786	a:0.12254715475321308	his:0.07667209144904674	in:0.05762535466786462	to:0.04867393135903743	their:0.048132602478480065	for:0.030422616879788318	:0.01
the:0.7735903169839716	The:0.07686227628901579	tho:0.04709278873504949	a:0.023693656744998015	tbe:0.018943286587598085	and:0.017308760424825674	no:0.012831030998102878	further:0.01036924110689577	good:0.009308642129542553	:0.01
of:0.21844432572401165	the:0.13952211781789228	to:0.13543183717850577	and:0.13219280151729376	for:0.12814984696288614	in:0.08591410795736144	a:0.08371673089218194	at:0.035757812168883074	or:0.030870419780983985	:0.01
and:0.3024842444279261	was:0.14789652250066207	is:0.09596900870974386	be:0.09291209349185649	are:0.07962562552501436	that:0.07617621460107377	it:0.06766289852403745	been:0.06429887727346362	made:0.0629745149462221	:0.01
the:0.3010897011271977	his:0.23922142074887037	a:0.1706871187269795	my:0.07865669266966792	her:0.06064955832118679	and:0.05800952771230167	their:0.03270792056352412	your:0.028674091233509842	of:0.02030396889676211	:0.01
and:0.337291893652781	so:0.12479811775737731	say:0.09731998655540984	fact:0.08972889028296345	know:0.08081272560971962	said:0.07728661770633169	is:0.06952093330887803	all:0.060441449528985676	show:0.052799385597553365	:0.01
State:0.20557835537010974	city:0.1376455007627151	one:0.10999765642275487	state:0.10467308901724322	North:0.10243321456401944	day:0.09734749957949929	lot:0.0816026720389182	two:0.07771106278722102	county:0.07301094945751899	:0.01
to:0.40235979461079263	will:0.20204296410416167	shall:0.08365217034070671	may:0.07842065538977255	not:0.0625816501623682	should:0.04342336110623118	would:0.042641987483418776	can:0.0425465366793335	must:0.03233088012321491	:0.01
the:0.29109696012135056	at:0.20163206174287193	to:0.10951901333369213	be:0.10500030723247292	was:0.09913808737616234	were:0.05232478787536156	and:0.05037442248922699	is:0.04760197722539237	not:0.03331238260346924	:0.01
at:0.22053214971057503	to:0.1583247719297158	in:0.1317607967698987	of:0.12974183833467198	and:0.09290115479760698	on:0.08956662106006982	for:0.06890077258687917	from:0.061034606833401756	In:0.03723728797718064	:0.01
at:0.4465995830418883	for:0.13512240030818579	of:0.09415066394754062	to:0.07954829232875772	and:0.05386871356290935	At:0.05022258079577465	during:0.04413469830326202	that:0.04338073656320904	in:0.04297233114847238	:0.01
the:0.2553346072704995	and:0.20610306713581772	of:0.12083930905472437	to:0.09606507596447904	for:0.07692082258265391	or:0.06305416228986642	in:0.06256745572774815	be:0.05983040214564901	are:0.04928509782856194	:0.01
one:0.20245746580888516	day:0.12857362228550223	that:0.11188715551992376	daughter:0.1090974894874036	motion:0.10265497663675958	tion:0.09180666855680499	part:0.08437844509128498	son:0.08386156527495149	out:0.07528261133848424	:0.01
the:0.29981178950142023	to:0.1453021893711585	and:0.14007901340696163	was:0.10832356120423033	be:0.07576850374482705	were:0.0649974496905034	of:0.05656044004543581	a:0.052602358127668336	is:0.04655469490779476	:0.01
one:0.2204397955433473	part:0.170732025773866	out:0.1504453831229998	some:0.08943673051487452	side:0.0779259956881897	end:0.07349403345130157	members:0.07129904224908565	portion:0.07021530842224585	all:0.06601168523408946	:0.01
those:0.23593911471604145	and:0.18855155676058805	man:0.1662992306494037	one:0.10268099651193709	all:0.09242796640981052	men:0.08467060816706533	person:0.04545975223246271	persons:0.038901958904038844	woman:0.03506881564865239	:0.01
to:0.34571985292661656	will:0.236498394115841	would:0.13759521963136906	may:0.0673944449425821	shall:0.05905030450265585	should:0.049600716425284866	must:0.041539446238773446	not:0.035405996444578716	can:0.017195624772298385	:0.01
of:0.29427840420111334	and:0.1903735033779135	in:0.11041665492830456	to:0.0953233373283196	at:0.07052500963088408	that:0.06631245887492296	with:0.05553709306732292	on:0.05551614886137548	for:0.051717389729843494	:0.01
to:0.3122469870921608	will:0.20485207897649774	would:0.1021740153918475	not:0.08474241839299008	may:0.07385012372252263	should:0.06998515730852457	shall:0.05981425406312099	can:0.041262580581240854	must:0.04107238447109476	:0.01
have:0.33678358380620754	has:0.3224523528808733	had:0.2251753779980466	having:0.03200111324083943	not:0.028814512494305628	never:0.013784360363262431	lias:0.012114861157299704	bad:0.010454826459361518	ever:0.008419011599803706	:0.01
well:0.21321257425074597	known:0.18330231372211864	soon:0.17017982311130794	far:0.13451377472303216	and:0.1048509904369157	long:0.061630441159448365	such:0.04848962176196868	just:0.03999506790086283	much:0.03382539293359975	:0.01
and:0.29169997815308213	was:0.1328703627143118	out:0.08873310066938216	that:0.08746131418060452	placed:0.08440072742047074	work:0.08020079681811661	made:0.07677797059304475	is:0.07472371838239819	up:0.07313203106858901	:0.01
and:0.26745267416887475	Beginning:0.22525587652116277	was:0.11377028395927055	Commencing:0.10809071640443553	is:0.07344548581441636	that:0.05170239266966315	look:0.05066270801955132	it:0.049895643535544223	him:0.04972421890708138	:0.01
the:0.22172023892309115	of:0.1544891538036754	and:0.11358465086891449	a:0.09386538603318524	an:0.08847174821825284	-:0.08766195108438139	i:0.08336830757296744	.:0.07459740798853857	to:0.07224115550699349	:0.01
was:0.23724020908833185	is:0.16038524331931078	are:0.13564821996149287	be:0.12777515709817194	been:0.12393414908327693	were:0.06888693308329584	and:0.054823971976454104	not:0.048929632794236004	has:0.03237648359542977	:0.01
the:0.5563039994191152	at:0.08578155832963007	a:0.07642662731624528	of:0.06985380207039615	and:0.06474523365201952	The:0.044939026898576116	tho:0.03305808239148508	to:0.032546245069931846	in:0.026345424852600653	:0.01
to:0.20987367099070292	with:0.18057435199723	of:0.16674637200623726	for:0.12372866292606133	told:0.07551045130892607	upon:0.06798886502132284	in:0.0586030439626768	among:0.057273956031618826	from:0.049700625755224034	:0.01
of:0.27418577055124627	and:0.14728130484340796	to:0.13331548033857002	for:0.09561190270011274	on:0.0813849853605339	with:0.08127583352621784	in:0.07633487724122957	as:0.05116392723876523	all:0.04944591819991652	:0.01
the:0.4977873005177639	of:0.10144481163097921	in:0.09702521870926428	and:0.09245393865169171	that:0.046098710710127576	a:0.04604265862516514	to:0.04163338039941658	tho:0.03394799154373889	The:0.033565989211852755	:0.01
the:0.2974929019614971	of:0.17741408266195474	a:0.14645768029163825	and:0.09158810426380848	or:0.07279359814981001	to:0.06981668528850317	in:0.0589873299937157	any:0.04191987916735641	be:0.03352973822171622	:0.01
of:0.5008473278580264	in:0.18447464932129753	to:0.08732166275834827	and:0.04372162724310332	that:0.04307373299437208	for:0.03570097777797619	by:0.03435677843380198	In:0.031040538296658215	throughout:0.029462705316415816	:0.01
and:0.32480818460700095	was:0.12007710476872063	is:0.09707305255864618	are:0.09181059491355269	that:0.08946571511726491	divided:0.07552684926040103	it:0.07313056367847455	be:0.061469822901463585	him:0.05663811219447555	:0.01
the:0.44518513897101547	this:0.25016185012744496	our:0.08958644149546938	The:0.0356821086964596	other:0.03563744715725718	a:0.03546980456807707	tho:0.033158046830938426	his:0.03310730773984757	of:0.03201185441349035	:0.01
it:0.2774822979725539	It:0.19754314725679653	which:0.1265138519897698	that:0.09240520006089895	he:0.06737366672562588	there:0.06656241131148102	and:0.06455365279069682	This:0.053004398814229026	what:0.04456137307794832	:0.01
of:0.20714654421516396	to:0.20304069062714716	in:0.19433967218387188	is:0.08522672349430793	with:0.08315853819731071	and:0.07017718492454866	on:0.05275683696843519	was:0.04822933084407999	that:0.04592447854513457	:0.01
sum:0.3539514508613801	rate:0.1724490304690576	one:0.08891524464089452	amount:0.07331814878778509	out:0.070660432981463	number:0.06500378352768374	consisting:0.0600530594267005	instead:0.05336354511059117	period:0.05228530419444426	:0.01
to:0.5393039065409441	I:0.08890911411858664	and:0.08663130249191713	will:0.06968319515022303	they:0.06005428518813383	would:0.04487778846159188	we:0.0377173951551349	can:0.03205669084620899	not:0.03076632204725951	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
the:0.34170127421390223	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093987	to:0.07847171568184984	in:0.05339647102682973	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
the:0.2704375311659668	of:0.20367993055861713	a:0.15712601799913417	and:0.1250452860726486	to:0.05728629643349305	in:0.05498027858698375	<s>:0.044927266246682675	be:0.0388838895884734	or:0.037633503348000724	:0.01
and:0.2982392172651934	covered:0.10875528921265475	do:0.10569003093907381	met:0.0921642228729414	him:0.09058128041072476	man:0.0746749440805615	filled:0.07414676506511418	parallel:0.07295532897371346	together:0.07279292118002277	:0.01
the:0.6087123969674179	a:0.20552013366720462	The:0.0661532573670832	tho:0.033653145424920365	and:0.02710287196131673	A:0.013862601878758372	large:0.012555131620937222	tbe:0.0112901870501434	said:0.011150274062218366	:0.01
and:0.2663591603566405	of:0.14441343992770536	to:0.1396546827945049	the:0.11545288046294255	in:0.09784587664794711	or:0.06753873830388417	that:0.06504972812634334	for:0.04685738216435672	on:0.04682811121567531	:0.01
no:0.1689198677694561	any:0.15368506943796195	that:0.13019338662169797	some:0.12082296482103891	of:0.11716423421686441	the:0.11442775138685267	only:0.07094305764378137	and:0.05746332720321916	but:0.05638034089912749	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
no:0.32208809643357134	or:0.16673264726479237	and:0.1511725620437661	that:0.07224772477915378	any:0.06628279926058155	the:0.06580844708774058	much:0.061576953403432964	if:0.04882097276080136	of:0.03526979696615988	:0.01
from:0.2180220020555506	the:0.19694833446729548	in:0.12247782210057058	that:0.08945903226427072	some:0.08261572909543534	any:0.07972477308908749	this:0.07278699757577481	a:0.06676927872790636	same:0.06119603062410854	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
the:0.2974502811850691	of:0.22091422415753312	to:0.09236837889488791	boy.:0.0741306415053232	and:0.06960437249933987	girl.:0.06679148007921792	a:0.06486805677156715	in:0.05550313372308324	for:0.0483694311839784	:0.01
that:0.31661995679075433	which:0.16109474582358585	and:0.13002112740276922	when:0.11524849686583727	as:0.07812196816443971	if:0.07333780067076104	where:0.04077486076534285	but:0.03797876984663274	to:0.03680227366987709	:0.01
to:0.3118392520806085	will:0.12613059169227203	t:0.11984709946223056	that:0.09195814575382462	would:0.08591361815159088	and:0.08534850140697159	I:0.06613257642948803	may:0.05734860361106113	which:0.04548161141195274	:0.01
the:0.33961226183449883	this:0.19597975658017733	first:0.1094253863178329	that:0.10728908460808538	his:0.065232016029009	second:0.04605767578501655	same:0.04447849872629587	on:0.04287379432459592	any:0.039051525794488104	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
the:0.4695155982073005	National:0.14253362522005367	State:0.0962717835041568	a:0.06691439596259798	said:0.06408375382879394	City:0.04558028726628462	this:0.03677061428106032	our:0.034654537106636484	Constitutional:0.03367540462311564	:0.01
to:0.3658314286477492	with:0.16907462883398108	for:0.10706984902440496	brought:0.07146811450846999	by:0.07035966891881214	put:0.06295767823794075	told:0.04988010447781667	get:0.04853202025607348	let:0.04482650709475158	:0.01
sum:0.18660346400208067	amount:0.14113071889989054	number:0.12823597024720407	out:0.11916988247675847	purpose:0.09069241232633114	rate:0.0873545104004742	means:0.08498416672211168	matter:0.07741017629998366	all:0.07441869862516558	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
and:0.2867238218475814	fact:0.13549699702912082	so:0.11542828392073426	said:0.10337127284504286	know:0.0905758356197127	say:0.08039114239784698	says:0.06162919193118951	believe:0.06145633205974809	of:0.05492712234902334	:0.01
and:0.2520763080721288	the:0.1590776369175443	to:0.15773558448492864	of:0.13400883588648896	in:0.07715387433799809	he:0.054225800065998656	that:0.05325079287740024	or:0.05204646639327736	re-:0.05042470096423504	:0.01
of:0.3668105514639491	in:0.12549431243681022	that:0.1205672167391435	to:0.11115240702912342	and:0.0890950685434659	by:0.06201580936338033	for:0.04617772796271882	as:0.03538221585923145	from:0.033304690602177216	:0.01
of:0.25507669241759395	and:0.1363776340232132	the:0.11856512442438141	in:0.09138749228288515	-:0.09066709909259736	<s>:0.08593869864330977	.:0.08441231628008913	Mr.:0.08145090337632596	City:0.0461240394596041	:0.01
of:0.37479911409530997	to:0.1339428197270116	and:0.10116587541643764	that:0.08928395039628038	in:0.07961388140416793	on:0.0739245586553204	by:0.04810811291238187	with:0.04470571328220243	from:0.04445597411088782	:0.01
for:0.2649441162565597	of:0.22665392523359465	in:0.17763214647655795	to:0.088198338982146	that:0.06401311035706027	and:0.05204338983220886	In:0.04371514684972176	at:0.03920243840960917	with:0.03359738760254167	:0.01
that:0.42502717935375134	and:0.11978837201427518	if:0.10433435584035386	as:0.07967762058304029	which:0.07284658140275925	but:0.06356925625565629	when:0.05389841128900232	where:0.03941258452517289	because:0.03144563873598877	:0.01
and:0.29169997815308213	was:0.1328703627143118	out:0.08873310066938216	that:0.08746131418060452	placed:0.08440072742047074	work:0.08020079681811661	made:0.07677797059304475	is:0.07472371838239819	up:0.07313203106858901	:0.01
so:0.36277785104962085	as:0.16288280087880988	too:0.10180567925431215	very:0.09349895917699783	how:0.09250075097756812	is:0.048115932536006996	and:0.04793137148593241	a:0.04661282407559146	of:0.03387383056516019	:0.01
of:0.34149624747561397	to:0.1278360730178111	and:0.11216778053475238	all:0.09537827231696853	that:0.08541928101554859	with:0.08142434596268751	in:0.05601356730505628	for:0.04927893199911606	by:0.04098550037244561	:0.01
the:0.5931822885362649	a:0.18789824738032054	The:0.10256586834735307	tho:0.03383941853026178	his:0.020443530598432236	A:0.018007777004876758	and:0.012334527407924845	of:0.010909907000334373	tbe:0.010818435194231611	:0.01
number:0.14169504108032177	out:0.1288457432124956	one:0.12675801200171338	day:0.12170561590363649	quarter:0.11591931567571544	sum:0.10596368492508675	rate:0.08917069237748741	line:0.08389557008260028	part:0.07604632474094275	:0.01
in:0.25727302157135407	of:0.20117103428642996	to:0.13036950756877416	on:0.08424297871279052	and:0.08408676337717763	In:0.0759212513206045	with:0.07281620501384767	from:0.042608475441420705	that:0.04151076270760079	:0.01
the:0.42004914683065936	of:0.13466973569051716	and:0.11122404163358073	that:0.07335130050379034	The:0.06686076414154886	a:0.05387865708420929	in:0.04843421049538478	or:0.0434449192069662	to:0.03808722441334332	:0.01
two:0.16848443674812089	one:0.14959974280685948	day:0.12557441717281476	on:0.10540478100871552	and:0.10504742323812223	in:0.10065773259453847	more:0.10052170161946378	man:0.07075408004331266	lot:0.06395568476805207	:0.01
not:0.4288991721776459	and:0.22741168549912463	as:0.08977668084038855	is:0.06862301859654615	are:0.04388580101485546	that:0.03731224043679434	And:0.0334445404892986	was:0.031562321292447425	have:0.02908453965289922	:0.01
one:0.2204397955433473	part:0.170732025773866	out:0.1504453831229998	some:0.08943673051487452	side:0.0779259956881897	end:0.07349403345130157	members:0.07129904224908565	portion:0.07021530842224585	all:0.06601168523408946	:0.01
of:0.37725886646243656	a:0.12656212618473953	the:0.11043279205271297	and:0.1040293052474999	to:0.10190442261571775	in:0.05816027368807123	for:0.05445926089372081	thousand:0.03102029168861587	at:0.026172661166485305	:0.01
the:0.27334682895252743	an:0.16336699414932895	and:0.1542006162015566	of:0.15035192637024625	a:0.08898964725822979	their:0.05062495722912891	most:0.03927082012319297	his:0.0358693866136976	The:0.033978823102091535	:0.01
the:0.3696427100078121	of:0.15957250992956987	and:0.14170296089473988	to:0.11143516048792915	a:0.05001911986048026	in:0.04851206965262655	that:0.03936717751596836	The:0.03494465814127228	for:0.034803633509601736	:0.01
they:0.17847217118259753	it:0.16602324760414486	I:0.15134345517374606	he:0.1430966036909429	we:0.08366567857401801	that:0.07336278595570511	who:0.06823307916427884	It:0.06557403143414614	you:0.060228947220420666	:0.01
of:0.2016407380265252	and:0.19586939018520863	is:0.17176643228347171	are:0.15972783229429605	now:0.06882423353441089	was:0.06333276678134316	by:0.04615304485346272	as:0.04351787543462017	it:0.03916768660666129	:0.01
and:0.19972492024417782	make:0.1650091426152004	that:0.1398123260446802	of:0.10993033154418742	to:0.10288231540600067	as:0.08176877693515547	made:0.06685494951082867	for:0.06233221087571916	<s>:0.06168502682405027	:0.01
it,:0.1609350065886096	him,:0.11635827455026433	it:0.11512247709020962	him:0.11394718558495555	them,:0.109873692213432	up:0.10818460838274568	years,:0.09105584362029855	in:0.09074994593756336	here:0.08377296603192123	:0.01
half:0.26991535586654347	of:0.1867098059077379	and:0.10638002734189235	for:0.09551814361060197	in:0.07401469538071222	to:0.07168734209943695	is:0.07073898137197071	was:0.059701255999565425	with:0.055334392421538835	:0.01
and:0.21338846994080615	of:0.18749290233706967	to:0.18720518392522567	the:0.1749307658612878	Mr.:0.05648087731834156	that:0.04383064631260229	in:0.0431435130129627	he:0.04245725279226783	which:0.04107038849943636	:0.01
and:0.27680251536832023	of:0.1773726051349765	the:0.14215071206629923	to:0.13167778719768541	a:0.0789399745341267	in:0.059731378843500875	as:0.05363860109182522	that:0.03907054003133832	I:0.030615885731927472	:0.01
not:0.2939709775372529	to:0.2658917149580019	a:0.13866488273474206	would:0.11281026498586616	will:0.0633523540063405	and:0.040616050921936854	may:0.02852902229107193	shall:0.024215706883154827	no:0.02194902568163276	:0.01
it:0.3250683468826409	It:0.2526640109780551	there:0.09218056991852301	which:0.08037384538662268	and:0.05563145979014244	that:0.05534523477002362	he:0.05220949505515726	There:0.03979495389062744	This:0.03673208332820759	:0.01
<s>:0.3045311654726297	it.:0.21591503347904423	them.:0.13565629898262402	country.:0.06853301262661377	him.:0.0628872361078662	time.:0.0550249587992848	people.:0.05232265268325843	us.:0.04962467012570688	and:0.045504971722971986	:0.01
the:0.21871318285996388	of:0.1992402530994206	and:0.15109002244668573	to:0.12476136420457277	at:0.09471855742182604	in:0.07438991191631883	a:0.056389019955898574	.:0.035541526465561954	for:0.035156161629751576	:0.01
and:0.2032950554908095	as:0.1745760004930609	able:0.10372568596517392	necessary:0.09702834223993993	him:0.08975143128749886	is:0.08347133086014037	time:0.08294403682977942	right:0.08148699870350459	made:0.07372111813009241	:0.01
I:0.1557011206773992	he:0.1471591331134511	they:0.14382642445790522	we:0.13778681199368437	you:0.13647336994801731	it:0.08319404582168659	and:0.07629891188358616	that:0.06466887149389867	which:0.044891310610371084	:0.01
and:0.24214240546495536	that:0.14622536742299955	which:0.12353274623325768	I:0.09902953880187863	who:0.09534872617761861	to:0.09075255446787187	he:0.08265395880521322	it:0.05676381723645371	they:0.05355088538975139	:0.01
that:0.43755634048526354	and:0.11203160598853903	as:0.09494571068975735	which:0.08689627997255113	if:0.08140366914334203	but:0.06399742599475175	where:0.041651400877764914	what:0.03732048145737552	when:0.034197085390654684	:0.01
all:0.6431723350842145	different:0.08786415453199789	various:0.07091122388159936	other:0.05978167111160113	the:0.041010645636150755	many:0.03224256014284229	All:0.019229795742366926	and:0.01845141078663102	certain:0.017336203082596195	:0.01
of:0.20536127754362357	the:0.18743736689819682	and:0.17447041727087279	to:0.1319396178187569	a:0.10092219903481033	be:0.050764302367589435	is:0.050113273602509695	with:0.045465374180499174	which:0.04352617128314119	:0.01
<s>:0.5432842855999631	it.:0.1276533676067404	them.:0.06927884517018068	day.:0.05649119725557568	.:0.050780027718361015	time.:0.039889371440088826	him.:0.03545149234716372	year.:0.034904958928362005	::0.03226645393356435	:0.01
of:0.38732223228941237	to:0.13396168096146308	in:0.1296312823698177	by:0.07974422663994624	and:0.05602824043959431	for:0.05464992506804877	In:0.05446265958481478	that:0.05037144257637434	from:0.04382831007052838	:0.01
it:0.21501983402527838	It:0.20281497500495943	he:0.1446742560811892	which:0.12423162937011685	I:0.09063069371906042	and:0.06807157315902593	He:0.055239210783862035	that:0.05397438507847851	who:0.03534344277802923	:0.01
the:0.43491986092450846	a:0.1732371203270803	of:0.08639345302371539	his:0.07186960223359419	The:0.05766693620673247	and:0.05506783833512994	this:0.042875614855320085	their:0.03551264442745937	our:0.03245692966645978	:0.01
of:0.3233222002870885	to:0.11496252667878262	a:0.10401437926834005	and:0.09532552730695723	with:0.08459518975404849	for:0.08247050221432489	the:0.07107180506227356	was:0.05748820331699625	in:0.05674966611118853	:0.01
and:0.1707569443742056	is:0.16178957340858444	that:0.10786689120620888	as:0.10496539191590219	but:0.09313756924145418	had:0.09184371913002727	Is:0.08922683888107832	was:0.08652404528551248	have:0.08388902655702664	:0.01
and:0.1944372923421487	together:0.18064694998584138	connected:0.14784638791688007	connection:0.1448086892096974	accordance:0.11050849290477427	comply:0.06045119551015317	acquainted:0.053914338376547646	compared:0.051495838323954046	contact:0.04589081543000345	:0.01
.:0.17334886293202292	Mrs.:0.13573661116839922	and:0.13129978504427267	A.:0.13039907139864598	P.:0.10623661072107382	of:0.08550483514024416	Mr.:0.08218827256523599	the:0.07863105556298051	by:0.06665489546712475	:0.01
taken:0.1565666251759883	picked:0.15185860516201394	made:0.14851797920279125	build:0.10790408979671495	put:0.09463604359656667	brought:0.0898815183625264	make:0.08253111226591162	set:0.08088939470994297	it:0.07721463172754373	:0.01
It:0.23262052284009457	it:0.23201166364489187	there:0.15832984385428517	There:0.10441338214127244	which:0.07614731400151836	that:0.06485213865833801	This:0.04087834255557805	and:0.04071217767041425	he:0.04003461463360729	:0.01
the:0.4151454507563466	a:0.154067464923635	this:0.09142311465573352	to:0.07074561564231244	other:0.06203544874980589	and:0.05263431692731905	our:0.052358647438668894	each:0.04779476207763452	their:0.04379517882854413	:0.01
of:0.3230936050938893	for:0.268392828876221	to:0.1574707811469326	at:0.04981935920786737	in:0.04673423579808277	and:0.044988922919794616	from:0.04487562286829963	than:0.028694398570865098	For:0.025930245518047637	:0.01
a:0.19695323005005635	the:0.16816913302810174	of:0.14822321855124104	and:0.13939369829278436	to:0.08838261293154281	in:0.07993288548178434	for:0.07847983990188921	that:0.05177581610431105	by:0.038689565658289064	:0.01
the:0.7409704297276832	The:0.07041619390329505	a:0.06104338231361161	tho:0.05287551886838818	tbe:0.017151897373622656	of:0.015594945686220647	our:0.01394368614151612	and:0.009455453477074119	in:0.008548492508588468	:0.01
the:0.3356578395614042	of:0.1531325777294065	a:0.11409975608000457	and:0.11071510559261802	this:0.0951180999088606	as:0.054367598921629734	said:0.04361840440296264	to:0.04186288765148809	in:0.04142773015162563	:0.01
and:0.24454799713363268	of:0.19111477194630047	to:0.1560624987375976	the:0.13892477691358676	is:0.05985524765116313	or:0.05369886123989183	be:0.053524514589298876	was:0.047219445845831105	I:0.04505188594269746	:0.01
in:0.5107095565132559	the:0.2638834093860705	In:0.15501568180367034	tho:0.016821862224507902	and:0.01271920556164495	iu:0.009679131438135851	of:0.007505533986753685	a:0.007053586932675275	tbe:0.006612032153285357	:0.01
the:0.22621754684143483	of:0.21212462964503634	and:0.1387178532151598	a:0.13305488851436892	to:0.07801628138881135	Mr.:0.06384327045324964	in:0.05393160683610294	with:0.04333205764451372	or:0.04076186546132229	:0.01
able:0.1355320370639336	right:0.13451414580237345	him:0.13048098484267026	is:0.11687131037302098	was:0.11144099372242128	and:0.0988988815971708	began:0.09785491253562477	enough:0.08483858505494464	me:0.0795681490078402	:0.01
years,:0.16270601460719009	time:0.12852657470430354	in:0.12362720187448058	;:0.11832081493207328	porous:0.10266144924516125	hundred:0.09437684786729499	it,:0.09322632357261036	States,:0.08499726460405173	manner:0.08155750859283398	:0.01
dollars:0.429900340978018	pounds:0.09811214882403219	of:0.09646164525170549	cents:0.08827097886567221	a:0.08467127742778355	hundred:0.08247193163970218	and:0.052707515711363846	half:0.02890283403542481	the:0.028501327266297786	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
and:0.24422537367035607	I:0.1434789108984228	have:0.1273106479326255	he:0.11071967745786633	had:0.10349761679618277	has:0.07501178879242248	it:0.06923803105053984	be:0.060763618697826774	was:0.05575433470375746	:0.01
of:0.2502222265075798	to:0.20567362559127686	and:0.17076986256551105	on:0.12495170385773477	in:0.05638685700043656	at:0.047269845350887484	or:0.046537440127300315	a:0.045445821265851144	that:0.04274261773342205	:0.01
the:0.6337331662659316	and:0.100385275269275	of:0.04502915812563193	in:0.0446265384225453	The:0.04052682497589725	tho:0.03890434100479111	a:0.0367021526749023	to:0.027326210880625385	on:0.022766332380400437	:0.01
it:0.3193887493885914	It:0.22110100782192096	he:0.18664359267260322	He:0.05855383347838531	and:0.05750089615620194	I:0.04676820090257822	which:0.03796695486864798	she:0.03570455143161575	that:0.026372213279455117	:0.01
the:0.319043605732782	of:0.1731591707614373	and:0.12534789090235723	to:0.0964738623652757	a:0.06334210630031534	his:0.05388570381727439	their:0.053878498318420856	be:0.05312243736196244	in:0.051746724440174474	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
of:0.21439699297144038	and:0.17650121299071567	the:0.1333121809723902	.:0.12904643208180558	Mrs.:0.11066883053453021	by:0.06289440219519554	to:0.05899958987416304	Mr.:0.05266755330674808	<s>:0.05151280507301112	:0.01
highest:0.321410312966098	up:0.12808898049557182	made:0.12748178796684245	it:0.10824734579077701	in:0.07376085426621085	time:0.06284674352041288	him:0.05894746245372761	them:0.05551605719413862	out:0.05370045534622072	:0.01
he:0.2551201520408393	it:0.12885276723823547	and:0.12677751374117283	which:0.11430383549362247	who:0.09737427734167389	that:0.09435203984136281	It:0.07306541375906984	He:0.05605309586453942	she:0.044100904679484	:0.01
the:0.3657511376473244	of:0.1527872733278719	and:0.13203672701123184	for:0.09358775711917038	to:0.08072905635857205	in:0.05178214401305797	a:0.05004094578801394	<s>:0.03191581595169205	that:0.03136914278306543	:0.01
of:0.3568476833571731	to:0.12114900275302484	in:0.10976484663645757	by:0.1068488211491014	and:0.08196422402207053	on:0.0650082157055264	with:0.0602993625941252	from:0.045361884366558934	that:0.04275595941596194	:0.01
of:0.2912374490939617	to:0.16646565521017354	and:0.12945316888692274	-:0.08599152373623681	with:0.07610382243733206	was:0.07084056977237256	by:0.06880705093340816	.:0.05108546317548131	is:0.050015296754111094	:0.01
to:0.2416903352714897	I:0.13776158146121537	will:0.12715372947019454	would:0.11748358444260676	we:0.10332163114326383	they:0.0784560625936742	who:0.07774271415073483	you:0.053694268155651724	shall:0.05269609331116898	:0.01
the:0.2933404967008901	of:0.2104042532448617	to:0.12707752485508567	and:0.09499088035621565	a:0.07138384994433132	in:0.0555426985449242	on:0.052383550428106655	by:0.044816285066045417	<s>:0.04006046085953924	:0.01
and:0.28039520400923834	he:0.2636994945997513	the:0.09295948764669698	she:0.08425327459353905	He:0.06781629446223807	it:0.06759446863222085	I:0.05256391546236698	which:0.045613107146589955	that:0.03510475344735859	:0.01
of:0.19222805621105235	and:0.190044925270612	for:0.16723821323246854	that:0.08157992246258691	by:0.08105634998065792	in:0.08085618155323195	is:0.07585553825917472	was:0.06193668086281726	to:0.05920413216739831	:0.01
miles:0.19877119077849123	and:0.13691467829090032	feet:0.1339326450706969	at:0.11363797653868964	away:0.1131400709557437	taken:0.08414608505846131	them:0.076525727554428	up:0.06886650363031764	ranging:0.06406512212227129	:0.01
he:0.3646637514397285	I:0.11433816869231088	who:0.10894363522709709	she:0.08887972512524454	they:0.08449981131612101	He:0.06983179601011937	and:0.05701171706904927	which:0.054045089229228176	that:0.047786305891101256	:0.01
and:0.19051943986217013	of:0.17206397922323483	as:0.1674750915859768	the:0.13450047028301987	to:0.09096766000852799	be:0.06575526900119627	such:0.06334143169216884	much:0.05500551658222766	in:0.050371141761477715	:0.01
of:0.33595057667642475	that:0.13991201188244579	and:0.1293098682395768	in:0.1043861958846032	after:0.06345042549361944	to:0.06087712879558946	for:0.05907000949686638	by:0.052534739992812565	from:0.044509043538061725	:0.01
the:0.6909464731648476	The:0.08599042925802552	his:0.04899319853860736	at:0.045845462473530864	tho:0.03753459417589191	their:0.023035602126993824	was:0.02141035759764622	and:0.01886586907095918	my:0.01737801359349765	:0.01
he:0.251895043903163	He:0.12827597905068	I:0.12100046069344479	it:0.10053677054893098	and:0.0934325084103391	which:0.08107381833038588	It:0.08048093281003073	who:0.0734334008281233	she:0.05987108542490224	:0.01
is:0.1825388898907207	are:0.13987594244229887	and:0.13690440384905875	was:0.13350661690813576	be:0.1120431148493311	not:0.1053697180096533	been:0.08473996103945859	were:0.04860249393169674	do:0.04641885907964606	:0.01
of:0.4660441358622949	and:0.10109221577803078	to:0.09709051028522843	in:0.0830378796669174	by:0.07476506501850276	with:0.049799533310063315	that:0.048738965713855185	for:0.03991749673111997	on:0.02951419763398731	:0.01
the:0.34196705498545593	his:0.17569364007557015	of:0.08698978099973811	their:0.08685154674320662	this:0.0809045179658235	a:0.06390046020703086	to:0.05961728609193771	my:0.04736053355402841	in:0.04671517937720845	:0.01
<s>:0.2946581984740359	it.:0.19099921679974474	them.:0.1367172147589914	him.:0.0968482001784656	her.:0.06399265930271435	time.:0.06067390759572118	again.:0.05102008093011151	life.:0.049515857590651725	me.:0.045574664369563665	:0.01
of:0.40760879315217363	in:0.28964194291896556	to:0.054947726926321064	In:0.05153230016219646	for:0.05130511836751566	that:0.04346678086249315	by:0.03769120634213955	and:0.03486352966343018	from:0.018942601604764558	:0.01
and:0.25037799561132223	to:0.19051743664518078	of:0.12818071300755096	the:0.11341275889843262	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.05790590474591629	for:0.056443486992488516	:0.01
him,:0.14442347732413807	him:0.14332045333864185	it,:0.13664315699189652	it:0.12884897932158632	time:0.10826722420686864	man:0.09019240385959884	up:0.08646950923887878	them,:0.07695999005087384	them:0.07487480566751711	:0.01
the:0.2819457694407669	in:0.16830115934442091	of:0.12175089403444907	and:0.10861914080625805	a:0.08273003132142108	to:0.07226688505594736	that:0.05730899637674184	any:0.05038384377867688	for:0.046693279841317825	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
it:0.34774647775534967	It:0.21077774837934035	which:0.11923064338294652	he:0.07457670604533519	that:0.06561065550934027	what:0.05574114599668741	who:0.05277671950527242	and:0.03372213343379503	This:0.02981776999193332	:0.01
;:0.3544776881951385	and:0.13514618390126307	him,:0.1279668897791262	them,:0.09113852416287016	it,:0.07578055904901035	up,:0.054242462367868186	her,:0.053967695295509446	time,:0.051835400098799694	man,:0.04544459715041466	:0.01
of:0.20753301574986438	the:0.1640032711117658	and:0.14042094536482855	to:0.12720964907981014	for:0.10379767442357506	a:0.09075011645215193	in:0.05910925683810112	was:0.04862863756936075	by:0.048547433410542205	:0.01
the:0.22837998766966777	of:0.1715954656736002	to:0.12341373376315147	for:0.10445285466539507	in:0.10039433266503572	and:0.09616474681609577	be:0.06138319440240752	a:0.052292783039320785	or:0.0519229013053256	:0.01
the:0.2897383324568781	of:0.17113076544121683	a:0.10182560711526902	to:0.08415539991493164	in:0.07588252600215935	any:0.07161219763621447	for:0.06930496705250558	or:0.0656900637021065	and:0.06066014067871868	:0.01
<s>:0.5700663430575713	it.:0.09252129895636604	them.:0.07922000070411535	time.:0.04548176481129163	him.:0.043277718346034416	day.:0.04297179832998203	country.:0.04077421733332303	.:0.03784761402590534	year.:0.03783924443541101	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
him:0.13140303859030936	able:0.12597036746769844	is:0.12350614172530036	and:0.1182797688991151	not:0.11606150227478733	want:0.10573590556409226	right:0.09622794718667127	have:0.08768132439835685	enough:0.08513400389366875	:0.01
the:0.3546986887352766	The:0.20663698323735855	and:0.11657440735805925	of:0.09789456412894405	that:0.05812144230601493	an:0.04798589844374131	This:0.040816270780766245	his:0.03844442677144694	this:0.028827318238392012	:0.01
of:0.2363060991710665	the:0.19857899166240991	a:0.19188842170058298	and:0.08781758752119269	to:0.08382382308138184	in:0.06681725259258604	for:0.057654038854793296	with:0.03609010984064479	that:0.031023675575341816	:0.01
;:0.18359926894279419	me,:0.17101778615041988	it,:0.13127669196087283	him,:0.09720245193811279	up:0.09103174257117802	them,:0.08478802561401777	me:0.08131845895881015	him:0.07866756364048183	in:0.07109801022331255	:0.01
have:0.1358948576226231	be:0.13210186035351118	and:0.1316422406945788	had:0.12466328013253634	was:0.11761324350269246	he:0.09637894916841583	has:0.09437128563888524	not:0.08163067556121932	been:0.07570360732553762	:0.01
cent:0.5205633359837701	cent,:0.1825937643517856	centum:0.13568707119231382	cents:0.07125088241436595	dollars:0.025869009276392595	$1:0.017201872507613316	percent:0.01510166066102889	ten:0.012776171577550555	half:0.008956232035179238	:0.01
and:0.25037799561132223	to:0.19051743664518078	of:0.12818071300755096	the:0.11341275889843262	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.05790590474591629	for:0.056443486992488516	:0.01
of:0.33365899831888546	a:0.144674089572029	the:0.1273443365588524	and:0.09435707677453731	for:0.08751992213405113	said:0.07901737446505756	his:0.05759798847045997	to:0.03885032599537803	her:0.02697988771074909	:0.01
he:0.24184133344469383	it:0.15262203519764603	I:0.1302539667129161	It:0.10374643873945393	He:0.10250568801949266	which:0.08267003134383272	and:0.0654856572449931	she:0.06089119869252779	who:0.04998365060444383	:0.01
and:0.19433510573309606	bridge:0.18819252122194724	came:0.12976583652015194	up:0.09644358331385652	went:0.09129270334560786	directly:0.07996485111968162	out:0.07671328448052579	go:0.0676350128649892	way:0.06565710140014372	:0.01
him:0.1280381431911991	able:0.12062077502396212	have:0.1139229856397097	and:0.11171946667894975	want:0.10974763024526385	allowed:0.10465437710389244	them:0.10128443148019253	is:0.10013200114709249	had:0.09988018948973795	:0.01
in:0.20018562908531082	costs:0.1498856773587417	land:0.14882512901769376	principal:0.11736400543753024	time:0.10776813314173685	rights:0.08173523766678142	city:0.0639971529491497	feet:0.06135339327366356	labor:0.058885642069391925	:0.01
last:0.30404386481605006	the:0.19933822131584256	Saturday:0.14280422101494197	at:0.059237249769041364	to:0.058031531788218016	Thursday:0.05792230489128321	of:0.057470221126390886	Friday:0.05695977995201742	all:0.0541926053262145	:0.01
of:0.3795200019002948	to:0.1823198501846813	in:0.11686874239750189	that:0.07053564203373403	and:0.06538145566631323	by:0.057477372654512505	for:0.043590406069103596	at:0.0373363245629386	with:0.03697020453091989	:0.01
and:0.2356224930059905	arrived:0.19841372110330666	held:0.10194309373397596	sold:0.09650318695177601	Dated:0.09512689275536122	closing:0.07757007527568292	was:0.07048795667485343	made:0.06216113975450762	arrive:0.0521714407445457	:0.01
and:0.2503617769714086	time:0.15971999705002973	ever:0.1192445723538085	that:0.08800966674636652	years:0.08579626166343289	Ever:0.0821938975280376	long:0.07307876100767205	elapsed:0.07233007577786295	or:0.05926499090138118	:0.01
the:0.24236202073652988	of:0.20536500222371457	and:0.166871077045992	in:0.11764969379678739	a:0.06877339806465796	was:0.060401645356168765	is:0.04771002123545104	are:0.041303355003815344	be:0.03956378653688296	:0.01
It:0.364878892711735	it:0.15967878591340084	which:0.08902347692599993	This:0.08805930593565037	there:0.07875248029918262	that:0.07634028130219075	he:0.054895436827989016	and:0.03961272054290272	this:0.03875861954094881	:0.01
and:0.3749473050629122	it:0.12046942905513602	was:0.09329003394552177	as:0.09085211043587568	be:0.08821177591254002	he:0.0823753673815058	been:0.04805196705933617	It:0.046868752791669924	is:0.044933258355502236	:0.01
of:0.3106648758025713	in:0.13335372159828746	to:0.12735882558764552	and:0.10961477371868922	that:0.07272268724323311	as:0.06857688801142056	for:0.06168411592627776	at:0.05600505601830517	on:0.050019056093569936	:0.01
and:0.18784336682063274	as:0.15114329179679575	went:0.11423878004667351	him:0.10666558228731272	them:0.09110223752457794	up:0.08733803455919152	is:0.08689480544253657	go:0.08340199801381315	able:0.08137190350846597	:0.01
the:0.7006964396750875	The:0.10382281036140902	no:0.0482031531964591	a:0.04043871672822993	tho:0.035562030241566484	of:0.020035239064020778	in:0.0156737316444797	and:0.014370275640007698	any:0.011197603448739784	:0.01
of:0.19986669638946614	in:0.19539647756368583	a:0.1838044007177573	the:0.11796316678830354	to:0.08405484495444386	and:0.062346014930681225	In:0.05497661495630356	for:0.04642049585653932	at:0.04517128784281932	:0.01
the:0.28739530350745784	of:0.21344440021812378	and:0.11296142765504272	a:0.08461592541970957	to:0.082260705526554	be:0.07427408252160529	in:0.04938434590334654	for:0.04346745705650477	their:0.042196352191655545	:0.01
and:0.1850671681235398	was:0.17607375174201867	not:0.12427069724847695	is:0.1170891738832937	be:0.0921547119508729	are:0.08629843912360234	been:0.07950108262636972	or:0.06813335378234972	were:0.061411621519476225	:0.01
is:0.19912238527184745	be:0.19795315780479178	are:0.1613641568390206	was:0.11981470477858162	not:0.10745281442510152	and:0.08038134762382991	been:0.0480668888739563	were:0.04289205101691709	well:0.03295249336595402	:0.01
and:0.39785666775412887	that:0.1234397813188449	of:0.09958172719058084	are:0.07774936789627115	to:0.07614139790589242	was:0.06851321229160813	were:0.06027540019722288	they:0.04759418604316612	it:0.038848259402284924	:0.01
as:0.188283813505136	according:0.14144678228402477	up:0.13904323060160725	and:0.1096650113200393	went:0.09104380703179268	back:0.08789812106037491	regard:0.08348580619122747	feet:0.07747526592666086	down:0.07165816207913696	:0.01
the:0.40173176375404296	a:0.32770020163359453	and:0.09648386866212295	The:0.04491863844370221	tho:0.028172000923849177	of:0.026127912574114058	most:0.02433827837934071	on:0.023124612830291175	very:0.017402722798942144	:0.01
the:0.22583494726906025	of:0.14434201586986603	and:0.1418187049847651	was:0.11246019593562945	to:0.11173582321142456	be:0.08198509723148892	is:0.07174266798927509	in:0.05490858902280563	or:0.04517195848568496	:0.01
on:0.2555570106615597	of:0.24702367943076955	to:0.09728803759948225	and:0.09578243762364987	in:0.08655909334449598	with:0.06603333087685728	from:0.05967117855647354	by:0.04133918550362156	at:0.04074604640309016	:0.01
the:0.3447077595387973	of:0.15113629633228506	a:0.11454347129152181	public:0.08457609059733452	said:0.07399988107557225	for:0.06254615256572389	at:0.05328185445303589	in:0.052715007975486144	to:0.05249348617024303	:0.01
of:0.321602810744579	at:0.1559432356748248	to:0.134763627529268	in:0.07938371906660165	on:0.0679464739313055	from:0.06391396220053229	for:0.059922538221856225	that:0.05411286593662251	with:0.05241076669441005	:0.01
the:0.23548954332163086	of:0.2111300554668318	and:0.21109623599682736	to:0.09338500466118459	in:0.07633727011683625	be:0.04250234515141979	as:0.04117704869674813	on:0.03995448290834234	that:0.038928013680178966	:0.01
and:0.17088875819441882	made:0.14700725502613013	up:0.14037496326714635	secured:0.1032245946741212	out:0.10290304256707901	taken:0.09703783258711496	ed:0.08520391730418443	him:0.07433795841065471	done:0.06902167796915026	:0.01
of:0.20482777277060715	the:0.19157469019980297	and:0.1572133167841724	to:0.1549827058826635	a:0.0793226408414419	be:0.06258366802827799	was:0.05125038664443885	or:0.0473362165644865	is:0.04090860228410865	:0.01
and:0.19718051189814093	he:0.18347801597271637	had:0.11857276346322734	has:0.09972345302647298	have:0.09852463057987725	who:0.07845710574776821	be:0.07729178006647269	dis-:0.07273960560539779	He:0.06403213363992626	:0.01
the:0.5123003350176745	The:0.1898651944991779	an:0.09166787332167668	this:0.049604570256909467	that:0.03651377364094324	of:0.03565680278497807	tho:0.028204353270336734	his:0.02648258307144564	An:0.019704514136857774	:0.01
the:0.24236202073652988	of:0.20536500222371457	and:0.166871077045992	in:0.11764969379678739	a:0.06877339806465796	was:0.060401645356168765	is:0.04771002123545104	are:0.041303355003815344	be:0.03956378653688296	:0.01
the:0.2953305379429123	a:0.28975649905215833	and:0.11712418305648206	of:0.09429917754914571	The:0.05615586308656425	to:0.041019604931622065	an:0.034732907658833946	in:0.0317365989246728	for:0.029844627797608277	:0.01
mailed,:0.2999277238863508	in:0.1734696312761694	;:0.16744037632905714	it,:0.07490543667274761	mortgage,:0.06586447496594348	up:0.054847579318904584	them,:0.05403910966659331	,:0.051865666310577256	States:0.047640001573656464	:0.01
the:0.21858781341275965	and:0.14787589235517212	of:0.11615811686309205	from:0.111777248760148	a:0.10253926757191248	to:0.08360693553216382	be:0.08051194311816404	was:0.06882079131216966	is:0.06012199107441834	:0.01
he:0.24238168087322717	it:0.1898859176810513	be:0.11408030823699565	and:0.10830069211365315	they:0.09373073837111871	one:0.0792684172525281	It:0.059834004533949985	who:0.05207153571976892	He:0.05044670521770715	:0.01
and:0.2949791375493106	was:0.15603413172289576	it:0.10131513505939645	is:0.09247313059215136	that:0.07674061886376865	are:0.07255734426556362	made:0.06690354850053709	were:0.0660054873092482	but:0.06299146613712818	:0.01
of:0.30871014838359984	in:0.1654693939216947	to:0.10917086222557494	for:0.10324433497920248	and:0.09701739891491648	at:0.06080665560730656	that:0.05446710532845916	In:0.04749645128015028	from:0.04361764935909563	:0.01
and:0.40180925423370906	made:0.10572982649976298	necessary:0.09766421441472355	provide:0.0709677106558723	him:0.06679412563114624	time:0.06399940844444657	but:0.06226152597569863	pay:0.06140975827886298	responsible:0.059364175865777885	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
of:0.2768890172645768	the:0.18337671231183794	and:0.1318900199848834	to:0.11944701686168409	a:0.10778072275040139	in:0.05256399405571501	for:0.04980153618470726	that:0.03703424962420981	at:0.031216730961984483	:0.01
the:0.30767476607422606	and:0.1726739802571458	of:0.10877709557740248	his:0.09953067400822888	her:0.07859334238702068	he:0.07698830566696194	their:0.06173315690574389	that:0.042647160545392596	which:0.0413815185778773	:0.01
the:0.7060060626197512	The:0.12763664814802783	tho:0.03641621657505689	of:0.032021286855150925	his:0.024637061423715422	their:0.02378784258697475	our:0.01766659509735482	and:0.011687702686211806	tbe:0.010140584007756307	:0.01
and:0.1972510409876459	of:0.1695804600183561	the:0.14816380523717343	to:0.09938698712242129	a:0.08770570001227246	for:0.08204335824558107	which:0.07196038215070251	was:0.06797428233447626	more:0.06593398389137094	:0.01
in:0.34675793822167494	of:0.16948502127319445	at:0.12733312336419608	to:0.11809116477022008	In:0.07288454211405035	from:0.04031164316564754	with:0.03999603658368057	on:0.03771719282530756	for:0.03742333768202841	:0.01
and:0.17950644565136958	as:0.1303313165475482	it:0.12922184790110464	It:0.12332015049915845	<s>:0.10777333047324819	;:0.09496859838451815	that:0.08165595833415917	which:0.07322210847685047	land:0.07000024373204318	:0.01
it:0.2799716751356453	It:0.22256262388182763	which:0.126404346409237	and:0.08660357787468827	as:0.06534294366064207	he:0.059369627795932724	that:0.057776602251115715	who:0.04736200557670685	what:0.04460659741420434	:0.01
that:0.30371066784491974	if:0.1528592157661182	which:0.13093290885882844	as:0.10676435373005919	and:0.09146677604370171	when:0.06012942554608972	where:0.057718502696278005	what:0.04749107325609487	but:0.03892707625791013	:0.01
men:0.17762139509522834	William:0.12852709254369565	hundred:0.11698799013845104	James:0.11296468212387654	Robert:0.09850774864596133	John:0.09620467900978545	one:0.09270288259534681	up:0.09128315010046069	city:0.07520037974719401	:0.01
of:0.29427840420111334	and:0.1903735033779135	in:0.11041665492830456	to:0.0953233373283196	at:0.07052500963088408	that:0.06631245887492296	with:0.05553709306732292	on:0.05551614886137548	for:0.051717389729843494	:0.01
they:0.27175351747991927	who:0.1742959213944555	which:0.12279600502557071	there:0.0984063853219035	we:0.08452910022954424	men:0.06680282515260055	They:0.06230764592488641	and:0.05748782383355527	that:0.051620775637564564	:0.01
make:0.2016515475301785	and:0.15080923427705017	that:0.1380424978534706	of:0.12239180828646613	give:0.09206323632163634	as:0.07399272837629399	is:0.07258818454402004	for:0.0698741309119326	on:0.06858663189895152	:0.01
the:0.288554670302953	of:0.276849899664013	for:0.08434264578969046	an:0.07004232515970624	a:0.06986217078584746	in:0.060994258448113826	by:0.057542102946082085	to:0.04365160847557869	and:0.038160318428015254	:0.01
as:0.2621551337048023	and:0.1281908388661581	very:0.10818205209321823	so:0.10001719977379676	the:0.09827684612652436	be:0.0827187034967189	are:0.07199045737684788	is:0.07120940983450387	was:0.06725935872742951	:0.01
and:0.2533862351895757	the:0.1417729348261516	it:0.11097602130831145	he:0.10442553987212883	which:0.09773342566529561	that:0.08615305162963126	It:0.07510249379913844	they:0.06429958123755741	I:0.056150716472209566	:0.01
of:0.5095899908307753	in:0.2128010280858555	to:0.09330535598233416	In:0.03778336751458791	for:0.03406702965428335	throughout:0.03322592073873481	by:0.03052488736058722	from:0.019523425535847024	and:0.019178994296994833	:0.01
and:0.5021953962866268	to:0.1030282167460194	which:0.09070942981501158	that:0.07950892285495993	it:0.07225289161354281	as:0.049031526446598424	It:0.032579318052906175	who:0.030893702466922204	I:0.029800595717412746	:0.01
the:0.3299177818426395	of:0.17897670274827274	to:0.1253793792460873	and:0.10985980430753879	in:0.06240993305390326	for:0.06192854377065038	be:0.05083764956696977	was:0.037005804169285124	is:0.03368440129465309	:0.01
to:0.22628494560806747	the:0.20092169926656545	of:0.19730970841504225	and:0.10963885279529492	at:0.07331465390183074	in:0.05503363335279412	<s>:0.04596302271656128	on:0.042208878513173766	from:0.03932460543067004	:0.01
the:0.2033079133619809	and:0.16374723220953158	of:0.12203318026621937	to:0.1197947532458313	a:0.11596184956525814	be:0.0837146771961551	was:0.08039980232180863	is:0.0604430544374977	in:0.040597537395717254	:0.01
is:0.2706326106082561	was:0.15921625067326975	and:0.1579901343650686	are:0.10623015218280578	has:0.07369004167142519	not:0.064129570925368	have:0.06367280473746231	had:0.05322921632604592	it:0.04120921851029821	:0.01
on:0.20882163947107166	of:0.2058030267844747	and:0.15283046093795435	to:0.10307048091481884	On:0.09344409322188489	all:0.06169111630679553	with:0.059900783022025936	in:0.05740836204605505	that:0.04703003729491896	:0.01
a:0.6668222451782609	the:0.08163919397158587	very:0.056164355376065345	and:0.041204781744688355	of:0.0355347261228723	so:0.0330189082339063	A:0.02815268742805985	in:0.024301236166769154	some:0.023161865777791894	:0.01
to:0.5495112982051114	will:0.14505114627649082	would:0.055728656261820865	shall:0.05243039128536251	not:0.04178809533467544	may:0.04023874484247049	should:0.0371147876981232	and:0.037038484783146836	can:0.031098395312798604	:0.01
it:0.17634055896990464	which:0.13858980971299162	and:0.1297037461234389	It:0.12413620469295653	they:0.11833495429004257	he:0.10905724887936663	that:0.08128661585188768	who:0.06315081385676691	I:0.04940004762264442	:0.01
the:0.24009782776766708	of:0.2192931479184014	to:0.13158057161296038	and:0.12291491684712345	a:0.09506364049819858	in:0.08272884009922159	for:0.03929291516366697	<s>:0.029585503291052133	that:0.029442636801708576	:0.01
is:0.28110983654482796	have:0.1452690490019085	that:0.1011252675558151	had:0.09977332689019455	and:0.09457387156401774	for:0.07333453358592135	was:0.07322160355678227	be:0.06213292225919445	has:0.05945958904133801	:0.01
the:0.851458100525449	tho:0.04933903971601498	The:0.023810476456397073	tbe:0.018289326463401753	of:0.017391813259110295	and:0.009228001818112393	in:0.008701506838210846	by:0.0059022942528199574	a:0.00587944067048364	:0.01
the:0.2321207833647305	no:0.17237363788337978	any:0.16478039000110056	and:0.12256192345752707	each:0.07929801024405654	or:0.07068931630975132	some:0.050433859863879944	all:0.0499046172172152	from:0.04783746165835901	:0.01
of:0.2817566854991972	in:0.12746678103918072	with:0.10423800593281397	by:0.10042817419788157	to:0.08328254555352792	as:0.08167276737641743	is:0.07282710567059886	for:0.07014395954500713	such:0.06818397518537508	:0.01
and:0.17151618359851106	is:0.17015047834399621	as:0.11082801560618431	was:0.10049374719407791	able:0.09957824053712779	not:0.0959529126271294	enough:0.08218526606313245	him:0.08082377757804236	order:0.0784713784517985	:0.01
be:0.2499008589765908	been:0.1174212562606465	is:0.1139697877490021	are:0.11089127926287136	and:0.10396484715008929	was:0.09627113869028216	have:0.06981602227720057	were:0.06684296643486326	being:0.060921843198453875	:0.01
per:0.7516169586481418	the:0.11521559365056495	of:0.03450271195368205	and:0.025370546234877677	an:0.02336990446068054	by:0.016482719067203323	to:0.011847869864795902	that:0.007168648589473799	The:0.004425047530579978	:0.01
contained:0.21195734665215296	described:0.20422195386504646	stipulated:0.1575813651728388	recorded:0.08801227956739072	and:0.08591808985387941	situated:0.07920133131407768	interest:0.0735664432679262	interested:0.059666970168949784	filed:0.029874220137738088	:0.01
a:0.20519534979956267	the:0.18487678820826303	his:0.16529161278100996	their:0.10935072726121445	this:0.10648282074261448	my:0.0728441623596876	no:0.057886252663750255	any:0.04434910313224243	your:0.0437231830516552	:0.01
and:0.17902453103968283	went:0.139076130817798	go:0.11703828021850245	feet:0.10858526240142814	as:0.10560094839085853	them:0.0929140584033672	sent:0.08314287687944451	up:0.08306466055338964	made:0.08155325129552876	:0.01
<s>:0.5911664716768235	.:0.0925416286131135	it.:0.07581705834204042	them.:0.05818195815929815	day.:0.03772668638663001	him.:0.03479060365958301	time.:0.03473040556580826	of:0.034040180206403495	country.:0.031005007390299676	:0.01
the:0.7622746159270795	The:0.07152609469465293	and:0.057607037585003254	tho:0.04619014875353477	tbe:0.018056175127612928	of:0.012250376874417528	on:0.009341427090075462	about:0.006385977616672988	two:0.006368146330950649	:0.01
the:0.46084108457310824	a:0.13614202670631334	and:0.10422671811393514	in:0.06947638357950539	The:0.06059626499933907	of:0.051414665592787505	place:0.03991900045455965	point:0.03426445694965344	his:0.03311939903079817	:0.01
and:0.27086429915671323	of:0.25380566372953817	the:0.1041931520169668	to:0.10392362544171006	South:0.0581865856596254	<s>:0.0578316531457442	on:0.048214897875971205	for:0.04750575273110271	from:0.045474370242628376	:0.01
of:0.33406129049648303	to:0.12049264072633425	with:0.09633362852888781	and:0.09396454797791812	is:0.0864883967561169	in:0.0822609231078955	that:0.0614306243867531	by:0.05763121689138671	for:0.05733673112822466	:0.01
the:0.7982410174004784	a:0.05840345025339395	The:0.05096377599625654	tho:0.044841168395300945	tbe:0.01532250345940227	this:0.00821056239264021	and:0.005582976990559043	great:0.004864662149860219	whole:0.003569882962108607	:0.01
a:0.5648664381493912	of:0.14982282379862125	in:0.0855148537446649	the:0.07826718566760206	for:0.027278948809864513	very:0.024661881595574565	with:0.021773136776982952	to:0.019974247772564173	In:0.017840483684734565	:0.01
in:0.5107095565132559	the:0.2638834093860705	In:0.15501568180367034	tho:0.016821862224507902	and:0.01271920556164495	iu:0.009679131438135851	of:0.007505533986753685	a:0.007053586932675275	tbe:0.006612032153285357	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
to:0.2548093281064604	of:0.17386428125298564	a:0.13723413081542213	the:0.12795986170285664	and:0.12395367040785477	in:0.053901417233796795	that:0.0403247752745103	be:0.03948044012031861	with:0.038472095085794675	:0.01
so:0.4762706192613564	and:0.09530224050531108	of:0.08745815013759436	So:0.08067270470633493	too:0.06806096403483484	very:0.06490975459169437	are:0.04125134323251212	the:0.03807843896413741	as:0.03799578456622453	:0.01
of:0.20482777277060715	the:0.19157469019980297	and:0.1572133167841724	to:0.1549827058826635	a:0.0793226408414419	be:0.06258366802827799	was:0.05125038664443885	or:0.0473362165644865	is:0.04090860228410865	:0.01
the:0.261806086964665	of:0.23954177962467776	in:0.1451314784783841	to:0.08914745990282881	and:0.0855673914816423	on:0.05611485964406875	a:0.04672402434579197	In:0.03460061347067181	by:0.031366306087269646	:0.01
and:0.3024842444279261	was:0.14789652250066207	is:0.09596900870974386	be:0.09291209349185649	are:0.07962562552501436	that:0.07617621460107377	it:0.06766289852403745	been:0.06429887727346362	made:0.0629745149462221	:0.01
a:0.47279613897537254	large:0.10474303973026486	the:0.09065102662738772	any:0.08352694828492402	that:0.08013321118429008	greater:0.05618133392622676	this:0.03943052252762345	one:0.03295334968521227	every:0.029584429058698205	:0.01
a:0.29635467205348376	is:0.18753650914787293	was:0.13124791619749726	the:0.09732516301797581	be:0.07915884678353563	are:0.07484785446462276	not:0.046195818810720865	and:0.04086702195985448	were:0.036466197564436434	:0.01
of:0.38897638551354224	in:0.26362689728771327	In:0.08922125224368369	the:0.08278281260287558	on:0.06692133159371735	to:0.040387570820115314	and:0.02806875524967223	from:0.017524048095863966	with:0.01249094659281619	:0.01
is:0.2524479625653079	ought:0.12100787889195094	are:0.1178352422795325	seems:0.11055594763804424	was:0.09614106152581381	not:0.0941843627106136	said:0.07532254921697497	seemed:0.06249828089648135	as:0.060006714275280794	:0.01
number:0.19875812164001402	point:0.11371119469696636	out:0.10274991504583562	place:0.10225565262474214	sort:0.0992283301391096	kind:0.095881912866821	right:0.09476699105708426	matter:0.09229303600269159	amount:0.09035484592673537	:0.01
the:0.45200507992281197	a:0.18270078715605603	of:0.12199358368308869	in:0.061328539392906375	and:0.045167635630422136	for:0.04344151750295579	The:0.028581982781950184	that:0.02829162850169561	an:0.02648924542811331	:0.01
to:0.6029234748158574	not:0.10685677045378245	will:0.0805053125791318	would:0.07348435472152394	and:0.058714604224932174	may:0.01928356596757801	must:0.017761258017253204	I:0.01655037912139117	we:0.01392028009854968	:0.01
those:0.26082261003138474	men:0.1675968084360361	man:0.1549506358370518	and:0.14146373870024206	one:0.08382751928427094	person:0.051126022823086405	people:0.04918140974682688	all:0.0428353568812588	persons:0.0381958982598423	:0.01
the:0.6074561403500369	a:0.13653093717836476	The:0.0817000925044053	and:0.055592161399538216	tho:0.03653238170051862	of:0.030461975888081045	A:0.019019708650639563	tbe:0.01281710283670948	that:0.009889499491706193	:0.01
to:0.5393039065409441	I:0.08890911411858664	and:0.08663130249191713	will:0.06968319515022303	they:0.06005428518813383	would:0.04487778846159188	we:0.0377173951551349	can:0.03205669084620899	not:0.03076632204725951	:0.01
of:0.2270254372896326	is:0.14706092987508454	with:0.13718135047949068	have:0.11106874039136191	and:0.0895252871788874	to:0.08612141019387765	that:0.07128833241381452	for:0.06354072963043625	had:0.05718778254741442	:0.01
and:0.32515158724745125	are:0.12090845368297987	was:0.11015658422731878	is:0.10049634045516496	that:0.08447334941022835	or:0.07503443390024289	one:0.06131870893035736	sell:0.05639212384536847	be:0.05606841830088785	:0.01
the:0.533850641303255	a:0.29768825898030227	The:0.039166265362068	tho:0.03078987811898532	this:0.029227277396585195	great:0.01949744683154245	A:0.01335601889349911	large:0.013305522129177674	tbe:0.013118690984585095	:0.01
and:0.7719890163116961	that:0.06251536959262126	to:0.029369323292382298	which:0.02786118414998955	is:0.02329659691988986	or:0.02123621925459468	but:0.018461030777724742	are:0.01800156808573285	by:0.01726969161536863	:0.01
able:0.14511234966528905	and:0.13172820859723178	is:0.12476866142304593	have:0.11730326646781511	him:0.11082659939939717	had:0.0955401572626202	right:0.0904087707975284	enough:0.08874364021609925	willing:0.08556834617097307	:0.01
of:0.41210438881042377	at:0.15271237174765503	to:0.11095925537039307	and:0.08207826295560744	in:0.061613051142973344	by:0.059894054838892784	on:0.04452302643700272	about:0.03316656745044902	for:0.03294902124660267	:0.01
at:0.36619483370903366	for:0.3115237376403529	of:0.09089832972894267	and:0.050306159852889956	to:0.04039872665890937	that:0.03666312635645976	in:0.035022655514519455	from:0.03076550465747013	At:0.028226925881422206	:0.01
the:0.6458032117392868	of:0.13588378593433587	a:0.039854024571527	tho:0.03568885618155863	and:0.031774023507089716	no:0.031084070133369997	The:0.02814843026770537	their:0.022596426772267586	surface:0.019167170892859093	:0.01
that:0.36676990832500156	and:0.2021494109104595	but:0.10784744981174714	as:0.09568602346329862	which:0.06159835272923168	if:0.04782769345076774	when:0.03962797280193356	of:0.0360745368983618	where:0.032418651609198594	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
the:0.29723266790423436	of:0.21459539888462648	and:0.1277647182738476	Mr.:0.1106699949875418	The:0.07685781034029732	a:0.05434422002421161	that:0.041316905740457946	to:0.03449974091285552	<s>:0.03271854293192741	:0.01
the:0.31831830517620724	of:0.1801669198523678	a:0.12357808363194665	and:0.11162715168076927	to:0.06825442853179328	an:0.05910347991306476	by:0.05167367629183202	be:0.03981214208192876	his:0.03746581284009017	:0.01
the:0.4093233558040991	of:0.14347176912824763	and:0.09918323127245088	that:0.08389521681892108	The:0.07051764743152032	a:0.058349880834651466	Mr.:0.05600187837864818	or:0.0372170226949604	no:0.03203999763650096	:0.01
No.:0.29214912243288815	at:0.21548814964311586	lot:0.12295161021541423	block:0.09400402310185794	@:0.07692860202618378	lots:0.0638755447010431	and:0.04583093461558243	June:0.041855423260209496	range:0.03691659000370483	:0.01
and:0.22705933158200184	that:0.12222810041050475	for:0.10340336970230118	of:0.10133173198172785	make:0.09437298643925861	as:0.09433959133345796	in:0.08876305544002096	with:0.0826588402716585	but:0.07584299283906834	:0.01
be:0.22390173188831275	was:0.2066321949891149	have:0.11683184423440002	been:0.10188993462042516	had:0.07777113678908264	has:0.0770901026747743	were:0.0745883452679661	and:0.06279635405071773	is:0.048498355485206465	:0.01
men:0.16410999899740553	;:0.1260322602701726	city:0.11275216408740962	in:0.10989013732272221	and:0.10947695428799893	out:0.10301335513134946	up:0.09837631016247823	States:0.08418236142198944	hundred:0.08216645831847401	:0.01
the:0.3852163572902061	that:0.10675452956953042	a:0.10097618698752871	some:0.09491158003603485	same:0.09135195148482918	this:0.07822328458129343	of:0.05189739072547338	any:0.04230579226783924	short:0.03836292705726465	:0.01
the:0.46440378334407817	a:0.14909458815174864	of:0.109895213805632	no:0.07162101108486577	to:0.045832080890267	and:0.0389120111505707	his:0.03889328640573084	The:0.036646951638426226	absolute:0.03470107352868064	:0.01
the:0.22096856618262306	of:0.20107314949074168	and:0.15668870179101663	Mr.:0.13885892122495166	to:0.07934668394677494	a:0.057949343527177295	in:0.052225547841073944	his:0.04665433991147185	as:0.036234746084169024	:0.01
at:0.6793084492568132	At:0.13765475212455494	any:0.043451616321297175	for:0.03263669588529954	and:0.023690036414356453	the:0.02085241876081869	of:0.020018746857496023	some:0.016766862705133275	but:0.015620421674230627	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
the:0.18935604166684053	to:0.1795324209123674	a:0.14637778243814775	of:0.1395289866434187	and:0.11967232053915405	with:0.06563714893438972	clean:0.06206947354274105	was:0.04726445349250358	so:0.04056137183043712	:0.01
virtue:0.21738001102627375	out:0.189773379209129	part:0.11522775944009786	one:0.10400846177203445	quarter:0.09462884564091133	favor:0.06983811406326706	result:0.06817617839096966	guilty:0.06617001917752548	means:0.06479723127979137	:0.01
and:0.3378657687553083	the:0.14006300572603325	to:0.12872187990934877	of:0.10785943150731912	that:0.06872072269452849	be:0.054600850593573794	in:0.05272612315552849	or:0.052557567525685696	which:0.04688465013267393	:0.01
the:0.6959683835710658	a:0.06544188001451956	The:0.057341171522122696	and:0.052580941269411915	tho:0.03469296228063303	of:0.02558506785926094	said:0.024454979604114725	his:0.01912364206776681	tbe:0.014810971811104266	:0.01
the:0.42233282577346876	a:0.15527329231550713	and:0.11977496335878839	of:0.09013420920974322	in:0.04983621047058699	to:0.04349782560002846	The:0.04279473128550431	an:0.03569920537214786	tho:0.03065673661422494	:0.01
of:0.3890001617372182	in:0.1592425263852784	to:0.14587969844835694	from:0.06072024741782162	and:0.05282411316023825	by:0.05092905638548167	for:0.047272780606940755	that:0.04349764703107887	on:0.04063376882758527	:0.01
the:0.2570905409013765	of:0.19050409392729872	a:0.13924494073380522	to:0.09414454173424	and:0.09039948229900269	at:0.07803834663246122	in:0.05587485890328489	for:0.043655488308456836	his:0.04104770656007365	:0.01
of:0.4214850807837523	to:0.18544156318328342	that:0.10053039152128934	in:0.07990257315191875	for:0.04435921378758028	with:0.04343985468169465	and:0.04039888474163666	all:0.038054641046434155	on:0.03638779710241057	:0.01
one:0.17274957462093676	more:0.15830689709340226	on:0.1180870273712836	day:0.11354905359128066	two:0.11347581961369303	person:0.08335828476893935	in:0.08180463954838182	man:0.07974273265284054	law:0.06892597073924195	:0.01
of:0.49766380156496887	to:0.09142749470452248	in:0.08193130517347053	for:0.06879714494698794	that:0.06645003405143762	and:0.05826995327760032	with:0.04873443680431361	all:0.04469198914790694	by:0.032033840328791696	:0.01
import-:0.2862123000219597	pleas-:0.179891311551559	and:0.14828583340624168	of:0.09668989395343987	defend-:0.09231767809277423	or:0.05974004840654406	the:0.04642584484255596	that:0.04365168508838835	if:0.03678540463653729	:0.01
and:0.3153682637748159	them:0.10939854192589611	made:0.10419278911695945	him:0.09050199027318165	pay:0.07760343254341165	demand:0.0765986131282511	or:0.07486138817831292	necessary:0.07209828037696153	work:0.06937670068220952	:0.01
<s>:0.4787776064032615	it.:0.11600098123471957	them.:0.08148523101060888	him.:0.07627065172523194	time.:0.059199334931812696	day.:0.048415060823946435	work.:0.045413497218757634	country.:0.04350145542894549	out.:0.04093618122271592	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
I:0.299705370863639	not:0.17014975494880386	we:0.13375114350447564	you:0.08696903947908138	they:0.08617604569293984	who:0.06902633107914669	We:0.055535963437896074	to:0.05499233439263927	would:0.033694016601378225	:0.01
the:0.398324095072529	on:0.1469815406562481	at:0.1045470074579354	of:0.09514608509011337	and:0.06730436488388129	a:0.05424877288505315	from:0.04253112813963408	to:0.04148626613744309	in:0.039430739677162485	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
was:0.2189877674142862	is:0.16089429356688467	of:0.14758208384095872	in:0.13355782359021745	and:0.08891445242817514	are:0.084059313848173	been:0.05568810476377225	be:0.05475432858672049	were:0.04556183196081232	:0.01
and:0.18094508512790913	that:0.17860485630364917	as:0.14661261201912995	of:0.10442851782974082	to:0.09833838291224424	for:0.08629124686994942	make:0.07665295326103584	but:0.05959992198024801	if:0.05852642369609342	:0.01
the:0.3853244944598766	of:0.2016119142990119	and:0.13281277996971314	a:0.12239923761336712	in:0.03551265260697985	to:0.031033546691147867	or:0.028518751250522	The:0.028040083137066952	tho:0.024746539972314793	:0.01
the:0.21858781341275965	and:0.14787589235517212	of:0.11615811686309205	from:0.111777248760148	a:0.10253926757191248	to:0.08360693553216382	be:0.08051194311816404	was:0.06882079131216966	is:0.06012199107441834	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
and:0.303134032591169	that:0.297606976656036	as:0.12323178679778063	but:0.06316432554717032	even:0.059346434140206114	But:0.04121195883246587	And:0.036674087613377315	or:0.03486657882197133	and,:0.03076381899982334	:0.01
and:0.2947699246672562	it:0.2523834471303403	It:0.11652428472789163	now:0.08617884240096574	he:0.0604519594443517	be:0.04883836790611325	or:0.04668006154068549	that:0.044204477710903474	is:0.03996863447149244	:0.01
to:0.5817448267439165	the:0.07457923992941141	will:0.06970569385486379	and:0.05807530189656092	of:0.05238802723753484	we:0.04320395971181038	a:0.03945515330372407	I:0.037436909787381206	not:0.03341088753479696	:0.01
to:0.29180415793153586	and:0.21045365365751517	of:0.1452599787014739	the:0.1257557670342804	in:0.06574761127577354	<s>:0.04104981934860873	not:0.04093701420182499	I:0.0356762496974524	by:0.033315748151535096	:0.01
the:0.2072737110511116	and:0.18386064467945154	a:0.1411642662085484	was:0.0867098274209069	is:0.08044313050218145	of:0.07945940425876359	be:0.07902414462539077	an:0.07190968630999436	to:0.060155184943651525	:0.01
eight:0.4885670465687768	six:0.10105748116742529	three:0.08764014070020092	two:0.07721202448489149	four:0.07203570276773907	of:0.05376974264970253	five:0.041772703240065434	hundred:0.03590222794226708	Eight:0.0320429304789316	:0.01
the:0.4456626343012114	of:0.2552826518497999	an:0.0758595603315995	and:0.05548016501715636	in:0.04295931482972208	The:0.03896585014102389	to:0.02738112978912027	for:0.024902492128888388	tho:0.02350620161147803	:0.01
it:0.2714494548861213	It:0.2641410715577611	there:0.09950080270981657	that:0.09833819457803308	and:0.0809584391883219	which:0.07570046071549426	he:0.051944056156681274	He:0.024045870580253474	man:0.023921649627516903	:0.01
to:0.1688905023018056	and:0.15891446437031917	of:0.15884397483632715	in:0.13518036410011175	was:0.09121132328425902	the:0.07807638466717512	is:0.07460290674742219	be:0.06880460638737085	for:0.05547547330520909	:0.01
the:0.682752798594319	on:0.06717293226136649	tho:0.05227118632747718	of:0.045886463557864625	in:0.03511630100947564	The:0.03345936297994164	and:0.02624832594638907	tbe:0.024897020669946777	this:0.02219560865321981	:0.01
of:0.2465677246492924	the:0.21345823037957826	in:0.16299740296447343	and:0.08298745813918923	to:0.07686536558306324	a:0.07617118979561423	for:0.051083127643881704	that:0.04274984899508006	by:0.03711965184982739	:0.01
the:0.6775591707975089	The:0.08621323586885309	and:0.06389235903165293	a:0.05000482111268537	his:0.03328409501976279	tho:0.032086181371759344	an:0.016179880720681973	of:0.01547652573270289	in:0.015303730344392776	:0.01
and:0.21140182009276948	of:0.12630093078170393	<s>:0.11816121182694674	two:0.10209128211129448	ten:0.09882153564002126	thousand:0.09350455230822405	hundred:0.08532543881766838	fifty:0.07968993203359438	three:0.07470329638777728	:0.01
and:0.22684169128412185	was:0.22655997024245275	is:0.14144607527564382	were:0.0840280512903544	are:0.08388486977230153	be:0.06172879039521297	it:0.0572951826349772	been:0.05661567354049832	on:0.051599695564437116	:0.01
I:0.28161186988973474	we:0.13413227746214465	they:0.1185906326138887	who:0.10618187067871426	and:0.08269864915785201	We:0.08020867061074259	to:0.07210459025221229	would:0.05802420796539522	you:0.05644723136931548	:0.01
the:0.5389043069084107	The:0.09762923075792902	and:0.07144202157711343	our:0.06291292400682039	his:0.05923466127384128	of:0.05729302017227941	their:0.046503143177346155	a:0.02848215035477544	tho:0.027598541771484086	:0.01
to:0.6852095872424643	will:0.057524478713976875	and:0.04960177967540138	we:0.04496315985456515	not:0.03900130863098948	the:0.03654852599516416	can:0.028770744172100512	would:0.026368111243573713	who:0.022012304471764558	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
this:0.3536460687230328	the:0.20134315625757632	that:0.1264116434376306	first:0.08156403079915332	a:0.04828420042459827	his:0.04808056548865858	took:0.04672647842370601	same:0.04619958990329872	on:0.03774426654234545	:0.01
of:0.49203374171389264	in:0.10515312147251046	that:0.10377511574682476	all:0.07570003386685087	for:0.060738324942490304	to:0.05048211862240462	and:0.03859022223766562	from:0.03328025624322966	on:0.030247065154131045	:0.01
Mr.:0.36209166076070115	the:0.3616120704117238	and:0.0689616971212912	.:0.05876347756806759	of:0.03647710265510219	Mrs.:0.03153714112961611	Dr.:0.0251949215737133	The:0.024056226043881156	in:0.0213057027359035	:0.01
No.:0.19335862831829934	and:0.1567674905590844	the:0.13393812525374674	of:0.1264478384532672	at:0.08881292736526274	.:0.08094643297346762	a:0.08008049067163032	said:0.06664873799122828	to:0.06299932841401343	:0.01
be:0.32884592227366916	was:0.14341301281049781	been:0.12848521216232017	and:0.10190890450299454	is:0.08886141073657948	were:0.0673767187352858	are:0.061355522709585684	being:0.035469105962801464	has:0.034284190106265745	:0.01
and:0.1716930418697704	order:0.14482427424410896	as:0.11981837936464645	him:0.11236110140145124	is:0.1036045828222982	going:0.08704028653231835	them:0.08481601736134567	able:0.08435601654389724	time:0.08148629986016341	:0.01
he:0.25202059975552316	I:0.24421434467694186	who:0.09960638944278259	have:0.07312426424647314	they:0.0728061223859535	and:0.06769652624293487	He:0.0672136578393273	she:0.061629449396315136	has:0.05168864601374837	:0.01
the:0.3852091685420713	of:0.15029792416713436	and:0.13361736839571417	a:0.1189103262448572	in:0.050552263420260375	to:0.042450229405257604	for:0.03799538051249682	or:0.036335932445468226	that:0.03463140686674004	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
the:0.23341235727645962	and:0.2106069318629695	of:0.15621602146684543	to:0.1172085908743635	a:0.0899513115910068	for:0.06268825623242863	or:0.04194821672382436	be:0.038993949146293595	was:0.03897436482580857	:0.01
the:0.38642456388553126	a:0.15366480611953978	and:0.1002679214457172	very:0.08312859671643337	so:0.07285503781758104	The:0.064613969003164	is:0.05249573885028277	that:0.03867849693505726	it:0.03787086922669319	:0.01
a:0.5378640342482929	of:0.1642236590911788	the:0.06524419732383643	with:0.05384399760236418	and:0.041116714971730056	make:0.033994772316955184	A:0.03325630344776478	as:0.031537118923850235	in:0.028919202074027376	:0.01
of:0.22004411129413773	in:0.18256830931042983	to:0.16559664579132666	and:0.0876992710116798	that:0.07693376813602147	on:0.07330024934782024	for:0.0717239924124013	by:0.06170123606000536	In:0.05043241663617765	:0.01
and:0.1822878098260988	is:0.131026669336804	in:0.11862748439642651	are:0.11188658441342778	of:0.1052099399141285	to:0.09419717616815035	was:0.08672139729933712	for:0.08537100500203822	be:0.07467193364358883	:0.01
of:0.314425665506603	to:0.17818773956325382	and:0.1743306239154315	in:0.09593468889848934	with:0.06369150251391101	for:0.047910208510977374	that:0.04429508595228765	by:0.03958955759762263	all:0.03163492754142366	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.04553578393787439	of:0.03051332981678091	tbe:0.02261446403444868	in:0.021612439669724332	or:0.020196218295911488	:0.01
and:0.15256848673310486	such:0.14731153053420698	far:0.12073398838609715	described:0.11431547549749879	well:0.11153042844563593	it:0.09638695456056151	is:0.08935355501075025	so:0.0790869381404432	much:0.07871264269170118	:0.01
a:0.27338884202919883	the:0.24905300490089194	an:0.10334739617001905	no:0.10296748550971184	and:0.07845698887407683	this:0.05097674377562499	is:0.050107883288359995	The:0.0448315645996394	any:0.03687009085247731	:0.01
of:0.21058297661381772	the:0.1666442235188285	a:0.14687797212817483	and:0.1389221771909303	to:0.09551224746406703	in:0.06939425697701311	for:0.06497206504287745	be:0.049608605987389344	or:0.047485475076901644	:0.01
of:0.17305733136378593	as:0.17168325326011386	is:0.15140740336541259	with:0.12303684069401372	in:0.08621364376328539	by:0.077522436023017	to:0.07646354134481435	for:0.07263063265376785	was:0.05798491753178924	:0.01
state:0.22660505081407464	number:0.1296107637662262	State:0.12465059569790836	out:0.11690031111249555	matter:0.10335511155368338	line:0.08658414711881186	side:0.07567515669478421	part:0.06598311509059716	people:0.06063574815141872	:0.01
of:0.1739098828514475	in:0.15817066514257155	and:0.1311031774352723	as:0.10855467172057452	to:0.0997692377076418	with:0.09688495082595201	is:0.0848537246117349	for:0.06890492844321996	such:0.06784876126158534	:0.01
it:0.29537518662018836	It:0.22917058036645893	there:0.09030319205053915	he:0.07991795998461586	which:0.07853646262461578	There:0.0747039600498719	that:0.055871936189072276	This:0.04395664598612676	He:0.04216407612851101	:0.01
be:0.7770530399236146	was:0.058171654925307716	been:0.05291790234626575	and:0.02325092207767711	were:0.022440987657425977	is:0.019675619980580275	are:0.01658972012061428	bo:0.01229397844787708	being:0.007606174520637277	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
of:0.3191673155695424	the:0.18933719986691375	and:0.1301676684438881	in:0.06865666261761132	on:0.06074327094858061	to:0.06015145287825365	for:0.05782003662363409	by:0.05255991666050303	with:0.05139647639107299	:0.01
of:0.25919883803158345	the:0.18841275418598943	and:0.12731149531046468	to:0.10264461601135577	was:0.07413436113579476	in:0.07099931091010063	be:0.058394221677393575	<s>:0.05607769843242761	for:0.052826704304890074	:0.01
of:0.389907196452606	in:0.19009555597020075	that:0.09013240421728083	for:0.08640923458062774	to:0.06336771053272985	In:0.06086926616959572	by:0.04058518061296758	and:0.0396390905407446	on:0.02899436092324677	:0.01
and:0.3024842444279261	was:0.14789652250066207	is:0.09596900870974386	be:0.09291209349185649	are:0.07962562552501436	that:0.07617621460107377	it:0.06766289852403745	been:0.06429887727346362	made:0.0629745149462221	:0.01
that:0.33528522446774667	and:0.15101061572564908	as:0.11457829613087989	but:0.10761844767915736	if:0.08648243192623262	which:0.06211562147927721	when:0.06132570892791209	what:0.03627597683936699	where:0.035307676823778035	:0.01
an:0.4008569888627701	the:0.1991200199412355	most:0.15700038993489535	and:0.08344493138241263	more:0.04807113749057419	of:0.027328988833032784	very:0.027189678725580684	all:0.02367376464638499	in:0.02331410018311376	:0.01
of:0.2994368490435469	to:0.1495509891437036	in:0.09350327446748762	for:0.08753648874229963	and:0.08509473402380469	by:0.08416402641277103	that:0.06823158990818118	with:0.06584550963917402	on:0.05663653861903134	:0.01
the:0.2761766043932134	of:0.2710029103784795	and:0.1858148995554059	a:0.056035112321138635	to:0.04298670896045503	by:0.042788442736085175	in:0.042207378459934324	his:0.03803149435972486	The:0.03495644883556294	:0.01
<s>:0.5269112841592032	it.:0.12245629793474531	them.:0.0716656892298435	him.:0.06678560586390085	time.:0.046497614868000456	country.:0.0434122344455541	liver.:0.04077365787389437	day.:0.037749373960999776	life.:0.03374824166385851	:0.01
of:0.13899424466706645	in:0.13834897730455523	was:0.1337516938371819	for:0.1264865426447017	to:0.11093770782253111	is:0.10924902368449649	as:0.10867439826393265	and:0.06555447847045368	with:0.05800293330508086	:0.01
went:0.1693113443875246	go:0.13153589341868868	divided:0.11410829972819031	came:0.10537222122818257	brought:0.10486312796872113	put:0.09706870727178447	taken:0.0916546068690763	enter:0.08862346368096592	come:0.08746233544686606	:0.01
of:0.44353050403421534	in:0.1770585431444035	to:0.06889216525096764	that:0.065469928786359	by:0.05680029915193767	In:0.049028049333583894	for:0.048029864687477594	and:0.04174997867110152	make:0.039440666939954024	:0.01
went:0.17949748064933763	go:0.15454708545878776	came:0.11151278596248963	back:0.09777108854160564	it:0.09728390677389735	out:0.0959887918454101	put:0.09227887075263339	down:0.08367866714280338	come:0.07744132287303518	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
the:0.47911636853392614	and:0.10078480860105794	of:0.0995407933199606	a:0.08696531253960743	in:0.08219915636699002	that:0.04998438521116081	tho:0.03221695525275762	no:0.029856704288588637	any:0.02933551588595079	:0.01
of:0.2351682423147159	with:0.19540987511417424	to:0.16291886983277776	in:0.15500938562368616	and:0.0708805300528	for:0.07018251753291257	by:0.04032102516822701	In:0.03151209352243347	from:0.028597460838272984	:0.01
the:0.3468633825872501	and:0.185182244372835	of:0.15143750927554475	a:0.09844640376854243	to:0.049840675868751294	or:0.04124777339412542	in:0.04088644030696766	that:0.039999410700385894	<s>:0.03609615972559739	:0.01
the:0.3987997587937434	and:0.14213458652192476	of:0.1240253550918833	The:0.09637109089116061	Mr.:0.06397572111697561	that:0.06377831839668578	a:0.04501196542652534	his:0.03024759277849259	tho:0.025655610982608705	:0.01
the:0.29737192723657047	a:0.15876313999357128	in:0.15357007281434745	of:0.1310862369330475	and:0.09367438564526732	In:0.04612387123354795	to:0.03804654296581342	some:0.03626454094801013	by:0.0350992822298244	:0.01
and:0.3054031011748028	of:0.2591732093242181	to:0.10919905934775047	the:0.09503705962118729	for:0.07667761757838627	at:0.04537529692666766	<s>:0.04061049123480896	by:0.03299500826395179	in:0.025529156528226578	:0.01
of:0.2636567515728808	to:0.15113122780848742	in:0.1479964270516225	or:0.1233784104522637	at:0.06630604648303913	by:0.06599250524183468	as:0.06500721369969277	if:0.053771842887151124	that:0.05275957480302792	:0.01
the:0.5972909068334303	a:0.15991958132949474	and:0.05856594746279102	The:0.055512750229212114	to:0.03939234477281326	average:0.02696965308532761	tho:0.02589397622019143	great:0.013489181729809691	or:0.012965658336929824	:0.01
of:0.27947939164573954	in:0.16229837582368573	for:0.1489089918248888	to:0.12844068774985495	with:0.06539901789760698	and:0.06208654949607796	that:0.04921569068844848	by:0.048802088919668696	on:0.04536920595402874	:0.01
of:0.4061718721844182	to:0.12549127481807343	that:0.11646835314454525	by:0.09842653733529987	and:0.0980731300960812	with:0.04982855422007515	for:0.03312161317314034	as:0.03243387979934148	all:0.02998478522902497	:0.01
that:0.27430387700083886	and:0.16403598892792332	which:0.11518182488082547	as:0.10970943498995353	will:0.08409037702491452	when:0.07366135013600315	if:0.05740715955693759	to:0.05691007358965827	shall:0.054699913892945366	:0.01
of:0.41412324201944567	in:0.14760655510293907	to:0.08971566318200533	by:0.07266953364523726	that:0.07024692219685606	with:0.061271235873321284	for:0.053160640547402147	and:0.05219722074512007	In:0.029008986687673082	:0.01
made:0.3028069374576309	and:0.2023193696646394	caused:0.07375981344017991	shown:0.07207509517503563	up:0.0704269184181151	ed:0.07002219172812583	out:0.06751988832599078	taken:0.0665966498616986	done:0.06447313592858381	:0.01
not:0.4688577191558918	and:0.18924018978971102	as:0.09247554589975533	have:0.052854768856249866	has:0.04590408280999223	is:0.045739466816245786	are:0.039708364535284646	had:0.0280160227483158	never:0.02720383938855358	:0.01
<s>:0.3407474958042286	.:0.1439778885135098	and:0.129759594893435	it.:0.08543738615559952	them.:0.06773340173347395	of:0.06043838385297755	him.:0.056937998621923135	boy.:0.05688364179395075	year.:0.04808420863090167	:0.01
the:0.47166512199393806	in:0.13324799048530206	from:0.12939443012213353	and:0.0738491405258037	of:0.07368960993696919	In:0.04380522638468848	tho:0.024111270339283758	to:0.020562922968634937	thence:0.019674287243246297	:0.01
the:0.5153632336780144	and:0.10629592797875416	an:0.07709952514778881	or:0.05647435682987	this:0.05469506334333217	a:0.05396113007817752	The:0.04661243553967538	all:0.04132195426537802	other:0.038176373139009824	:0.01
the:0.3181687892548084	a:0.22920285451554495	some:0.0836144622203483	this:0.07688136437706945	that:0.0700460991399463	short:0.06415895808138343	same:0.05876319174808441	first:0.04912433081824807	any:0.04003994984456659	:0.01
the:0.3331925550671004	of:0.23324804665344157	and:0.12395923476969917	a:0.07928370184843045	Mr.:0.05736952256192118	to:0.047709764127060704	The:0.04417668138726264	in:0.04189710404630304	that:0.029163389538780702	:0.01
it:0.19120376337680295	and:0.14181893477537588	they:0.12842954853076885	which:0.10681691350284597	he:0.1014941219214744	It:0.09453437728173908	that:0.08217827055419533	you:0.07728264721486484	I:0.06624142284193282	:0.01
the:0.31014694642458385	and:0.1813925729617655	of:0.11897508322047748	in:0.09177950457907183	to:0.06476035881673944	for:0.06265243913967722	that:0.061634979391935435	or:0.050305972339911416	be-:0.048352143125837646	:0.01
was:0.18685015249110387	and:0.18377752844597525	is:0.1599337149991438	are:0.12640479524443496	be:0.09074403913107874	been:0.07703178011825772	were:0.06222218080497927	not:0.06099770740345811	or:0.042038101361568186	:0.01
a:0.21530394407101008	and:0.17058216084428857	the:0.14743346768599055	in:0.13273913267794035	of:0.09318771499138594	to:0.07375311665355669	with:0.058730908635865435	from:0.049703115161122066	for:0.04856643927884027	:0.01
that:0.3109907580348074	and:0.2123993260573927	which:0.10309447246561428	as:0.09255059195916751	but:0.07856323752818853	if:0.06691816772391593	If:0.04474375656297877	when:0.044717186182024755	what:0.03602250348591003	:0.01
the:0.39403591422557377	a:0.178255532989571	and:0.11663522046834837	of:0.11381236231991249	in:0.044255175047889665	his:0.041022146258839466	is:0.040987380095915474	are:0.03145977503545613	their:0.029536493558493537	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
that:0.38314639234260467	when:0.13078830405217987	and:0.10494735551057087	which:0.08901523310559767	as:0.07679054931488126	if:0.05540889644007941	where:0.05373268422396405	but:0.05232720105559394	said:0.043843383954528206	:0.01
and:0.20885061360109822	laid:0.11837240659273293	came:0.10692668496277573	break:0.10058019856379745	went:0.09487589062476144	cut:0.09467593185071362	lay:0.09314274115061519	it:0.08711882584070889	way:0.08545670681279649	:0.01
from:0.2439568612486867	and:0.16983161648361403	or:0.11562699606693451	of:0.1003823406048364	writ-:0.08868278699026946	than:0.08164942037256165	to:0.06954208021113506	in:0.06158597506373904	for:0.05874192295822317	:0.01
it:0.21175262889566568	he:0.19014680904145959	It:0.18982028099853918	I:0.10966414085604292	there:0.07299980840495356	He:0.06663726083701502	and:0.05018674089608051	she:0.049644215904146693	which:0.049148114166096796	:0.01
No.:0.19335862831829934	and:0.1567674905590844	the:0.13393812525374674	of:0.1264478384532672	at:0.08881292736526274	.:0.08094643297346762	a:0.08008049067163032	said:0.06664873799122828	to:0.06299932841401343	:0.01
of:0.45286509993282864	to:0.12936772118611853	by:0.10657977973622622	in:0.09104379595603695	that:0.06632290700634372	and:0.045629181529780245	for:0.037115230855319155	with:0.03184667995142131	from:0.029229603845925253	:0.01
and:0.3252014502462526	but:0.16813082620689762	that:0.1543805772522482	as:0.08079247371603897	when:0.06945455259245452	which:0.053589853223421975	if:0.04845131330154542	But:0.0451002118174308	<s>:0.04489874164370969	:0.01
the:0.39290480466516875	a:0.23610696257691166	his:0.11467873110901686	to:0.0786453609423599	their:0.03652731855433972	and:0.03509846666357052	her:0.03292424078169782	this:0.03291713054011832	its:0.03019698416681655	:0.01
the:0.5282104024380401	a:0.15487582492659632	and:0.052670544570598075	his:0.04956413951571344	The:0.043608625615050356	our:0.043471580079210856	their:0.0413224482688138	of:0.03910000727339131	any:0.03717642731258594	:0.01
the:0.40170984053912207	a:0.22308489636130002	of:0.0935904534852006	and:0.08572816836758393	in:0.05365457047712039	their:0.034816648713441804	is:0.03459318198089515	its:0.031973580706929995	The:0.03084865936840599	:0.01
and:0.2011568557429247	the:0.18744675197303373	of:0.1731616281387204	to:0.15124138919800478	in:0.08354581679361892	be:0.06455039164324627	was:0.04426719345022117	a:0.04325789550780316	on:0.04137207755242694	:0.01
of:0.22362295419437211	the:0.18158756637795953	to:0.1460864137401918	at:0.13072307516767093	and:0.09605716040547832	in:0.060093399732947875	by:0.052110636851561226	was:0.05116314938828526	on:0.048555644141533086	:0.01
and:0.3242594410480908	fact:0.15837648616867342	is:0.13964838958627177	so:0.08491370591210644	was:0.06483662652479522	believe:0.05953385141018735	of:0.05801687718994125	say:0.052950810581172555	said:0.04746381157876119	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
be:0.37392481402383526	and:0.22270560043576954	was:0.07569045514518989	been:0.06480514468150966	he:0.06069988082150915	have:0.05702391348393991	are:0.0474661788067968	had:0.044522856561577014	is:0.043161156039872764	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
<s>:0.5326420632855325	it.:0.09270081495704721	of:0.06518779013576816	.:0.057933455059944974	them.:0.05776309194811554	in:0.04992238211322687	time.:0.0473395629453956	day.:0.04714585372280927	country.:0.03936498583215988	:0.01
get:0.1466179279908691	was:0.13816166858847517	and:0.13411725524820045	him:0.10611862598008345	it:0.10231181039389517	them:0.09727726821367766	are:0.09515897845536368	go:0.0876807812405961	come:0.0825556838888391	:0.01
in:0.18668795239499486	to:0.18589197216158518	for:0.15435103442564263	of:0.1489844164504124	and:0.08614830909608812	that:0.06829855752124632	with:0.06045757384562219	as:0.05067561870639265	at:0.04850456539801569	:0.01
and:0.25037799561132223	to:0.19051743664518078	of:0.12818071300755096	the:0.11341275889843262	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.05790590474591629	for:0.056443486992488516	:0.01
I:0.31400247398967157	and:0.18751487211335988	he:0.13956054237853002	He:0.09455995408984418	she:0.06550881303219694	had:0.059958767177705534	have:0.05347378534018144	was:0.03814304623837232	1:0.037277745640137756	:0.01
the:0.4475342301106123	and:0.15501785922981826	of:0.11246895138119493	a:0.10431720578756747	to:0.041039693822787646	his:0.03762771255084141	their:0.032576378966473314	tho:0.029842353854093936	with:0.029575614296610757	:0.01
and:0.18929310138123437	covered:0.16935884120870554	filled:0.14496098815620131	together:0.11493894675974159	charged:0.08927804784918367	it:0.07994316895661391	up:0.07366667277508841	him:0.06832445206581947	them:0.06023578084741164	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
the:0.38121208956051783	a:0.16037526857802756	to:0.1286468698931976	and:0.09816732538189918	of:0.07699567693676992	The:0.04843629063131206	in:0.04269713816676677	his:0.027264819624349023	will:0.026204521227159886	:0.01
of:0.3367242456828014	in:0.14678802062706986	to:0.11364573995622268	for:0.08450211588257417	with:0.07114087352589916	any:0.06981249612903116	that:0.06221661795750614	and:0.057296476444381524	by:0.047873413794513944	:0.01
it:0.2686443497493038	It:0.19660240576767257	which:0.1320695580054355	that:0.08946995431699438	and:0.08477480518149305	there:0.0692905607965462	he:0.05649548061494743	There:0.0557655184153991	who:0.03688736715220826	:0.01
the:0.7405386648505318	The:0.07696582161231906	feet:0.04004467098426235	and:0.035470696788827916	tho:0.029860668599961896	as:0.021093507992011592	bounded:0.017500109514995983	said:0.015032463825535618	tbe:0.013493395831553732	:0.01
he:0.22480229380192834	it:0.17485728277577844	they:0.12397626271710332	I:0.10874733808034656	that:0.09441150165732329	It:0.0934061924792438	we:0.05704965258936926	which:0.05692367062721335	and:0.05582580527169371	:0.01
as:0.188283813505136	according:0.14144678228402477	up:0.13904323060160725	and:0.1096650113200393	went:0.09104380703179268	back:0.08789812106037491	regard:0.08348580619122747	feet:0.07747526592666086	down:0.07165816207913696	:0.01
be:0.217118905994726	he:0.18639953438945736	I:0.18403529071928965	was:0.10480656841771728	are:0.06986086899855004	is:0.06047644695295224	and:0.05717041406345193	were:0.05606228818978585	have:0.05406968227406967	:0.01
in:0.5742701094963092	In:0.1884743944231919	of:0.11047696810755414	to:0.04304260370463654	from:0.01943546695368124	for:0.017731529372511292	by:0.012822187619368165	that:0.012088642096378511	iu:0.011658098226368952	:0.01
is:0.33768438170754517	and:0.17690967621502077	was:0.1557326372748739	are:0.14068662288976458	be:0.04522576586176344	were:0.0412685423446604	Is:0.03904998387031715	not:0.028726010852354083	I:0.024716378983700413	:0.01
<s>:0.44105557104011195	and:0.12098506677207574	it.:0.11229537969270889	them.:0.07872475712049697	him.:0.07704901427237312	?:0.043854047304809816	:0.04070825339761538	country.:0.039287617627415845	years.:0.03604029277239232	:0.01
to:0.5557710995833393	I:0.08600115345656742	not:0.07933061155111115	and:0.07541638381887007	can:0.06275561985832921	will:0.05927238097630477	we:0.02604448048307851	would:0.023072239722670543	could:0.022336030549728908	:0.01
the:0.22013740874126994	his:0.21671876722301672	their:0.21044281389398634	a:0.09498462902209474	our:0.06416720050944683	my:0.0570826202829001	its:0.05526266857539002	her:0.04565029398203997	of:0.025553597769855493	:0.01
of:0.3088714385970811	for:0.14308085889885955	to:0.13199461350833705	in:0.10886798003644835	with:0.09681519586251057	on:0.061595208736402965	about:0.05046042848502921	upon:0.046812249530289146	by:0.04150202634504206	:0.01
of:0.3505949369453091	the:0.2165339977742586	with:0.09889027074417557	in:0.08779183757653115	to:0.05816879388450449	for:0.05585206736100904	a:0.052985589970505925	and:0.04392018866128132	by:0.025262317082424688	:0.01
one:0.17274957462093676	more:0.15830689709340226	on:0.1180870273712836	day:0.11354905359128066	two:0.11347581961369303	person:0.08335828476893935	in:0.08180463954838182	man:0.07974273265284054	law:0.06892597073924195	:0.01
and:0.29169997815308213	was:0.1328703627143118	out:0.08873310066938216	that:0.08746131418060452	placed:0.08440072742047074	work:0.08020079681811661	made:0.07677797059304475	is:0.07472371838239819	up:0.07313203106858901	:0.01
in:0.34352814187007724	the:0.22328966162225722	of:0.12365425758564651	and:0.11329500217583428	In:0.06039378881904307	by:0.04638825202063073	with:0.029432689633462333	a:0.025391456576217733	for:0.024626749696830774	:0.01
of:0.294666428155827	the:0.2137604071240242	in:0.11007945375929594	to:0.09465705707677613	at:0.08462268773428627	and:0.07156295470871141	a:0.044907041499482735	by:0.03884624367114582	from:0.03689772627045055	:0.01
is:0.2524479625653079	ought:0.12100787889195094	are:0.1178352422795325	seems:0.11055594763804424	was:0.09614106152581381	not:0.0941843627106136	said:0.07532254921697497	seemed:0.06249828089648135	as:0.060006714275280794	:0.01
the:0.2702497323995954	too:0.14733651704384326	a:0.14023339677518357	his:0.10027653548829059	any:0.08036480599372553	their:0.06816656861551498	of:0.06369171585513156	be:0.06180710982145338	and:0.057873618007261624	:0.01
a:0.3037333851437197	the:0.27318394032502785	of:0.1396176266166184	and:0.08447124880049493	The:0.04882147910801765	Mr.:0.039849424059312376	by:0.037291722501397645	an:0.03290673653005285	to:0.030124436915358647	:0.01
it:0.35505309117815476	It:0.22568515482115037	which:0.09186997500389063	he:0.07427712557156561	and:0.06860291172058657	that:0.06252393229388647	there:0.04564675615568341	who:0.03881624702318382	This:0.027524806231898343	:0.01
those:0.4611227836672713	men:0.15271263087202785	Those:0.07342833148307995	people:0.06385501573476285	man:0.05986047203846158	one:0.0562553691713981	and:0.05305228165944131	women:0.0369782972068449	persons:0.03273481816671216	:0.01
they:0.22798302023026587	who:0.16027185150635975	which:0.12075617739444382	we:0.10428659505719451	there:0.09339196445267796	you:0.07633570634561965	and:0.07259776617421237	that:0.06829302988942397	They:0.06608388894980216	:0.01
the:0.18022459298833324	and:0.16922109745973024	of:0.15317384757317407	in:0.14232393327708495	to:0.10787380132769393	for:0.08429431185773616	or:0.05932907573932008	that:0.05162987638827767	which:0.041929463388649585	:0.01
is:0.3574591313972601	are:0.2546040045156305	and:0.105904393361248	Is:0.06912993017740088	was:0.0598301205517828	it:0.04228908189114801	not:0.035394869574047846	but:0.034320454695302344	am:0.031068013836179395	:0.01
of:0.21553561003275548	as:0.1402944728994215	to:0.1307301929617101	in:0.12764014142273006	and:0.09051941184536483	with:0.08538569829417554	that:0.07885592353803063	by:0.062161580958379224	such:0.058876968047432476	:0.01
of:0.25347861308790504	and:0.23086447024210013	but:0.10373765171285386	know:0.08027570491198117	to:0.07681170348932287	But:0.06865620483011296	for:0.06087560033719699	And:0.06072833252452497	that:0.054571718864002014	:0.01
the:0.388317898261696	and:0.1398095428951911	a:0.12501391806892453	of:0.10314411956739565	in:0.08268039511025206	to:0.03956399531970186	an:0.039219964315958915	his:0.03639415350602169	was:0.0358560129548584	:0.01
went:0.17949748064933763	go:0.15454708545878776	came:0.11151278596248963	back:0.09777108854160564	it:0.09728390677389735	out:0.0959887918454101	put:0.09227887075263339	down:0.08367866714280338	come:0.07744132287303518	:0.01
nothing:0.22999994403267135	;:0.21058739988529876	it,:0.10183340037460255	anything:0.09037043480988033	them,:0.07785156182449439	time,:0.07737348964271352	and:0.07361031441047886	him,:0.06990752400737783	is:0.058465931012482306	:0.01
and:0.3060416402511869	was:0.1751916416594772	is:0.1371813875319764	be:0.12739828520050125	are:0.07257638677277552	it:0.04467185492522869	were:0.04235597729977616	but:0.04234392169040845	not:0.0422389046686695	:0.01
the:0.3719002326732602	a:0.20471738116330923	and:0.09204566273361835	an:0.0919378946422381	of:0.0662580747321975	that:0.04392737627018058	in:0.04225590691928335	to:0.040994174751741476	The:0.035963296114171095	:0.01
of:0.3471254604275092	in:0.16797031533055742	for:0.13851676992809409	to:0.08807251420763129	that:0.06603540238542202	at:0.05793667415085778	In:0.050440588090517845	and:0.04775029590803555	all:0.026151979571374818	:0.01
of:0.4442470457568019	and:0.10093776245298879	to:0.09854854790813723	that:0.0977222355580028	for:0.07531354723542741	in:0.05423952641813084	by:0.05309656768849486	with:0.03383808663633397	all:0.03205668034568195	:0.01
of:0.27313704154791973	in:0.1419014733196133	and:0.1077682048292964	to:0.10654870133911326	by:0.0855275084141997	with:0.07528875783973456	at:0.0728959315660448	from:0.07246544114557583	that:0.054466939998502245	:0.01
of:0.4476414548458987	in:0.13070748923050043	that:0.08740894385723581	to:0.07662225320510424	on:0.06376204471058321	from:0.0487581547134835	by:0.046647865568989526	In:0.045458458543734384	and:0.0429933353244702	:0.01
of:0.3582541495959591	the:0.28994841854852127	and:0.13010324742318088	in:0.07784906754443188	by:0.035821567961589515	a:0.029085910873762208	from:0.02676219560181173	with:0.022455594246924126	&:0.01971984820381932	:0.01
the:0.35861451900589214	Mr.:0.1291559629555713	of:0.1199072506314825	The:0.10475232618943306	and:0.09673714076044429	that:0.07632406646832235	a:0.04689593712709312	his:0.030747167493934732	Mrs.:0.02686562936782656	:0.01
an:0.42472231522185433	of:0.17669134481134324	in:0.09056440153824209	the:0.06723054412790504	is:0.06141908366078413	and:0.05350481234771232	most:0.0489596071534613	with:0.035198610697916105	are:0.03170928044078143	:0.01
one:0.23143660945522357	out:0.1886425622357583	part:0.14694585910604258	some:0.12367015336334344	that:0.07023736669019377	all:0.06683280619515869	much:0.059800937165185496	and:0.05192741029140557	time:0.05050629549768851	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
the:0.46195921590858946	this:0.08837198148943044	of:0.07428924076448973	our:0.06931742567071178	that:0.06849464789372477	their:0.06367425078493118	and:0.06051951441831317	his:0.05747397681898564	or:0.04589974625082376	:0.01
of:0.3325095250128425	the:0.21624872522542357	in:0.14749715712233827	by:0.14070842207454665	to:0.05446660296032548	In:0.026912586324946135	which:0.02621882949476932	on:0.02536083595519199	that:0.020077315829616107	:0.01
be:0.2890315124833315	was:0.2515337711651928	been:0.1667823892071453	were:0.08361270619119031	is:0.07704624225859023	are:0.04616444222079444	being:0.033156827881470716	and:0.022922749002701432	bo:0.019749359589583307	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
the:0.4637766094010889	of:0.17200536914573555	and:0.08267332403359252	their:0.05323371713534909	American:0.052393429174009264	The:0.04385488567029171	for:0.04271606714208157	his:0.041626813311458656	other:0.03771978498639287	:0.01
was:0.26367371326041844	be:0.20718234182870185	been:0.11778073188860634	were:0.09885171117451036	is:0.09006696160581716	and:0.05823735240999821	have:0.05801244130029418	are:0.051447706499748676	had:0.044747040031904654	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
the:0.407485783381141	a:0.1596154401978923	of:0.10518816452218688	and:0.09988936785929724	to:0.06234148091142625	The:0.047556562764172576	in:0.04173998567005604	on:0.0365448678730611	tho:0.029638346820766503	:0.01
of:0.5751590850514232	in:0.11001726046020477	at:0.06831167490746022	by:0.049405117464160736	on:0.04188416424982872	for:0.041569301968165426	from:0.03599193745411233	the:0.03555440584295581	and:0.03210705260168887	:0.01
in:0.24473212567012678	of:0.22094131389565996	to:0.1724026870473057	and:0.08714906094153864	for:0.07252748225949553	In:0.055480960075716006	that:0.055389464525339493	with:0.04429541017936014	on:0.03708149540545785	:0.01
the:0.7719286545619315	The:0.06801317698530951	tho:0.03877861047276895	take:0.027760551504960786	and:0.02077360629408422	in:0.01935565650157641	no:0.019035141982822697	a:0.012486246910711074	an:0.011868354785834572	:0.01
of:0.2569377681996906	and:0.20949553875823912	the:0.11337438006137047	a:0.09739886352866005	be:0.07217382976012138	to:0.06455561601272865	for:0.06383901251326714	was:0.05617982735871901	is:0.056045163807203736	:0.01
the:0.6258726522664784	a:0.13461756997063534	and:0.07968616292894322	The:0.03448144601513371	this:0.031150419685504766	to:0.0286945160600366	tho:0.027988573922704707	of:0.014598649927972274	in:0.012910009222591003	:0.01
and:0.2266021833101679	was:0.16216519964414217	of:0.1543369517358993	is:0.12506182885118391	nothing:0.07223372324353546	bring:0.06656749485518734	anything:0.06412058257278813	for:0.06252613832323474	talk:0.05638589746386113	:0.01
the:0.30337617970676906	of:0.18860457588018725	and:0.131061740829474	to:0.0977610809207078	a:0.0809566554459928	in:0.055741965423345884	be:0.051143240024298715	was:0.041879765140534715	is:0.03947479662868964	:0.01
the:0.3848969270449203	not:0.25309895436503554	is:0.08049586543360475	The:0.06666606115667228	was:0.061576993344001275	and:0.05014147968100146	are:0.0355566998920736	of:0.03272328629210211	tho:0.0248437327905889	:0.01
a:0.2797854816609396	the:0.26599197443584466	for:0.10714567378631297	of:0.09401216895388162	at:0.08334686559471016	in:0.053015781163285834	and:0.04403143688243319	to:0.03771218877289838	an:0.024958428749693486	:0.01
and:0.2096297155861575	was:0.1520140123783156	be:0.13720913671539012	is:0.1307795145086627	are:0.10360936316411633	that:0.07186814696636759	were:0.06422451240194267	been:0.06135078891920281	now:0.059314809359844595	:0.01
June:0.2210432118089667	May:0.1537942016863379	lot:0.14766459283415273	April:0.10061574667812988	July:0.09254960444275098	No.:0.08534087877353261	block:0.06980365199635778	March:0.06524573752646246	degrees:0.05394237425330895	:0.01
the:0.41638160344204006	this:0.1614572017094959	a:0.1442263060442631	and:0.08291548388040809	to:0.06661788695831265	of:0.049488960806484426	in:0.02566612534370919	that:0.023459847312739892	tho:0.019786584502546795	:0.01
the:0.23535211658783367	and:0.184410827637978	of:0.14827791658709305	to:0.1316388961335419	a:0.09207523093102991	at:0.06274845552226836	in:0.05545902915066156	for:0.042674663661472906	with:0.03736286378812061	:0.01
the:0.5641585648754471	a:0.1657282558529933	this:0.06313610677515098	tho:0.041727532327802186	of:0.038386583055011	and:0.03453214859682832	The:0.033375263676519766	further:0.024536855069797477	to:0.024418689770449906	:0.01
the:0.2885930082027725	of:0.176566445622439	a:0.12380099638058098	to:0.10274053766955328	and:0.0921597664603577	be:0.0664805226347077	in:0.04958752016343719	is:0.0472461089247686	not:0.042825093941383084	:0.01
;:0.22090971489875216	nothing:0.13508905867316984	him,:0.12034140628641936	it,:0.11744676133304667	is:0.09832858975925854	time,:0.09794524362026055	,:0.07436224406698601	them,:0.06570893480216523	years,:0.05986804655994145	:0.01
to:0.7175975378452749	will:0.061780720449698935	they:0.03632379609787156	and:0.03339926409158078	would:0.03099500946465296	I:0.03043041468276375	can:0.030228210954803263	we:0.027555734382007712	not:0.021689312031346022	:0.01
of:0.1967262681522903	to:0.17995568406480406	a:0.11830846527681116	and:0.11286120760037656	in:0.09332756853241463	-:0.07538792844467677	with:0.07426292663995743	the:0.07286978517181965	by:0.06630016611684934	:0.01
to:0.3010286378598682	and:0.20724594162951251	of:0.11561430117577179	the:0.08949931874126585	in:0.06780950692820928	is:0.05678672479774324	I:0.05395775487226536	for:0.04939417435915029	not:0.04866363963621349	:0.01
<s>:0.19370573250836023	was:0.1846160430653249	and:0.17445700558366514	be:0.09160528748611195	is:0.0775693532612169	were:0.07571791958485419	are:0.06533047471872337	of:0.06410594964815133	that:0.062892234143592	:0.01
the:0.2957934211703416	and:0.17829974806025145	a:0.11120121411009788	of:0.1094386458477421	to:0.07601497745217398	in:0.07049417060565859	that:0.060667206248489175	which:0.04611317825119543	I:0.041977438254049766	:0.01
the:0.34508501425567206	of:0.16266816293145908	and:0.13629283892285132	a:0.12645122949039092	to:0.05573611797138499	in:0.052345230850229005	or:0.039164202322313504	be:0.03614317882740619	was:0.03611402442829299	:0.01
and:0.2769765094247291	is:0.13343672535386078	fact:0.12049192203067935	of:0.10838690988686077	so:0.08136822349520989	said:0.07823430477057063	was:0.06646959704616158	in:0.0662113341319289	to:0.058424473859998986	:0.01
the:0.5043040552563905	a:0.2690288037820719	and:0.06083826622689409	of:0.03292949735055351	A:0.0276004578063515	tho:0.02603310477147359	to:0.025931389553503586	this:0.023169431752089843	one:0.02016499350067138	:0.01
the:0.5462903785468984	this:0.20578600326088425	a:0.053299689067487235	that:0.03834926190790172	tho:0.03827129208587691	said:0.03523459725627686	The:0.027634950556194856	and:0.02546584993524287	our:0.019667977383237077	:0.01
that:0.23288747505779356	<s>:0.15050375950803124	and:0.1404429331730941	as:0.13578285782450045	but:0.09861233429831269	it.:0.08561888994175046	which:0.06481575728039769	of:0.043552177702961714	them.:0.037783815213158024	:0.01
the:0.2434308456948775	and:0.16178693456557883	of:0.13887751795222011	to:0.1244772705341572	a:0.11336884681343598	be:0.058183940614252486	is:0.050746831112712124	in:0.049860590702662695	was:0.04926722201010304	:0.01
sum:0.18676829411122214	number:0.1566486321513545	line:0.11140081741272478	city:0.10844765106291132	out:0.10739005474369737	day:0.09286734076326106	county:0.08286139477536687	amount:0.07384405151900511	Board:0.06977176346045691	:0.01
well:0.21321257425074597	known:0.18330231372211864	soon:0.17017982311130794	far:0.13451377472303216	and:0.1048509904369157	long:0.061630441159448365	such:0.04848962176196868	just:0.03999506790086283	much:0.03382539293359975	:0.01
to:0.2620983149693371	and:0.19664402247129265	the:0.18720703494025467	of:0.14061051340842873	in:0.0675925481954826	a:0.03867755248806961	<s>:0.03389464108121401	not:0.032510411574388075	that:0.03076496087153255	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
<s>:0.5005106735791185	it.:0.09062148122954747	them.:0.07632145170323432	that:0.06972594576121889	of:0.06561412537368248	and:0.05653818277026904	country.:0.047164017746533754	:0.04219361411544786	him.:0.041310507720947805	:0.01
be:0.2717447517507942	had:0.16087082851473505	been:0.1269992362981192	was:0.11704649829384148	have:0.10162157972969856	has:0.08218571632145412	were:0.060031009150698526	and:0.036635614496601264	is:0.032864765444057566	:0.01
the:0.3637862498816657	a:0.21333735890955294	of:0.11938361029879672	and:0.09079444971177679	an:0.054007976767852565	in:0.049892453393319734	to:0.03892322299178406	The:0.03280063010467199	for:0.02707404794057939	:0.01
virtue:0.25311183237842694	one:0.13783951179045356	out:0.13781151302830075	part:0.09564158558656302	pursuance:0.08911439945977417	result:0.07412670930619976	all:0.07128278395402766	tion:0.06738851371312382	means:0.06368315078313053	:0.01
the:0.4343241969026635	of:0.19576822582717138	an:0.12049794931559972	and:0.07001113101641554	in:0.04349757747113633	The:0.042157873024257296	by:0.033429278703822334	tho:0.027446802728643208	with:0.022866965010290827	:0.01
and:0.24532520474320918	there:0.16610954869774408	to:0.09978975004131933	of:0.09355438019991526	he:0.08378054166971792	the:0.08004285057775641	or:0.0773676272776924	I:0.07606268748147998	is:0.06796740931116546	:0.01
and:0.25037799561132223	to:0.19051743664518078	of:0.12818071300755096	the:0.11341275889843262	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.05790590474591629	for:0.056443486992488516	:0.01
the:0.2934620670631731	of:0.21415933326674222	and:0.15945002087278182	to:0.06780370218056996	that:0.06419988100345986	The:0.06058387775262814	in:0.05834616193645579	which:0.03917179644278348	or:0.032823159481405344	:0.01
is:0.19233156028604598	be:0.1854202262511825	of:0.14203865239185298	was:0.12496261907610492	and:0.09620578661819473	to:0.0733901455354962	with:0.06381489541656042	in:0.06253345775820213	on:0.04930265666636007	:0.01
as:0.6356453028689231	so:0.1315698162344852	and:0.06999578326294505	of:0.041737574106885854	the:0.02895378758731796	is:0.028778043763741497	very:0.022128089028091862	a:0.01646784309055135	be:0.014723760057058286	:0.01
the:0.39473079875481726	a:0.36530197691077304	this:0.04976688531581892	The:0.0368400214989565	of:0.036762369128170165	other:0.034638212523173444	and:0.02654959174477046	any:0.025939864178417805	tho:0.019470279945102354	:0.01
the:0.29854557202464377	and:0.1745190950987386	of:0.1577593822396738	that:0.12083926351875786	in:0.06834174670401257	The:0.046248470501835864	which:0.04414875418318485	a:0.04010688611046934	Mr.:0.03949082961868327	:0.01
as:0.188283813505136	according:0.14144678228402477	up:0.13904323060160725	and:0.1096650113200393	went:0.09104380703179268	back:0.08789812106037491	regard:0.08348580619122747	feet:0.07747526592666086	down:0.07165816207913696	:0.01
the:0.3218467846617874	of:0.1828529761416146	and:0.12322074209476627	a:0.09674086771067118	to:0.08641160396374101	in:0.07838572027910778	be:0.037796708679456885	for:0.032157504111148996	was:0.03058709235770576	:0.01
that:0.3638524356877592	and:0.15369924519388334	which:0.12768578918824794	when:0.08607683089641556	as:0.08491224547045492	if:0.06144565617336053	but:0.039229712329972036	where:0.03865375303894699	what:0.03444433202095934	:0.01
the:0.3964158310720499	and:0.14386851798936642	to:0.13697737447523992	a:0.07574386805539975	of:0.07108221834166828	as:0.058304293161447085	The:0.04417946768269074	will:0.03857371958645976	tho:0.02485470963567823	:0.01
the:0.35208098744397653	this:0.12295541275176576	their:0.12192228872907745	of:0.09555719392444653	our:0.08656457186438785	an:0.061265966797715884	its:0.0611909224351855	his:0.0479134195291258	other:0.04054923652431855	:0.01
of:0.2614601984426354	in:0.1947231627503227	a:0.11147293089154182	to:0.1041314465834719	the:0.10355412467872022	and:0.0740723771075453	for:0.05647649760657318	In:0.048171010042384166	with:0.035938251896805315	:0.01
the:0.8008687468308723	this:0.07453931813598909	tho:0.025774307581053067	immediate:0.024788129470191506	a:0.02215370077300058	and:0.017086380047930342	The:0.011584781744342248	tbe:0.007980998629553076	Judicial:0.005223636787067952	:0.01
of:0.29358947036125255	in:0.18028893126427098	to:0.10680980249507932	with:0.0905644470002478	on:0.08044527243799857	by:0.07461474740538869	from:0.06746986323674065	and:0.054387515618892324	upon:0.041829950180129256	:0.01
of:0.19579587323139583	the:0.19395389185426093	and:0.16899936873910912	to:0.1686660786573742	at:0.10575040280666638	for:0.04431057738162859	a:0.039519240929562965	with:0.03780386594142345	in:0.03520070045857849	:0.01
and:0.25037799561132223	to:0.19051743664518078	of:0.12818071300755096	the:0.11341275889843262	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.05790590474591629	for:0.056443486992488516	:0.01
the:0.34824457419377536	a:0.20638620984221684	his:0.12061345256831978	and:0.09487511633645063	my:0.048508861875475755	this:0.047055969056696095	her:0.04485175082585197	first:0.04263773617531889	to:0.036826329125894765	:0.01
that:0.27090077704556653	and:0.15312651985456757	as:0.1398764939095341	if:0.10480914098291425	which:0.08509535294613804	when:0.07026929768141071	what:0.0666540725084102	but:0.05952297669560378	where:0.03974536837585485	:0.01
.:0.25096843058720336	a:0.1437279154736	to:0.12374641141211976	of:0.1121417293794318	-:0.1096874210815358	and:0.08991166889379734	re-:0.060164233899785896	the:0.05834541151685317	re:0.041306777755672784	:0.01
and:0.33081637437181655	that:0.18663433312929112	as:0.1468766342561219	but:0.09049276739006624	for:0.06107736729664157	to:0.05247568661285873	which:0.04091998054191725	the:0.04085326277048429	after:0.039853593630802424	:0.01
the:0.43163178421515525	in:0.1380419332132659	of:0.09686569914511103	a:0.09401065627996194	this:0.06386353898876498	his:0.05936762326884718	for:0.03878101017826875	at:0.03411790998923082	their:0.0333198447213942	:0.01
feet:0.16618278997649644	went:0.1384014858800663	and:0.12471628821229154	as:0.1025384996934169	up:0.10141755333275869	10:0.10035676626157641	go:0.09312648607067545	20:0.08356466352949747	chains:0.07969546704322088	:0.01
went:0.17949748064933763	go:0.15454708545878776	came:0.11151278596248963	back:0.09777108854160564	it:0.09728390677389735	out:0.0959887918454101	put:0.09227887075263339	down:0.08367866714280338	come:0.07744132287303518	:0.01
the:0.35861451900589214	Mr.:0.1291559629555713	of:0.1199072506314825	The:0.10475232618943306	and:0.09673714076044429	that:0.07632406646832235	a:0.04689593712709312	his:0.030747167493934732	Mrs.:0.02686562936782656	:0.01
is:0.17652196505802809	to:0.15961665892124027	of:0.11942784628081327	was:0.11394569552862639	with:0.10846363464426437	in:0.09014626345923862	and:0.07962055625732645	for:0.0749621396044917	as:0.06729524024597096	:0.01
to:0.5400853091156731	will:0.12416605448473314	not:0.07997277840040475	and:0.06422607826459381	would:0.061697606082652116	should:0.040309375092622106	shall:0.035786935730003806	can:0.02231868884530372	must:0.02143717398401348	:0.01
to:0.6791451020271427	and:0.07278855207224438	will:0.049153204896759166	can:0.04055602483759928	could:0.03499879849987971	not:0.0337336464821516	we:0.029844931680776045	should:0.026624228607426043	cannot:0.023155510896021136	:0.01
<s>:0.5746497061070784	it.:0.09773453705682687	.:0.05994067619907831	them.:0.05373846632082932	him.:0.05033299440965587	::0.04707292658911218	and:0.03869022051035123	day.:0.03713865829015961	time.:0.030701814516908094	:0.01
and:0.25037799561132223	to:0.19051743664518078	of:0.12818071300755096	the:0.11341275889843262	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.05790590474591629	for:0.056443486992488516	:0.01
and:0.298968348635794	of:0.1549830536219306	the:0.13121332077777068	to:0.0915481741186812	that:0.0841344243737663	in:0.06445423111974354	<s>:0.05909200052233126	he:0.05433530829034257	as:0.051271138539639785	:0.01
number:0.18152159739230292	line:0.16121117495408868	point:0.11117329959800062	matter:0.10140844259769216	out:0.09297286837390435	city:0.09076659792771734	amount:0.08992503502141458	City:0.08103768267653222	place:0.07998330145834712	:0.01
his:0.31082846524681734	the:0.18487570350983606	her:0.12197517737554386	His:0.11884493702467755	my:0.08228333382068308	The:0.06465863928655446	My:0.04035095407221875	that:0.03897754604534052	their:0.02720524361832844	:0.01
the:0.288596836910037	at:0.24291862660133798	to:0.12369926315640715	not:0.08403102074973806	be:0.07863323372809819	such:0.05344092551114534	was:0.049185680429811356	At:0.03668556946114326	and:0.03280884345228162	:0.01
and:0.1890865088020148	is:0.16061519310642494	was:0.15964068311588664	of:0.10251057803718078	it:0.08794708738555246	not:0.07793050540591427	be:0.07350879305105391	are:0.06945256323221169	a:0.06930808786376069	:0.01
not:0.2273210083955094	I:0.18247748462072674	they:0.13949221590278948	we:0.13130354854768578	you:0.09635400691965765	who:0.08215185924455015	and:0.05178384004207285	to:0.04654044311016043	We:0.03257559321684764	:0.01
the:0.43198463274749477	of:0.18669028292162093	in:0.13759398136820367	from:0.05582055320220045	The:0.043703751119055834	for:0.035296565850209176	and:0.03427661919136939	at:0.032350951109331755	to:0.03228266249051418	:0.01
that:0.14897497609355853	for:0.14830937760580712	if:0.1342013078771077	If:0.12491313819937509	and:0.11820985164690974	to:0.10250083755311871	as:0.09366941029187145	do:0.0660560156236025	of:0.05316508510864921	:0.01
the:0.6802306223141784	The:0.1011424171140648	not:0.053068615448810946	could:0.02752780254145217	can:0.026654299530012148	a:0.02618619965466014	would:0.025752546819194786	will:0.025321630986898644	tho:0.024115865590727866	:0.01
for:0.7862656967888645	of:0.07499487260437258	in:0.029687571464067475	to:0.02357464052007675	For:0.020514554185547162	lor:0.01683553600109947	during:0.015323850032143121	at:0.011415358822478645	and:0.01138791958135022	:0.01
the:0.6563915160770953	a:0.07288820030776197	this:0.05643092098417384	and:0.0479611213020283	tho:0.04735553108720452	The:0.03487379029642561	of:0.03429393482307554	in:0.021045210556021363	his:0.018759774566213597	:0.01
it:0.1702214845556965	they:0.15591350450650712	he:0.15190683051973636	and:0.11985792875723772	we:0.09160059825879129	who:0.08446327981471452	I:0.08278110221198125	you:0.07545826629279101	which:0.05779700508254446	:0.01
and:0.26276554424049875	well:0.1716573563828568	regarded:0.10215108442096364	him:0.0868823661881788	known:0.08594969760882572	soon:0.07468266047506814	it:0.07254659441566476	is:0.06743217334715046	but:0.06593252292079284	:0.01
two:0.14438252928372816	three:0.1353566304423379	100:0.12136646626934358	six:0.11882276193090932	hundred:0.11551279482781028	four:0.10050932427566261	ten:0.09076278268122646	five:0.08858232001378086	twenty:0.07470439027520091	:0.01
of:0.1586224136498121	and:0.15751333905624854	to:0.15637447451180364	the:0.14620390380107715	in:0.12953211612277396	a:0.06776996118423509	was:0.06062990956871154	is:0.06058567911506543	for:0.052768202990272496	:0.01
to:0.6526546198468366	can:0.0687334037220296	could:0.05678034158012565	will:0.054255816072601215	not:0.05060670973077578	and:0.041624884224726696	would:0.02404576834974643	I:0.020764831577517205	you:0.020533624895640853	:0.01
and:0.2802179654686675	together:0.1758166248157109	covered:0.10720042995908448	him:0.0945742991305398	up:0.08880677792452797	it:0.06615739106357522	met:0.06358405713054324	them:0.06162417438012567	but:0.052018280127225286	:0.01
for:0.17070972159869613	of:0.15877062316752827	as:0.14850344188682743	and:0.1115633186292219	to:0.09623724601086134	is:0.09278473393176213	in:0.08371137069398875	with:0.06725823365684398	was:0.060461310424269867	:0.01
to:0.22563234363069315	will:0.22041694700639705	may:0.12204106584161117	should:0.0951960522966825	can:0.08543953488536969	shall:0.08358193707014082	would:0.05737932216511839	must:0.05028775440608979	could:0.050025042697897405	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
of:0.252967565088427	to:0.2154020023337419	in:0.14937112723645735	and:0.08007959789935278	with:0.06727550951784919	for:0.0606393522367563	at:0.0578196829521757	reserves:0.056755137889726436	have:0.049690024845513464	:0.01
<s>:0.5110837831478915	it.:0.10591587410404915	them.:0.06556402642527305	of:0.0622565729654287	year.:0.05373681688641709	country.:0.05146140292246742	day.:0.05045562743425347	.:0.0470631131053213	time.:0.04246278300889839	:0.01
the:0.39597646298535133	a:0.2590742407878742	The:0.0740583720376373	of:0.07296546104535365	and:0.05712011441225637	an:0.044191631653084915	that:0.030255240569779473	A:0.029995791420603567	tho:0.02636268508805903	:0.01
and:0.17305165894018004	those:0.1438320847226602	to:0.13444259183429658	of:0.1052235234717092	have:0.10198035438011073	who:0.09895354033058207	had:0.0969508251544563	<s>:0.07912636101130145	all:0.0564390601547034	:0.01
of:0.3996771517906563	and:0.19058556544080044	are:0.07705140302183235	is:0.07303795858705053	now:0.06562128403313866	by:0.053596599590132334	after:0.04995715584206587	in:0.04206008930413845	was:0.03841279239018503	:0.01
of:0.33406129049648303	to:0.12049264072633425	with:0.09633362852888781	and:0.09396454797791812	is:0.0864883967561169	in:0.0822609231078955	that:0.0614306243867531	by:0.05763121689138671	for:0.05733673112822466	:0.01
last:0.2801827409820454	the:0.27499712784998354	a:0.13601061679839652	this:0.08840490192650835	one:0.06528613122612527	next:0.05372086778748645	past:0.03888989766336936	fiscal:0.029469572476922855	each:0.023038143289162316	:0.01
time:0.15566278078848733	able:0.1398948734142897	and:0.12678988520483597	right:0.10141430028820066	him:0.1004356252715333	enough:0.09858737005057427	began:0.091623640265747	brought:0.08972574954861298	them:0.08586577516771882	:0.01
the:0.2885930082027725	of:0.176566445622439	a:0.12380099638058098	to:0.10274053766955328	and:0.0921597664603577	be:0.0664805226347077	in:0.04958752016343719	is:0.0472461089247686	not:0.042825093941383084	:0.01
<s>:0.4337217910641288	him.:0.11416120427912035	it.:0.1108713596001359	them.:0.0791472925799007	.:0.07198213982731959	time.:0.04848072194324511	her.:0.046659331165386966	country.:0.042750867433196275	him:0.042225292107566294	:0.01
a:0.258375153614547	so:0.21204397014417578	feet:0.15618664675848035	the:0.08997457789642418	very:0.08288716458686339	too:0.05206436374317814	inches:0.04748497342524908	as:0.04646793915255796	was:0.044515210678524215	:0.01
and:0.167673560168984	him:0.1302595889239382	want:0.12288405280822055	able:0.11252456763525272	is:0.10177603532893541	enough:0.0984888624868362	have:0.0913390951102543	me:0.08613098450363033	necessary:0.07892325303394836	:0.01
they:0.17831927564623218	we:0.17273777927866288	you:0.16448997700905407	I:0.15677256758826996	he:0.12927290002304892	who:0.04944007898238881	that:0.047864165071815665	and:0.0464328702742206	it:0.044670386126306985	:0.01
it:0.17762734552515122	he:0.17449845244454026	It:0.134624216190051	which:0.1301248291128506	I:0.1184651307984914	that:0.06961143258757324	and:0.06412281842942417	He:0.06310059069501396	she:0.05782518421690425	:0.01
the:0.7513966655967409	an:0.06524064230553944	general:0.036577968278540145	The:0.035089840430715225	tho:0.031857519019257506	primary:0.025070368201687492	tbe:0.016764798752734206	said:0.014429565211006854	special:0.013572632203778265	:0.01
enough:0.1460197688707853	and:0.14132991299633987	able:0.12532103140904757	order:0.12087521672134159	is:0.10659187402439463	as:0.09839282102201653	him:0.08820021934353602	necessary:0.08667027383264259	unable:0.07659888177989588	:0.01
the:0.3224852564672679	this:0.2848279540121546	his:0.09088106918864729	that:0.06859700697630083	first:0.05947118118695923	same:0.04797143455841141	taken:0.04065417182474257	on:0.038616192981846424	took:0.03649573280366982	:0.01
to:0.3115779785998547	the:0.25445912315831576	an:0.15673116512892965	this:0.1092343325527088	will:0.04859246070837092	and:0.03846238124191415	said:0.02664250705256175	"An:0.02259192329233408	a:0.021708128265010094	:0.01
that:0.3829073819218592	and:0.2496945871995927	but:0.08277960045876116	which:0.053143026871893394	where:0.052957582158777224	if:0.05012989018668232	as:0.041969171355469306	But:0.038252978402390767	If:0.03816578144457387	:0.01
.:0.1392279501999177	J.:0.13850984816996784	W.:0.13644002638496386	John:0.12722644650937187	A.:0.11425203367917354	Mrs.:0.09514124562980834	C.:0.09009912562999603	H.:0.08255340455504658	and:0.06654991924175427	:0.01
to:0.23623897422479576	and:0.2352025128649053	that:0.12486401567005125	the:0.09916907040381041	for:0.07189098396118507	in:0.06610968687308817	of:0.06599731755439714	not:0.04535997756914464	was:0.045167460878622306	:0.01
in:0.12881920758372975	men:0.12525593333204027	it:0.11504619395810067	out:0.1142991007066338	work:0.10521850972395008	him:0.10477842397844724	time:0.10336837779003064	life:0.09745591042716664	up:0.09575834249990069	:0.01
the:0.2802538226534029	a:0.27372181802996604	of:0.09646448633978631	and:0.09552322148492187	to:0.07517658226949613	in:0.05807135463602967	an:0.049740965428047665	at:0.031675316821225145	his:0.029372432337124468	:0.01
<s>:0.28581204860846615	.:0.1820478182444699	happiness.:0.12745510989536307	and:0.09309999871663532	the:0.08002636785268098	Mr.:0.07420513092080146	it.:0.07028646180921286	them.:0.042042428641990266	It.:0.03502463531038002	:0.01
of:0.4928230624306507	in:0.1484991966243883	to:0.14297980167643906	that:0.053717847580126425	by:0.04841873530353787	for:0.029434087346714603	with:0.02578344631937115	and:0.024455805311680522	from:0.023888017407091268	:0.01
and:0.29538761890386145	was:0.1642849013116615	is:0.11706638838186677	up:0.07776716508545513	it:0.0755910625150025	made:0.06655680901265408	put:0.06578409847025993	placed:0.06489134807601944	that:0.06267060824321909	:0.01
of:0.39996366288592233	to:0.15327128333500406	and:0.0840254194039802	by:0.07829726650577441	that:0.0757391324221618	on:0.06937728173963718	for:0.04845732759576014	with:0.04269058515967191	in:0.038178040952087954	:0.01
and:0.28108071784865973	was:0.14358519258147776	Beginning:0.11745285744056688	week:0.10716354225737156	three:0.08555819906535748	is:0.06644781159551098	died:0.06438025072466787	him:0.0643167674852656	are:0.060014661001121995	:0.01
part:0.19767579779515332	one:0.1824979699918124	and:0.13190180526759404	some:0.09787971802455478	out:0.09500345386664945	that:0.07937632955810345	all:0.07701371227327215	tion:0.07260343763242269	sum:0.05604777559043748	:0.01
the:0.7063597871049953	The:0.05592275979628083	county:0.03858876364462427	supreme:0.0331943429167895	tho:0.032618002639231106	this:0.03224793050278178	said:0.032098855682139785	district:0.029711076079828154	a:0.029258481633329343	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
to:0.3801713410396947	will:0.16905314483498002	would:0.09527916658290728	may:0.08675332896552816	should:0.06283728370881102	shall:0.06007446359778352	not:0.056307515032875996	must:0.039927651800072135	can:0.03959610443734722	:0.01
a:0.27316882656435365	the:0.24816337124217977	and:0.1152438429860691	his:0.09900852943399387	of:0.06556754730404526	that:0.05325053789405491	The:0.05026022886292446	this:0.0488515153039918	A:0.036485600408387164	:0.01
<s>:0.25795803400281275	it.:0.17782248725211414	them.:0.1731830925064709	country.:0.07516321782276782	time.:0.07142776604802187	him.:0.06879685793027346	years.:0.06534320505341516	life.:0.05347687505714646	us.:0.04682846432697746	:0.01
of:0.36574387743179815	the:0.19148039564893038	in:0.10879873406394881	to:0.07457299330423822	by:0.0602568811589694	for:0.05574237237616319	a:0.045307489928109734	from:0.04469009300219155	on:0.04340716308565069	:0.01
to:0.43987135620660284	with:0.14341109430400395	for:0.12171489089860105	of:0.10768175951943222	upon:0.04642919938884369	from:0.04081734906034253	by:0.03384210822569269	at:0.029614524170431738	against:0.02661771822604929	:0.01
and:0.2682983319507874	recorded:0.10717905104111182	was:0.10263907629409649	made:0.09927630384100071	that:0.09842569549211198	o'clock:0.08895025276229458	up:0.08173084504592748	is:0.07240199994443215	found:0.07109844362823738	:0.01
that:0.3633125191022738	and:0.26881304627489866	but:0.09646765035613755	it:0.09140226651686262	which:0.041803014299511665	you:0.0340527730531229	But:0.03338986625050933	as:0.03119076814313071	And:0.029568096003552688	:0.01
and:0.4457828178275244	that:0.19091917482233461	but:0.12328168369100928	or:0.052012138185843	time:0.0508333823323753	But:0.04747100858370933	And:0.03046273316674989	and,:0.027589754747500188	day:0.021647306642954212	:0.01
the:0.23489368643808747	of:0.1714199085704589	and:0.1509222110889926	a:0.10125325371681405	to:0.08978991230211596	be:0.07036792028887345	in:0.06850275987811559	was:0.06545509613683564	is:0.0373952515797062	:0.01
the:0.2974502811850691	of:0.22091422415753312	to:0.09236837889488791	boy.:0.0741306415053232	and:0.06960437249933987	girl.:0.06679148007921792	a:0.06486805677156715	in:0.05550313372308324	for:0.0483694311839784	:0.01
hundred:0.1631051995366529	;:0.13365936507111423	him:0.11732615948902901	one:0.10942603140040551	feet:0.1079334711744123	up:0.10029179877010728	mile:0.09005038552425722	feet,:0.08590382326179402	time:0.08230376577222771	:0.01
there:0.27377509960426527	There:0.16312392626375546	they:0.1537220868088326	who:0.07732674436178921	we:0.07672548322279757	and:0.06888585179835426	They:0.061341714846239424	you:0.058158760192323834	which:0.056940332901642486	:0.01
a:0.5457636047808747	the:0.1499912955564929	very:0.06714039325639999	but:0.053047814505814056	of:0.04486003364879763	and:0.03921229272247331	A:0.033676518519295234	is:0.031618990685933955	with:0.02468905632391808	:0.01
of:0.23523573071735665	to:0.16373804253060628	by:0.10711432698719912	for:0.10536828077806205	in:0.09479430437296586	and:0.09281097724266077	that:0.08241008769378606	with:0.06900475209603335	as:0.03952349758132967	:0.01
and:0.3164398147339952	of:0.13042297808603187	to:0.10777396796221878	that:0.09506889648252974	if:0.08209740359802994	for:0.06980223701177851	but:0.06864786925467725	in:0.06539099142665573	when:0.05435584144408322	:0.01
of:0.2568653809167087	the:0.23720654925062004	and:0.1261435111823251	to:0.1029002157012919	that:0.07368081103024293	a:0.06608129371629808	in:0.05432830348477382	by:0.036799851043810984	for:0.03599408367392851	:0.01
they:0.14207626132042198	he:0.1351553922413973	you:0.13476136368382954	and:0.13253674001681537	it:0.11637525472254857	which:0.10650266999951664	that:0.08466591977888142	who:0.0795193541399761	we:0.058407044096612855	:0.01
the:0.3855781960216026	a:0.21268594083628015	and:0.07975285578985927	of:0.0713879542645184	his:0.05873644444180367	their:0.05799973725835293	any:0.056610869866155614	to:0.03591815773357298	with:0.031329843787854306	:0.01
one:0.17274957462093676	more:0.15830689709340226	on:0.1180870273712836	day:0.11354905359128066	two:0.11347581961369303	person:0.08335828476893935	in:0.08180463954838182	man:0.07974273265284054	law:0.06892597073924195	:0.01
the:0.37003832012200133	to:0.17089294104989344	and:0.152646597902936	The:0.09849868194356427	will:0.05981641820362998	that:0.04257945043435721	this:0.03712503753410519	we:0.030107157166151262	they:0.028295395643361244	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
of:0.3780792177605675	in:0.194985544429122	to:0.09815102664330343	for:0.08412539104438392	and:0.06080115343644394	with:0.056786595856860626	on:0.04175421759841497	by:0.04032843021249388	that:0.03498842301840974	:0.01
the:0.2669182079528096	of:0.19935127368247924	in:0.14671180063154057	and:0.11423449389500549	to:0.07979405890733765	a:0.07002364648363375	In:0.03848058891348218	by:0.03808495901237362	for:0.036400970521338026	:0.01
and:0.17698954323271562	carried:0.14364574788573167	put:0.12007207057577557	called:0.10882712339598391	go:0.09260315426035658	was:0.09211780912159469	went:0.09124788169333649	brought:0.08802696159390681	going:0.07646970824059864	:0.01
and:0.22495042531125606	at:0.16325206122272432	a:0.13354675216715467	No.:0.11431073242117487	of:0.08097775980295481	about:0.08065460031066674	the:0.0752175344698032	in:0.06033576839482704	lot:0.05675436589943835	:0.01
the:0.4518206639878282	young:0.09025339046831114	business:0.0858980874091237	of:0.07951288218755648	and:0.07697367293443744	The:0.06404560654490159	two:0.05920558130876997	many:0.04279706394276691	by:0.0394930512163045	:0.01
is:0.2524479625653079	ought:0.12100787889195094	are:0.1178352422795325	seems:0.11055594763804424	was:0.09614106152581381	not:0.0941843627106136	said:0.07532254921697497	seemed:0.06249828089648135	as:0.060006714275280794	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
well:0.21133768707045347	far:0.15439074705362435	and:0.15358787576361066	so:0.1391815202584963	such:0.08299064184289429	soon:0.07593993505425392	long:0.06597764632296645	known:0.054156049319331274	just:0.05243789731436922	:0.01
and:0.2428307614897583	to:0.21756566658293053	of:0.1595349771527866	that:0.09803680050019652	as:0.06620493545612387	it:0.06206940288208998	or:0.04988026097410581	is:0.04702662609906993	have:0.046850568862938445	:0.01
was:0.2592424251425947	and:0.14070207469830937	were:0.13866268446166766	be:0.13076996172313665	been:0.12574184474386998	are:0.0658841640111351	is:0.05226200064289263	being:0.03860579278480936	had:0.038129051791584545	:0.01
and:0.35666389530419573	or:0.18991146236573975	that:0.10235579520512855	but:0.09731835952775165	not:0.08788064872058443	for:0.04316401004005189	But:0.04022831374858808	is:0.03651282562155435	be:0.035964689466405374	:0.01
I:0.1799708323511334	we:0.14880410816094847	they:0.14051839814205852	who:0.12444211970473239	to:0.11105863749572348	would:0.10562934512377055	We:0.06373547795003104	you:0.058887003949302026	and:0.05695407712230023	:0.01
the:0.4122297696543624	this:0.23127671748620127	of:0.0659069619689527	to:0.06490145115092659	said:0.06026002456528674	supreme:0.054576986683433054	district:0.044774811150863604	a:0.029169467626933173	in:0.02690380971304059	:0.01
and:0.2682983319507874	recorded:0.10717905104111182	was:0.10263907629409649	made:0.09927630384100071	that:0.09842569549211198	o'clock:0.08895025276229458	up:0.08173084504592748	is:0.07240199994443215	found:0.07109844362823738	:0.01
in:0.17277663068708587	up:0.12724324468799583	men:0.1135099520167039	him:0.10351651903755123	them:0.09851576166637334	out:0.09824713336545808	it:0.0975592041736511	it,:0.09710511366915911	work:0.08152644069602162	:0.01
is:0.20743558986804408	was:0.15730821201198023	and:0.14873283722979996	that:0.1288165912552976	had:0.08675225883875808	be:0.08654229198178091	have:0.07433190035425168	but:0.059799972821547975	are:0.04028034563853958	:0.01
be:0.20318074163432068	was:0.18100290189147286	and:0.15446129146824514	been:0.11006060645686006	is:0.10368971627447869	are:0.06424698463602314	were:0.0636301636417311	the:0.05504923569835977	he:0.0546783582985086	:0.01
the:0.6046659658241189	to:0.14382141527270131	not:0.04663930024948619	The:0.046308913378517495	a:0.043752863662170634	and:0.037868427299244105	will:0.02387375516131721	tho:0.02192216650005467	or:0.02114719265238956	:0.01
the:0.2934620670631731	of:0.21415933326674222	and:0.15945002087278182	to:0.06780370218056996	that:0.06419988100345986	The:0.06058387775262814	in:0.05834616193645579	which:0.03917179644278348	or:0.032823159481405344	:0.01
and:0.26376455416670863	he:0.18613952474339404	He:0.11662245855313373	who:0.09726987756383168	which:0.07383330581041611	It:0.07073541168293554	it:0.06692896634421677	be:0.06035763095294901	was:0.05434827018241453	:0.01
the:0.3264084987209587	and:0.2971408172659985	it:0.07200029482402799	that:0.06829164997907226	It:0.0634506385267764	of:0.061930238772980324	was:0.036251023035320365	he:0.033565394291894445	The:0.030961444582971058	:0.01
as:0.188283813505136	according:0.14144678228402477	up:0.13904323060160725	and:0.1096650113200393	went:0.09104380703179268	back:0.08789812106037491	regard:0.08348580619122747	feet:0.07747526592666086	down:0.07165816207913696	:0.01
<s>:0.583505355460324	it.:0.10356303004041502	them.:0.06418451551161519	country.:0.04605004884351036	time.:0.04583172828909788	year.:0.04061372537462404	.:0.03938347276933957	him.:0.03393914885066151	day.:0.032928974860412547	:0.01
and:0.14030927533472712	of:0.13773289726642785	about:0.1347930034695813	to:0.13219007556166829	or:0.10571137991678191	at:0.10555389678794123	the:0.10201769609807299	for:0.07036829395332714	from:0.06132348161147203	:0.01
men:0.16781911217192322	city:0.14921016930679415	gold:0.10418839181420948	county:0.1018157313043151	right:0.0998272720263226	life:0.09728649488321439	York:0.09101614683685398	rights:0.0895615408659786	out:0.08927514079038845	:0.01
the:0.28333922029629466	of:0.27408750792262254	and:0.13215074064612797	in:0.06480510317627966	a:0.05925029363487509	to:0.05894571859055752	for:0.05104176219589186	at:0.041556588450447865	with:0.02482306508690272	:0.01
of:0.31662382482780055	the:0.1882228432280848	in:0.11578788137479394	and:0.09407676728996123	that:0.0748891728352496	to:0.06204412499286629	The:0.052928240553401264	for:0.045864762222283736	Mr.:0.039562382675558685	:0.01
the:0.546264012492491	a:0.1400374358886578	oppo-:0.07543620258552304	one:0.055900735407191295	and:0.052171749859244484	The:0.045696374838562766	tho:0.03178903908859795	of:0.02497509694881098	county:0.01772935289092062	:0.01
the:0.7681156155024754	a:0.06340440157005062	tho:0.0292761695737795	The:0.028794440344905775	large:0.0244824422193083	further:0.021404461068682556	this:0.020724499372017823	principal:0.017944100313008093	said:0.015853870035771933	:0.01
hundred:0.38841378645436947	up:0.09123185635738856	men:0.08930224671194738	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.07306411117914521	him:0.0668423327581923	;:0.06651424040074755	due:0.06192290086804839	:0.01
the:0.32344792120366006	and:0.1357498396866892	a:0.12045919366652863	of:0.11144736938601565	to:0.10819936268192318	so:0.05485077267885555	is:0.05113804921283257	in:0.04560258755074352	be:0.03910490393275158	:0.01
the:0.357049484551998	and:0.19569839124732868	of:0.17066785543405627	The:0.11172442877965486	that:0.042779005993718346	these:0.03153273173181317	a:0.028047350814569477	or:0.027399312475863045	to:0.02510143897099813	:0.01
the:0.4697080538038114	and:0.1218057466042571	The:0.08067089932008512	a:0.07127930149868016	our:0.06379006817601253	other:0.04951822118571131	public:0.04502794354901489	an:0.04421407593883786	his:0.043985689923589665	:0.01
the:0.6945456306808825	The:0.08412912924162984	a:0.07560275395280033	in:0.03597678907600068	tho:0.03344089666191904	and:0.020783507242490576	of:0.019569905026699263	tbe:0.01344367030242485	this:0.012507717815152777	:0.01
is:0.19083983064751897	was:0.18453859701795416	the:0.16536986722395094	be:0.14990027266226666	and:0.08274024975999349	been:0.0729730585250275	as:0.05381468203831982	are:0.05232111648910035	now:0.03750232563586808	:0.01
and:0.22755681361843408	of:0.19835713573838598	the:0.1750661188511791	to:0.07855314553146202	for:0.06714821591926587	a:0.06638766281106359	that:0.06195441710685245	which:0.06002681078592803	or:0.05494967963742877	:0.01
the:0.27170244539899724	of:0.13553221023184733	a:0.1325119392078589	and:0.1248713240427205	in:0.09359373228192124	to:0.0879574660727095	for:0.06799142990720153	was:0.039515643483712226	<s>:0.03632380937303151	:0.01
the:0.34170127421390223	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093987	to:0.07847171568184984	in:0.05339647102682973	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
and:0.28165882755693256	down:0.11846415154417117	him:0.10232904159872841	it:0.09227024777774305	called:0.08335496573739469	put:0.08151740630487017	look:0.07849609619490824	back:0.07684314622734768	placed:0.07506611705790406	:0.01
the:0.20223508035378646	of:0.15827021492450863	a:0.13001279601466728	for:0.11951431697602496	to:0.11423274079522643	in:0.10900017796673617	and:0.07258074019928411	at:0.05523731030933446	In:0.028916622460431602	:0.01
the:0.26798906505893305	a:0.19588610296962408	of:0.15782454701830737	in:0.09881590805245287	to:0.0887530756168551	and:0.0857906983199698	an:0.047691702558638166	for:0.02501584661349954	that:0.022233053791719727	:0.01
of:0.34599350562550457	in:0.22286072671964585	to:0.09257939502708111	that:0.08108541225859207	and:0.055648663044841465	for:0.05381171592040426	by:0.05251186726083456	In:0.05053674613429885	with:0.034971968008797254	:0.01
and:0.17741699447357417	is:0.16095028133651929	or:0.15226223017979384	be:0.1250095621018527	was:0.1002398282129908	are:0.07263814658679284	the:0.06948068270681834	no:0.06928371487098064	much:0.06271855953067723	:0.01
as:0.288759339132235	and:0.14933458933744412	is:0.11610934878202264	a:0.09744587581618099	the:0.08556438198067817	any:0.07693077256828977	or:0.06197305024709744	no:0.061441577670149454	it:0.05244106446590238	:0.01
and:0.18784336682063274	as:0.15114329179679575	went:0.11423878004667351	him:0.10666558228731272	them:0.09110223752457794	up:0.08733803455919152	is:0.08689480544253657	go:0.08340199801381315	able:0.08137190350846597	:0.01
the:0.32439601973335297	a:0.24374019905158195	of:0.1148859154931119	and:0.10212572913548452	very:0.06472995190919276	as:0.039761105915803195	his:0.0346598742687042	in:0.03461227866170642	with:0.031088925831062014	:0.01
that:0.37173986799646414	which:0.11851866647349128	and:0.1179912000849509	if:0.0777986441061909	as:0.07513205183763351	but:0.06614765438119004	where:0.06504322807420475	when:0.06191137432388363	If:0.035717312721991044	:0.01
I:0.18111315506235512	they:0.1705068793460772	he:0.1544007608315955	we:0.13928946620092075	it:0.13891187155032086	you:0.07120339168108022	and:0.05666961288805396	It:0.04118081126764634	she:0.03672405117195023	:0.01
<s>:0.4448140032971379	it.:0.11254294596734299	him.:0.08139571779827029	them.:0.07830339587395749	time.:0.07570024384723849	year.:0.053182087188462325	country.:0.04962817263164076	city.:0.04734517427285355	day.:0.04708825912309643	:0.01
was:0.1786612570236735	been:0.1515031660520099	be:0.1464009147006889	and:0.12952731439332058	are:0.08854298616197949	is:0.08784284837300897	have:0.07280779608190129	were:0.07280394661059578	had:0.061909770602821684	:0.01
to:0.16527415368823622	of:0.15163470414033967	is:0.12799931644888748	with:0.11271020050200418	in:0.1002027474430371	and:0.09265471470086295	for:0.08347938497849014	by:0.0793041085518617	was:0.07674066954628063	:0.01
the:0.3272056954570342	a:0.18477656750392707	of:0.1468302525592924	and:0.0949642716735493	as:0.05421684241348194	his:0.05223018208944234	their:0.050410503178954916	two:0.04154017094984671	many:0.037825514174471095	:0.01
of:0.21078558763234392	the:0.20842765526696122	to:0.13887167799035063	and:0.12778685583151203	a:0.1091373003205655	for:0.05902381088567373	at:0.04799174049315133	in:0.04773418421567474	that:0.04024118736376696	:0.01
and:0.26113813610723585	made:0.1968494543792684	or:0.0994177224842505	caused:0.0798166497881157	that:0.07692711090973736	accompanied:0.07525294783963392	ed:0.06782937948600389	was:0.06683813876463457	done:0.0659304602411198	:0.01
one:0.4080654729164819	time:0.13942813092473208	and:0.13326600195220298	day:0.08795152884113072	that:0.051633499581523405	man:0.048044964598506996	part:0.042867811013645216	out:0.04112457502711564	One:0.03761801514466092	:0.01
above:0.45926532053966423	man:0.16808687352317758	be:0.06815384558166178	and:0.06495549052579748	was:0.05994355167644412	he:0.047871291666378005	the:0.04606983439650105	been:0.038281745621711084	last:0.037372046468664696	:0.01
of:0.29330704832504534	at:0.1768631540271319	the:0.16430098271614715	to:0.09786193691669799	and:0.07679549800032127	by:0.06804250676173129	in:0.04318129461578404	from:0.03715048258973436	a:0.03249709604740668	:0.01
and:0.20793249787317952	or:0.17240450807505406	not:0.15415505803569837	will:0.1034459425058177	would:0.08396882063765256	can:0.07690200289455752	could:0.072267051653714	that:0.07020936186705319	may:0.04871475645727312	:0.01
and:0.20933764877887598	to:0.18447184383785295	of:0.13535820614721444	the:0.12968779946872766	in:0.11646632397220946	a:0.09478450971219356	or:0.046399245229358344	on:0.0368907632196112	that:0.036603659633956426	:0.01
of:0.1804543805069557	to:0.1747026357974531	the:0.15749425223258814	and:0.15345542519140226	be:0.09235457882182141	a:0.07340216453377851	was:0.06625041891181835	re-:0.045984937709827485	for:0.045901206294354936	:0.01
w:0.44230265256869317	the:0.18554642329989476	and:0.10534878826707275	a:0.0905685737789238	of:0.0646335374506621	The:0.028366162386658345	was:0.028051466441065872	at:0.02367779605781007	\\\\\\\\:0.02150459974921917	:0.01
the:0.29801862990913136	a:0.2880657935896966	and:0.11198115276797027	of:0.07577557537890846	that:0.05379314825470493	with:0.047246561019866046	be:0.04705842595509553	to:0.03496011521056557	was:0.03310059791406122	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.04553578393787439	of:0.03051332981678091	tbe:0.02261446403444868	in:0.021612439669724332	or:0.020196218295911488	:0.01
the:0.5839749658752826	a:0.1763124218636756	his:0.050054862414581576	The:0.038690161158496425	tho:0.03411990244743658	of:0.03168103947072295	that:0.030802461003161523	any:0.025051670346329998	whole:0.019312515420312825	:0.01
a:0.29758910663305543	the:0.27423539380877837	any:0.11748842211131855	that:0.08968490661350283	this:0.05472192640486378	every:0.0465843682137706	greater:0.044608758332540806	latter:0.034305529520777776	no:0.03078158836139183	:0.01
that:0.30511050006395996	and:0.22596048419566925	as:0.11460968130685811	which:0.10292121837816895	but:0.07370461080564003	if:0.05552503957185023	when:0.04977548796890032	If:0.038483804578932454	what:0.023909173130020556	:0.01
put:0.2504041317564993	and:0.13521143006497224	of:0.10240390119938353	as:0.09332042384668736	get:0.08653786461405065	for:0.08519574650501902	threw:0.08420403939850812	make:0.0776256184904104	take:0.0750968441244695	:0.01
as:0.16321151633630748	went:0.13687784674521616	feet:0.1292515054894342	and:0.12600256629526668	up:0.1006482393802751	back:0.0875832478282291	according:0.08659168328952851	sent:0.08102701537690699	returned:0.07880637925883563	:0.01
the:0.32577977883643167	of:0.1886998309649103	and:0.16240343730877954	to:0.08416537232496525	in:0.05743937958564402	a:0.054463734595108955	by:0.04724223179553346	his:0.03701079136818399	.:0.03279544322044283	:0.01
I:0.2972347413548833	we:0.15967374438190088	they:0.15880401414132644	We:0.10767922019127865	who:0.0681692146331263	to:0.06119250296084093	and:0.0512316825320449	you:0.04880768913955729	They:0.03720719066504116	:0.01
the:0.6337331662659316	and:0.100385275269275	of:0.04502915812563193	in:0.0446265384225453	The:0.04052682497589725	tho:0.03890434100479111	a:0.0367021526749023	to:0.027326210880625385	on:0.022766332380400437	:0.01
the:0.5749256792574733	The:0.1621251137016118	of:0.06672887389079628	a:0.04757901749146755	tho:0.03671550078765646	and:0.03597209798200984	his:0.02652015362290321	that:0.024143534183321345	our:0.015290029082760236	:0.01
the:0.29245074416437333	a:0.2618477043632468	and:0.11020848622914839	of:0.09629057222831493	to:0.0657944783354701	with:0.047525839468174194	in:0.04044728520393329	for:0.04044625332689828	The:0.034988636680440714	:0.01
the:0.4413000003383425	a:0.1976239129756115	to:0.16690011693933993	of:0.04771196806104025	and:0.03148021963133957	an:0.02835831557055002	tho:0.02797163378149162	this:0.026600855183562463	The:0.022052977518722035	:0.01
be:0.18502113540679233	was:0.17375076238292433	he:0.15360034822965601	and:0.13981388607025885	been:0.09195437565998706	had:0.08219918217208706	were:0.07167035465302939	have:0.046637513224963116	is:0.04535244220030185	:0.01
the:0.1999351968462817	was:0.13693807513707712	all:0.12558976881364087	at:0.09569888475761353	be:0.09543663812901991	to:0.094361726852632	is:0.08684344590178339	it:0.0851665669830138	not:0.07002969657893747	:0.01
one:0.36040224094090445	out:0.1496660877975815	part:0.0936189887898829	some:0.09135203551233695	that:0.06281502273201092	all:0.06145907941317102	and:0.05786204965912905	members:0.056815712214499964	side:0.05600878294048292	:0.01
and:0.1963495442075019	conferred:0.11543927975842605	called:0.11395210976679036	put:0.10843280749663994	look:0.10453234261893221	imposed:0.09687308869159797	bestowed:0.0864056772940659	depend:0.08480181580087783	looked:0.08321333436516769	:0.01
the:0.258143014803106	of:0.1612880397670364	to:0.1302464478056886	and:0.10316247757896187	for:0.09123775444534481	in:0.08854106396523044	be:0.06805737146379903	a:0.044832349475458555	was:0.04449148069537423	:0.01
the:0.3485470988632809	to:0.2402251821043593	not:0.10146217243431188	and:0.07897434062184558	The:0.05936231671764701	will:0.059180998976934615	would:0.036396438328334384	may:0.034486229056645994	of:0.03136522289664038	:0.01
the:0.33225162371278527	of:0.20816191304124815	and:0.12338915408188575	to:0.08841793648083197	a:0.0863019593005303	in:0.04487303042914528	their:0.0404570225884113	his:0.03519214540688972	be:0.030955214958272397	:0.01
the:0.33658451815935386	and:0.2249113213258449	of:0.11012501276889929	two:0.08392341417400957	these:0.06889069923733661	for:0.04754569285360584	all:0.041241517576264056	as:0.03969188689300062	a:0.037085937011685145	:0.01
the:0.319043605732782	of:0.1731591707614373	and:0.12534789090235723	to:0.0964738623652757	a:0.06334210630031534	his:0.05388570381727439	their:0.053878498318420856	be:0.05312243736196244	in:0.051746724440174474	:0.01
I:0.20918863154893394	who:0.1310793743224185	they:0.12817582206896383	to:0.11790970375236762	would:0.10804552271005682	we:0.09090176433733185	which:0.0879323723546506	and:0.07650504490667118	you:0.040261763998605704	:0.01
a:0.2589983384734151	as:0.1755223456850415	the:0.129601241766951	is:0.10322085411639388	and:0.07604627554503071	very:0.07234179445542122	are:0.061151019198877624	pretty:0.05706976278975053	was:0.05604836796911839	:0.01
hundred:0.38841378645436947	up:0.09123185635738856	men:0.08930224671194738	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.07306411117914521	him:0.0668423327581923	;:0.06651424040074755	due:0.06192290086804839	:0.01
the:0.6898256339896465	Court:0.13236510059502696	The:0.06236658702753112	tho:0.028629720948519892	White:0.028012532066536238	tbe:0.01502238528160568	Opera:0.014048244854071317	a:0.010692044989225168	School:0.00903775024783689	:0.01
the:0.49713493549810694	a:0.24060837771956722	and:0.088418233460823	of:0.05124899171998488	The:0.05008992480553858	tho:0.017665771495837142	in:0.01653713316071298	any:0.015614942096657407	or:0.01268169004277195	:0.01
<s>:0.47484719090244576	it.:0.1269228089497306	.:0.09344381830294952	them.:0.07500500265610735	him.:0.05850491336918987	time.:0.05212407903284545	day.:0.039210635906966725	work.:0.035742604288776895	her.:0.034198946590987746	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
that:0.3104531273672929	and:0.2741619673879975	but:0.09278721838768438	as:0.0809731518512709	if:0.06685178796096648	which:0.04741835803803108	If:0.04282012299873716	where:0.03994928580268349	But:0.034584980205336124	:0.01
the:0.7037950160891491	The:0.14519848361784315	tho:0.04784856890378056	a:0.03157658162670801	First:0.016059406572382574	tbe:0.01598519483445372	A:0.01072135763883664	of:0.010155294327674732	our:0.008660096389171625	:0.01
of:0.23817198602954937	and:0.23415746017761663	in:0.1159835339547378	to:0.10227189079610366	fact:0.07859923495468527	said:0.06648519540808896	on:0.0596758126790623	all:0.04959175794549596	is:0.045063128054659965	:0.01
and:0.18162378161506837	has:0.15032884804530597	be:0.1280804998332988	have:0.12478936844945697	he:0.11752924616354087	had:0.09461461977914569	was:0.07266614531512908	I:0.06700941340996258	is:0.05335807738909168	:0.01
of:0.4439364679462198	to:0.1327278794129317	on:0.12173973430790583	in:0.11002353315245327	from:0.047085843684287323	by:0.045102110833240755	at:0.03327153872075578	along:0.029934554152629005	with:0.026178337789576542	:0.01
and:0.2682983319507874	recorded:0.10717905104111182	was:0.10263907629409649	made:0.09927630384100071	that:0.09842569549211198	o'clock:0.08895025276229458	up:0.08173084504592748	is:0.07240199994443215	found:0.07109844362823738	:0.01
of:0.2886113791558929	in:0.15610996318840475	to:0.1083560011813985	and:0.10040482766659063	for:0.09511327146660105	that:0.06852252828812351	with:0.06568413843089252	from:0.05459065693146907	at:0.052607233690627066	:0.01
one:0.2617741089986468	out:0.15556960502827208	part:0.13008893117226905	some:0.11334280627319533	time:0.07945996676975539	account:0.07275376099225171	all:0.06506597645229725	and:0.0565737601528326	that:0.05537108416047968	:0.01
the:0.2974502811850691	of:0.22091422415753312	to:0.09236837889488791	boy.:0.0741306415053232	and:0.06960437249933987	girl.:0.06679148007921792	a:0.06486805677156715	in:0.05550313372308324	for:0.0483694311839784	:0.01
it:0.2602933463206855	there:0.14822319293947891	It:0.13196436136428402	which:0.11581767029202342	they:0.08952698954231514	that:0.07758736314856882	and:0.07379772084395009	he:0.04666991240312073	There:0.04611944314557337	:0.01
time:0.5919944645781805	out:0.06296107006826819	in:0.054985261221022076	it:0.05325271860697411	up:0.04903106805230426	work:0.0462460371906491	good:0.04475890787873727	principal:0.04421298228966877	law:0.04255749011419571	:0.01
of:0.2735900659577961	the:0.15557694486545462	and:0.12432954580218314	a:0.11720381974340095	to:0.10415057097770922	in:0.08233958509752284	was:0.045557072074220245	with:0.04364711895288105	is:0.04360527652883189	:0.01
it:0.22923910640386372	It:0.2169656170215026	This:0.15216872378118323	which:0.0937113430805337	that:0.08236996073179681	this:0.07426658989754333	and:0.053275560998039914	there:0.04840760209046867	he:0.03959549599506813	:0.01
the:0.3723938701553325	and:0.15252833185564207	a:0.12925361082443607	of:0.11797169073378394	to:0.06141982616461163	The:0.04915650662481892	in:0.045040880042659305	tho:0.03117913162739798	Mr.:0.03105615197131758	:0.01
sum:0.18676829411122214	number:0.1566486321513545	line:0.11140081741272478	city:0.10844765106291132	out:0.10739005474369737	day:0.09286734076326106	county:0.08286139477536687	amount:0.07384405151900511	Board:0.06977176346045691	:0.01
and:0.41223516640000274	be:0.09400929347229837	is:0.09035721271075918	or:0.07803572941374047	but:0.07465629031969132	it:0.07354979128024322	was:0.05835100540802543	done:0.05681626270243204	do:0.051989248292807294	:0.01
is:0.19360874356912927	was:0.1438323593143901	are:0.12186296434341747	did:0.11746438789983728	do:0.10721052931890085	could:0.08616034692945326	and:0.07546047057592253	does:0.07227133429734381	will:0.07212886375160546	:0.01
of:0.3214622928270117	the:0.14447353482064126	and:0.11376054908175101	.:0.11016467046665314	<s>:0.06622108515580956	by:0.06431167607191798	Mrs.:0.057974733650948636	Miss:0.0565394911742623	at:0.05509196675100433	:0.01
the:0.4961791293235501	of:0.18236658148623608	The:0.15233615871042272	a:0.050672919207234	and:0.03677013666558736	tho:0.034473976155783834	that:0.013435051122348485	no:0.013078333966798587	this:0.010687713362038782	:0.01
person:0.23641619329197927	and:0.2067856846304986	one:0.11900372046499412	man:0.08756447463949887	her:0.08591286735334898	those:0.07911911546266036	him:0.063690603280523	me:0.056642864321220045	men:0.05486447655527664	:0.01
to:0.7183702520397999	will:0.06895061969504034	and:0.06553866856612693	shall:0.028794206694115854	would:0.02364177585124151	may:0.022696575873127744	not:0.02088321438695479	can:0.020785557984118883	could:0.020339128909474022	:0.01
and:0.21095364795944505	them:0.16062316455640196	wait:0.15946601217664838	there:0.12643459318061934	it:0.08249021134953011	time:0.07240793162413774	him:0.07136155968627446	that:0.054659652128114536	not:0.05160322733882829	:0.01
a:0.3467012755736888	the:0.2592173028436591	of:0.07668741351212968	and:0.07591252292538848	at:0.05052269503904611	to:0.0498980789169052	for:0.04460955387233091	any:0.04329076293270846	that:0.04316039438414308	:0.01
the:0.20168857637172033	and:0.17254624703116744	of:0.1389602569016378	a:0.1189067043693272	to:0.10939402491767265	in:0.07118472440917285	be:0.063597145991794	was:0.05899266549291904	are:0.054729654514588714	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
of:0.29245588880289897	and:0.15263623240684157	in:0.09972535047526912	that:0.09861943001223791	to:0.09669741158261747	for:0.07205026808476299	with:0.07023488041735687	all:0.054405930055396665	by:0.05317460816261842	:0.01
of:0.31497422397432856	to:0.19356902504184087	and:0.11738975359995071	in:0.09545503649809564	with:0.08477375936646728	for:0.04998447249954994	that:0.04767401906961615	on:0.044488872793178785	by:0.041690837156972006	:0.01
;:0.20953252095776806	it,:0.11451281996419217	him:0.11252660622910599	one:0.10399558216214487	in:0.10038399485273586	and:0.09216727949281207	,:0.08702126563998025	it:0.08638247894281384	up:0.08347745175844686	:0.01
hundred:0.450373836510824	two:0.2965856373613473	one:0.08912120339507258	three:0.03917361539714593	feet:0.02581770139278996	wife:0.023664759890540406	dred:0.022204539564696743	four:0.021657121900225573	and:0.021401584587357386	:0.01
to:0.4738117869173522	of:0.16848026767133994	in:0.08499475716174686	at:0.0648644892285466	for:0.05157107304210266	with:0.04601273530711243	by:0.04306436801378493	and:0.029692803600283358	from:0.02750771905773094	:0.01
get:0.1466179279908691	was:0.13816166858847517	and:0.13411725524820045	him:0.10611862598008345	it:0.10231181039389517	them:0.09727726821367766	are:0.09515897845536368	go:0.0876807812405961	come:0.0825556838888391	:0.01
that:0.2645269961521401	which:0.15654287900726552	and:0.13544022327477653	when:0.13485729002233723	as:0.08744057019638542	if:0.07105107268516458	where:0.053062832789026834	but:0.047712344496191564	what:0.03936579137671224	:0.01
an:0.61059906605084	the:0.18946883443684678	no:0.03919315743451599	and:0.036062944924029935	this:0.03423017881146352	his:0.022849377737004097	An:0.020803680994816155	The:0.01961267032834095	of:0.017180089282142548	:0.01
the:0.6479839257347579	a:0.10978707218643535	The:0.07925296436464185	an:0.058653627890709305	tho:0.051448730548403626	tbe:0.013161362057877317	our:0.011696369119269056	this:0.010531513243404608	A:0.0074844348545010176	:0.01
more:0.22723773170335068	one:0.1306465105607213	day:0.1282013877221788	person:0.11341647927608782	action:0.08273334620167307	law:0.08265783364403671	right:0.07693785241133318	interest:0.07546609385136689	vein:0.07270276462925168	:0.01
the:0.2939330367192752	of:0.20983856200263154	a:0.14647093040160097	to:0.11641851221372061	and:0.06731560481824338	in:0.05889733642992766	The:0.04111696699651957	that:0.032868297819317764	for:0.023140752598763123	:0.01
the:0.2538758585495353	and:0.16573125040311912	of:0.1322054249707381	be:0.11122463475364036	to:0.10941947712111583	a:0.09084119012214988	in:0.04622357018091931	or:0.041318048156020054	is:0.03916054574276228	:0.01
of:0.2259884777378865	in:0.1279502676123141	as:0.10803511903377902	with:0.10289676309994414	to:0.10092096777749439	is:0.0958816162923596	and:0.08543175696245596	was:0.07364376919960383	for:0.06925126228416238	:0.01
the:0.2381125393020202	and:0.21298609019688153	of:0.1677512719197857	a:0.07614902944589673	I:0.06674463324137764	be:0.05865049511510522	that:0.05765571731457276	was:0.056675430565427065	he:0.05527479289893307	:0.01
the:0.27004892961346216	1st:0.1510986315068078	first:0.12513779671039008	a:0.1037870356043818	25th:0.08044042951759474	7th:0.06850863141428767	10th:0.0652308917143553	12th:0.06469097803790061	21st:0.06105667588081993	:0.01
and:0.29169997815308213	was:0.1328703627143118	out:0.08873310066938216	that:0.08746131418060452	placed:0.08440072742047074	work:0.08020079681811661	made:0.07677797059304475	is:0.07472371838239819	up:0.07313203106858901	:0.01
to:0.28089270737708916	would:0.18800571901838511	will:0.10844419530381862	I:0.08765456966136302	who:0.07394233476095444	they:0.0720845561732877	we:0.0717402141837285	not:0.05421425267734988	and:0.053021450844023564	:0.01
the:0.31831830517620724	of:0.1801669198523678	a:0.12357808363194665	and:0.11162715168076927	to:0.06825442853179328	an:0.05910347991306476	by:0.05167367629183202	be:0.03981214208192876	his:0.03746581284009017	:0.01
so:0.3732405929559096	as:0.21313445627744404	too:0.1163056276063509	very:0.1095416568177494	how:0.06081075726440399	is:0.03479724488453581	be:0.033020455209429936	and:0.026983390115996365	not:0.02216581886817987	:0.01
and:0.3055363129800782	fact:0.12550783983641292	say:0.12539062555997577	know:0.10559250754601	believe:0.07741479680653449	said:0.07522192313395108	all:0.061314112884881804	so:0.05993708106556356	think:0.05408480018659214	:0.01
in:0.20345496226247656	;:0.17695854283381698	Under:0.17163420516011307	given,:0.09453327128477791	him,:0.07130837865540353	them,:0.06915994318530759	,:0.0689132427611452	up:0.06728634748145537	thereof,:0.06675110637550359	:0.01
one:0.2457922824415998	some:0.12651763903370483	all:0.1063314735857588	part:0.09632247957245753	that:0.09369220667048933	any:0.08692369179179713	portion:0.0857717869118884	out:0.08012909935448609	many:0.06851934063781807	:0.01
to:0.3069439243007917	will:0.25272329990659664	may:0.09698835025602731	would:0.08384587021412693	shall:0.06993135132050336	should:0.05877015844630124	must:0.043812754013929624	not:0.04110562021759732	can:0.035878671324125797	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
the:0.304222416321658	of:0.2783640062590916	in:0.1127591562231371	to:0.06960703922280702	and:0.06476560466453268	by:0.04302903991785493	said:0.04035238550236661	on:0.03954345626792779	a:0.03735689562062433	:0.01
he:0.2551306972236114	it:0.12821709378760415	It:0.1180101798349114	He:0.10544259584283643	I:0.0966585942242573	who:0.0920127527752696	she:0.08273940215952444	that:0.05689213167785443	which:0.05489655247413082	:0.01
is:0.5639674022852337	are:0.2313014203244959	was:0.06773553730857054	Is:0.06280146195850081	and:0.0312094885025049	la:0.009316210349037658	were:0.008521921336567559	it:0.008317754311050392	arc:0.006828803624038722	:0.01
of:0.327024091358148	to:0.15597511842030626	in:0.12103256372564263	by:0.0817284420414219	for:0.08070253231082726	with:0.06453007890300058	and:0.06113568406501349	that:0.055289803085023674	from:0.042581686090616196	:0.01
in:0.21318660546642726	for:0.18278527504286687	of:0.1746559009532644	within:0.09270317324720144	and:0.08112620763954174	only:0.07401156421911753	In:0.06727676343538885	with:0.05638982722093511	is:0.047864682775256746	:0.01
and:0.2973329013726261	of:0.18334922430859374	to:0.17278360866860015	the:0.08534755073368087	thence:0.06471383461311861	at:0.05787926122813849	.:0.05394065937303889	a:0.04002047279458586	1:0.0346324869076172	:0.01
and:0.1944372923421487	together:0.18064694998584138	connected:0.14784638791688007	connection:0.1448086892096974	accordance:0.11050849290477427	comply:0.06045119551015317	acquainted:0.053914338376547646	compared:0.051495838323954046	contact:0.04589081543000345	:0.01
it:0.1942576512666023	It:0.15648430663796364	This:0.12328362131432567	which:0.12017717855384884	there:0.10623079393180143	that:0.09480540104319608	Nor:0.07292312079991044	and:0.06331951207661092	what:0.05851841437574073	:0.01
of:0.21012453380957336	in:0.15654776417337166	to:0.14044725780488357	as:0.09492835849820333	at:0.08859363282602137	with:0.08315885113777308	and:0.07743998195471087	such:0.07137220520046862	for:0.067387414594994	:0.01
covered:0.21090863546868174	filled:0.17878278755921287	and:0.17545089244499773	him:0.08034688654285997	together:0.07952147427527038	up:0.0754908458402802	loaded:0.0681667755054602	parallel:0.06098946169855012	charged:0.06034224066468666	:0.01
of:0.2514704767404328	the:0.16814733049790664	and:0.1418116900465125	about:0.11684281335635087	than:0.09239598819448214	or:0.07144026942473519	for:0.06276705839666338	in:0.04351911410218231	over:0.04160525924073429	:0.01
and:0.19583342605332957	that:0.18389940502030627	as:0.1211918184428455	of:0.12112615315282575	to:0.08831964160181252	make:0.0809898492695742	which:0.07701187457248797	but:0.06372021473945982	if:0.05790761714735823	:0.01
rate:0.38001691710260466	sum:0.23156895738760774	period:0.08837635611050894	upwards:0.07165412211171804	depth:0.07138074098955596	distance:0.05919431017069903	number:0.03036120536919608	one:0.02914569218962682	expiration:0.02830169856848247	:0.01
and:0.20570578939876966	passed:0.17824795753995246	passing:0.13366637579760457	way:0.10357848420846952	went:0.07719123578935085	it:0.07598226470332363	go:0.07514565183586674	all:0.07134472712029913	pass:0.0691375136063634	:0.01
of:0.2764277120462392	in:0.15611045864340378	to:0.12131023071299823	for:0.09244663837259173	on:0.09078155028540545	at:0.08783085988744997	from:0.061788793772361454	and:0.05330405491453528	In:0.04999970136501495	:0.01
and:0.17410176532401225	a:0.1657901342973311	to:0.14906606959211188	the:0.1402972619331584	I:0.09006397239482433	for:0.06963072657115987	of:0.06835669039043468	be:0.06785856767621945	he:0.06483481182074795	:0.01
for:0.4973246786328579	of:0.13168673812166984	to:0.1226070693312753	in:0.10200722955823731	and:0.03095005431262067	with:0.029363649020169674	at:0.027628253855216424	In:0.027025421174380046	that:0.021406905993572933	:0.01
the:0.22017734795849453	of:0.19917403103003609	his:0.15218425610307124	this:0.11429782895948636	my:0.09297544032198443	said:0.06698919316381445	her:0.0512605436030017	their:0.04663380615905619	in:0.04630755270105505	:0.01
the:0.4937337685025012	The:0.11481688529875557	of:0.08610785530040801	and:0.06659547919658537	that:0.064539228149445	these:0.05029424429706246	our:0.04665228147048911	other:0.03409333854203617	as:0.03316691924271706	:0.01
the:0.324480653696951	and:0.1672382699958777	of:0.10315341573806304	a:0.09723763221847556	this:0.07996281158588835	to:0.059964951413181276	their:0.05787311814557037	all:0.05230316361028505	that:0.04778598359570746	:0.01
the:0.45481314605811013	this:0.10795780457742567	The:0.10494793820224821	that:0.08347705194684915	of:0.07758326770384218	his:0.05455757795805878	a:0.04080249427020721	tho:0.03759610896549259	This:0.02826461031776608	:0.01
and:0.2520763080721288	the:0.1590776369175443	to:0.15773558448492864	of:0.13400883588648896	in:0.07715387433799809	he:0.054225800065998656	that:0.05325079287740024	or:0.05204646639327736	re-:0.05042470096423504	:0.01
and:0.29169997815308213	was:0.1328703627143118	out:0.08873310066938216	that:0.08746131418060452	placed:0.08440072742047074	work:0.08020079681811661	made:0.07677797059304475	is:0.07472371838239819	up:0.07313203106858901	:0.01
a:0.3708545909365837	the:0.21000394783181825	to:0.10908513400680502	of:0.0942204332855414	and:0.07801695132369939	his:0.05721734180888919	our:0.024744009535348627	in:0.02352756538298912	my:0.022330025888325347	:0.01
sum:0.18676829411122214	number:0.1566486321513545	line:0.11140081741272478	city:0.10844765106291132	out:0.10739005474369737	day:0.09286734076326106	county:0.08286139477536687	amount:0.07384405151900511	Board:0.06977176346045691	:0.01
the:0.8062614429249388	a:0.07074204085357431	The:0.03797111830316006	tho:0.034959893912346295	tbe:0.01440972628769396	and:0.012046287929534391	this:0.006056116421176157	his:0.004449906963798345	whole:0.003103466403777544	:0.01
with:0.14886409931711977	of:0.14447416381657258	in:0.12988064643016015	to:0.1280947265060543	is:0.12249041988156545	was:0.10239616600889581	for:0.07781047810481515	and:0.06838860319273059	as:0.06760069674208626	:0.01
and:0.32606894231373157	of:0.18465687282539356	or:0.10058110924794461	I:0.08244809738647656	all:0.06634638259409198	from:0.06559692091814152	was:0.05746828102926477	be:0.053548057250592786	is:0.0532853364343625	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
hundred:0.38841378645436947	up:0.09123185635738856	men:0.08930224671194738	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.07306411117914521	him:0.0668423327581923	;:0.06651424040074755	due:0.06192290086804839	:0.01
the:0.6538000436814835	and:0.09015411547553376	The:0.07945265526580499	a:0.0765724666475877	tho:0.03386343348081406	tbe:0.01636711282822475	most:0.01526876770599335	in:0.013318189691930386	all:0.011203215222627709	:0.01
of:0.2423919440602965	in:0.19563634071915	to:0.13626043674915578	on:0.13100810024417428	and:0.0707973805851991	with:0.0641007596346306	upon:0.05629789620775915	for:0.04703315621341828	from:0.04647398558621621	:0.01
in:0.3802959140011496	on:0.16482173982930762	of:0.11271311768586972	In:0.0921275292416192	to:0.06626732594827657	and:0.06012296753154398	all:0.04421654188792401	with:0.038103586700948475	that:0.03133127717336092	:0.01
and:0.2451944996765076	of:0.2172617640929614	to:0.15935517098998783	the:0.0907052064826692	in:0.07311509385253961	with:0.07128399515673141	on:0.050983329451135255	from:0.04161693803381323	as:0.04048400226365435	:0.01
that:0.30561125725695476	and:0.15862136393773946	when:0.1377155456583951	which:0.11220381270347264	as:0.05982557705302472	if:0.059033106732652676	where:0.056751645138348746	to:0.05133083575843716	but:0.04890685576097474	:0.01
Miss:0.42774402318142674	and:0.2508189506625911	of:0.07437675542562924	Mrs.:0.06321797287351345	said:0.05630485498405661	the:0.049983627603504624	by:0.03150836226749486	Misses:0.021002505164710094	.:0.0150429478370731	:0.01
and:0.29052563843363216	fact:0.1718349679940122	said:0.11307705641045758	so:0.10296766644522751	believe:0.07467485194323314	is:0.06547998110151379	say:0.06072622423233118	know:0.059576482780927004	found:0.051137130658665285	:0.01
and:0.1922064479474878	as:0.1859057919005764	is:0.10009244362757397	it:0.09851922748846437	up:0.09251153461245032	him:0.08546142479719043	feet:0.08165909139576993	right:0.07772444346637726	went:0.07591959476410956	:0.01
a:0.4869484608585177	the:0.2509811162121156	of:0.053455536965788794	his:0.0478329226162571	and:0.044853548575930026	very:0.02942973224531495	two:0.027005700410788806	an:0.025130356758172382	three:0.0243626253571147	:0.01
hundred:0.38841378645436947	up:0.09123185635738856	men:0.08930224671194738	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.07306411117914521	him:0.0668423327581923	;:0.06651424040074755	due:0.06192290086804839	:0.01
and:0.3200238429875085	was:0.1565292843521555	is:0.09709326773306586	found:0.08015164216408954	made:0.07862935789413894	are:0.07017134065480195	that:0.06393052912122682	but:0.06241666336039339	up:0.061054071732619446	:0.01
the:0.38697590472398413	of:0.190236701256141	to:0.10358491685760472	a:0.0763939188926765	on:0.06913249113784417	in:0.05992728791335549	and:0.04257658972109095	from:0.03248263805346595	<s>:0.028689551443837218	:0.01
this:0.19690559058788448	other:0.1832165483076814	the:0.16205097084884218	of:0.08535106141447826	all:0.07917439337328191	public:0.07652060414051	same:0.07090141833574437	their:0.06880086442602591	one:0.06707854856555155	:0.01
and:0.18840526496416418	miles:0.17815989111256372	far:0.13013075153638126	free:0.11206738138602958	or:0.08674964397989247	away:0.08190795143033694	taken:0.07413912400076808	it:0.06984360833477656	him:0.06859638325508732	:0.01
to:0.6589366431093727	will:0.10780738669957601	not:0.05205071795120291	and:0.04145154069700287	would:0.04073086849102439	they:0.023434275947093727	I:0.023148522041103296	may:0.02140495826992313	shall:0.021035086793700992	:0.01
the:0.34719557809414614	of:0.22523121420132727	a:0.15130193155419625	and:0.09085664885357969	their:0.0462843639013859	his:0.039717227001732205	to:0.031637171406353186	with:0.031055511280917304	in:0.026720353706362093	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
or:0.24035077724491385	the:0.1911528051080391	of:0.1488859088140992	and:0.14529955637397915	in:0.08209609408348839	for:0.06563569069295938	to:0.044754199384837635	about:0.03655159990691295	by:0.03527336839077022	:0.01
and:0.33090667565595405	demand:0.11951725037001644	ready:0.0989386645738498	used:0.09514434972463201	time:0.08611259291726482	not:0.06607848366518068	vote:0.06597209943325832	it:0.0655060703120096	candidate:0.0618238133478341	:0.01
a:0.39089304868461455	the:0.18867167904185544	of:0.09214415409818072	and:0.07976467005100195	to:0.07962911164204287	for:0.06784596297828113	in:0.0385350251675368	two:0.026537654258075916	with:0.025978694078410643	:0.01
the:0.33011311957899236	and:0.148288312124348	of:0.13518356038465235	a:0.11136441936114234	The:0.0720917823645968	Mr.:0.06666880143784547	he:0.044914673416811816	that:0.04194261619584751	I:0.03943271513576336	:0.01
of:0.4018143448987059	for:0.11257106545887988	to:0.08883073767382359	in:0.08454338823437582	and:0.08178134185799561	by:0.06968614119086203	with:0.05929141899103251	that:0.05527727452546182	from:0.0362042871688627	:0.01
and:0.2541854937564897	that:0.20082293093600273	as:0.15852891768462385	which:0.12614343010865078	when:0.07219257665021514	but:0.059292005783913665	what:0.0497658475375204	if:0.04193286290579575	where:0.027135934636787984	:0.01
the:0.2734865897411025	and:0.20291078037112245	of:0.17703044927706332	to:0.14197740296400874	or:0.05428351769639148	for:0.03851078262930968	that:0.03809577891252831	as:0.032523212025938684	which:0.031181486382534873	:0.01
the:0.478333020553594	of:0.10696763799699592	this:0.08274258994592709	The:0.0734230026143786	his:0.06009036906615618	their:0.05717815205636149	that:0.045328207321317336	and:0.044363222229165035	no:0.0415737982161042	:0.01
the:0.38032302152707614	a:0.30518713928259644	of:0.07124359266842453	to:0.06211318274803923	no:0.055736300196837264	any:0.03885620493241339	The:0.031220078471538456	tho:0.02399492241799347	his:0.021325557755081163	:0.01
the:0.6486580270754396	of:0.10362075281971125	a:0.09192376375358918	in:0.02970624730045979	tho:0.029218041589089073	The:0.02888228777599126	this:0.02679264870071554	his:0.016320968153743013	our:0.014877262831261296	:0.01
it:0.2602933463206855	there:0.14822319293947891	It:0.13196436136428402	which:0.11581767029202342	they:0.08952698954231514	that:0.07758736314856882	and:0.07379772084395009	he:0.04666991240312073	There:0.04611944314557337	:0.01
the:0.6666908077472048	The:0.0921621582270724	of:0.0746865134322807	and:0.04560231857037356	tho:0.030804861525028225	to:0.023601297631443696	in:0.023500492531613824	a:0.017363105316432915	by:0.015588445018549994	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
and:0.23226257295813924	that:0.22135165002083446	as:0.15701596263182646	which:0.10054007038092677	when:0.07438407586317003	but:0.07385335729908371	if:0.05878632390389568	what:0.04254914370191793	If:0.02925684324020554	:0.01
and:0.40648739356146024	days:0.1558120945043738	that:0.07820886959688121	and,:0.07057148430346125	one:0.06172046287508125	until:0.058306697420197194	soon:0.05592017559357625	year:0.05518219411021908	shortly:0.0477906280347498	:0.01
boy.:0.4306394857128025	girl.:0.4192613590245305	of:0.054366681001198194	Mr.:0.02637175363567315	and:0.016909674508036068	the:0.014551591435598274	Mrs.:0.011079437656503193	to:0.009825800810828315	by:0.006994216214829758	:0.01
the:0.3391675329792062	of:0.1343890298180532	and:0.13058136775722692	Mr.:0.12434584983274222	a:0.08517650253412659	The:0.06565077811854513	was:0.042485993892171794	to:0.0350542723106443	in:0.033148672757283684	:0.01
Miss:0.23914895449406082	and:0.21067834742597394	of:0.19759050924514968	Mr.:0.10626619246420045	D.:0.06447845525302891	Mrs.:0.05377313218393938	the:0.04066816570435603	with:0.03984929667900544	said:0.037546946550285405	:0.01
of:0.47071804668291267	to:0.13071024818776386	in:0.12401896569520782	on:0.08113918100431854	from:0.06533950052098039	by:0.05091620363963509	that:0.024836236355551135	In:0.021510813376783542	and:0.020810804536847066	:0.01
the:0.5881830465451288	a:0.27490639332270556	The:0.036874295240785095	tho:0.029994715856919842	and:0.01628376315127078	this:0.012969932735452504	his:0.012863311721308278	large:0.00917289171967748	tbe:0.008751649706751624	:0.01
the:0.34170127421390223	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093987	to:0.07847171568184984	in:0.05339647102682973	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
to:0.3285090490190385	of:0.18639488888309064	with:0.1428535250451069	for:0.07681517651808527	upon:0.07133065974358563	and:0.06557756286001017	among:0.04045871058036775	by:0.039374985095287744	from:0.038685442255427346	:0.01
of:0.1789603267971156	and:0.17347590152250691	with:0.11550188896372413	as:0.10862491898881448	to:0.09669999432829311	by:0.08986392149101753	in:0.08828674975425992	is:0.075515844261816	was:0.0630704538924522	:0.01
two:0.7390221559797192	three:0.06459636593569344	one:0.04737415293083197	Two:0.03848706662592229	four:0.031202825886083738	five:0.022487014244914772	ten:0.01821567229869844	six:0.01508482683379087	more:0.01352991926434545	:0.01
years,:0.16270601460719009	time:0.12852657470430354	in:0.12362720187448058	;:0.11832081493207328	porous:0.10266144924516125	hundred:0.09437684786729499	it,:0.09322632357261036	States,:0.08499726460405173	manner:0.08155750859283398	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
of:0.2890540021005323	to:0.13978058825181736	in:0.1272555870273304	on:0.09753558903871308	and:0.07759943974929823	for:0.07592936988397299	with:0.0661390779943173	by:0.065666090013342	that:0.051040255940676425	:0.01
away:0.17860153893268557	and:0.17803737511774176	them:0.10854488758228874	taken:0.10584621995081836	him:0.10057586175981234	free:0.09248826024146949	come:0.07770308824262456	out:0.07678778929530622	in:0.07141497887725298	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
a:0.4350494868022878	in:0.1118983772709685	of:0.10470973472064642	and:0.08471291840032251	the:0.0669069386411356	to:0.059485183874832245	with:0.05918818635036314	most:0.040693915688582695	is:0.027355258250861294	:0.01
the:0.38002804482052044	such:0.16413186493276444	a:0.13142211818575855	his:0.08679248004689968	as:0.06843850192426511	this:0.0587515367368183	same:0.036342257213315035	The:0.03608842444944616	my:0.02800477169021236	:0.01
a:0.30345133871058316	the:0.2984568231328004	and:0.12760327494223733	of:0.05628268333170367	The:0.04668917545342557	our:0.04508603390368887	his:0.04088477904455275	their:0.03820633114278837	its:0.03333956033821975	:0.01
of:0.2259884777378865	in:0.1279502676123141	as:0.10803511903377902	with:0.10289676309994414	to:0.10092096777749439	is:0.0958816162923596	and:0.08543175696245596	was:0.07364376919960383	for:0.06925126228416238	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
the:0.3176113444003275	of:0.21987340130616437	and:0.13801279815457784	to:0.07928458824357051	a:0.06183595046758264	in:0.057495185226438296	.:0.04701858444781323	at:0.0370379077792702	by:0.03183023997425528	:0.01
the:0.28957402903951135	of:0.1737350618512566	and:0.16506367628021848	to:0.10360219768344173	a:0.09228084386837632	in:0.05523044511486752	at:0.04724247957281733	or:0.036136735864220254	The:0.02713453072529045	:0.01
to:0.17155003588143597	of:0.16364568047585604	with:0.15664525638705804	is:0.11732254945198058	in:0.10101969105808203	as:0.0749499591171598	for:0.07407456025808781	was:0.07172729007048462	and:0.059064977299854944	:0.01
and:0.29538761890386145	was:0.1642849013116615	is:0.11706638838186677	up:0.07776716508545513	it:0.0755910625150025	made:0.06655680901265408	put:0.06578409847025993	placed:0.06489134807601944	that:0.06267060824321909	:0.01
the:0.4149734693033642	in:0.20760297066235894	an:0.10022064754484082	such:0.06497757508289656	and:0.054237063045515996	of:0.04168949349246999	In:0.0360007273698454	this:0.03567904889723298	his:0.03461900460147508	:0.01
the:0.684603472291598	an:0.09298850419299594	The:0.04485260802506616	great:0.04043108907803816	tho:0.03229007225626416	large:0.02943712569516673	and:0.026406323962641465	some:0.021428684129734598	vast:0.017562120368494836	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
time:0.1559679530635385	it,:0.13600874058768753	up:0.112469859273285	man:0.10623814279706978	them,:0.10347043307405673	him:0.10318427005950455	him,:0.09361317067455117	;:0.09246489830305782	one:0.08658253216724887	:0.01
the:0.3921991039846004	a:0.18844912142051096	of:0.10407115466546793	to:0.0809425540898906	and:0.07215935360434142	in:0.051234720601671765	his:0.03679716027265396	The:0.03585714115801244	an:0.028289690202850513	:0.01
a:0.4208639394975211	his:0.18642528079565193	her:0.11830240749261882	my:0.09519996906290949	the:0.06495741262976323	old:0.027421777367490133	your:0.02693941960190815	A:0.025587486250840945	their:0.024302307301296056	:0.01
of:0.36100738076424177	thence:0.12511578315424451	said:0.11486844865569697	and:0.10729888012458445	in:0.07414091731824198	a:0.07181504815182897	the:0.05497395811378524	certain:0.041873941005927305	one:0.038905642711448814	:0.01
to:0.43348811652617625	for:0.1525222799559408	with:0.12750982282528656	of:0.07641951118455757	told:0.05718641798259619	upon:0.0384844252477607	tell:0.03677412569099342	at:0.03627727727686219	asked:0.031338023309826414	:0.01
of:0.17917073582946527	to:0.15236279741976758	as:0.14262546639499002	with:0.10528926783582769	that:0.09115667470795732	by:0.08664289509401094	and:0.08335960737241582	is:0.07625186121936062	in:0.07314069412620475	:0.01
of:0.4061718721844182	to:0.12549127481807343	that:0.11646835314454525	by:0.09842653733529987	and:0.0980731300960812	with:0.04982855422007515	for:0.03312161317314034	as:0.03243387979934148	all:0.02998478522902497	:0.01
the:0.30337617970676906	of:0.18860457588018725	and:0.131061740829474	to:0.0977610809207078	a:0.0809566554459928	in:0.055741965423345884	be:0.051143240024298715	was:0.041879765140534715	is:0.03947479662868964	:0.01
June:0.15230349775006344	April:0.14566205336068816	March:0.13135127365496682	No.:0.12921209412581583	and:0.12334519403493864	July:0.10546172790730374	May:0.10339493004342784	January:0.051593325927799395	9,:0.047675903194996344	:0.01
be:0.3217982796533539	was:0.22607929606996022	is:0.11555268340459754	been:0.08280142631406814	were:0.07933172325945875	are:0.07167472862755211	and:0.03743411598700715	being:0.03164234994941285	he:0.023685396734589307	:0.01
and:0.39592052656256477	or:0.21110877090526328	not:0.14239260915573343	that:0.05947793260518964	to:0.04394050458110336	but:0.04097131562667685	is:0.03323298855980717	of:0.03149208507312613	was:0.03146326693053526	:0.01
and:0.5017195741537964	the:0.18893552363021426	of:0.078407098565109	to:0.05640875085136596	.:0.04348364916056671	is:0.033205022715932814	was:0.03185594312479438	be:0.02837631934060867	Mr.:0.027608118457611946	:0.01
of:0.241649135185925	to:0.18325457138215487	in:0.18066095224706358	and:0.0723543373838205	for:0.0714048322147051	from:0.0697833737011476	at:0.06099020677131981	on:0.05759662893720887	that:0.05230596217665453	:0.01
the:0.33326681313335776	a:0.1442889191494264	and:0.10565339959004261	of:0.09579032167733698	Mr.:0.09530345647523053	The:0.09097967814664698	was:0.04914942162725241	his:0.038967664250979694	is:0.03660032594972661	:0.01
it:0.29597062880021147	that:0.21180294773043426	It:0.1367436022982429	and:0.11211529399854102	which:0.07508338905849235	he:0.04848470232276246	what:0.03940172460943112	There:0.037378473271001224	there:0.03301923791088343	:0.01
the:0.4037144480513788	of:0.1607309033259285	and:0.12365554278272141	to:0.07483764899065924	a:0.06995233317686957	in:0.050802715757777034	by:0.038734561204485096	on:0.03761211890981372	at:0.029959727800366577	:0.01
made:0.3028069374576309	and:0.2023193696646394	caused:0.07375981344017991	shown:0.07207509517503563	up:0.0704269184181151	ed:0.07002219172812583	out:0.06751988832599078	taken:0.0665966498616986	done:0.06447313592858381	:0.01
it:0.208109561462589	I:0.13329059645584243	he:0.1310394831164381	It:0.10003560896983762	we:0.09853154703362994	that:0.08680590198510073	they:0.07893219168108244	and:0.07667423740586314	which:0.07658087188961661	:0.01
the:0.37449604027359684	of:0.15940723532675155	and:0.14534201444509584	to:0.09432571295211788	at:0.0652289837193639	a:0.042123600837813684	in:0.04138422098967596	.:0.03837078528347309	his:0.029321406172111247	:0.01
and:0.1721257114275035	to:0.14122960767588202	the:0.13137377675651957	of:0.11621693267090506	in:0.10354346396898297	be:0.09840216971668114	was:0.0976881448895947	is:0.08081319004651069	not:0.04860700284742021	:0.01
they:0.2946041178611574	we:0.1909332260198634	who:0.11425861054862588	I:0.0928114507024977	to:0.0809702486642791	We:0.0676129112733437	They:0.061669175940132354	you:0.051794651888107106	will:0.03534560710199338	:0.01
of:0.2507271371803161	to:0.15619896133241648	the:0.13392214282768197	in:0.12345432144591338	and:0.10141454995674465	for:0.0716629082595005	a:0.06617188690466559	that:0.04668643638690739	be:0.03976165570585399	:0.01
a:0.344949301397022	the:0.2503627141006165	and:0.12028031737605933	of:0.08797217140279698	most:0.054266689152250754	this:0.03903610115892046	is:0.032004289498264754	that:0.031069462666765368	will:0.030058953247303795	:0.01
the:0.308470707389144	of:0.23016406661710453	and:0.10416687742321012	for:0.07325186563652789	by:0.07098096633149514	to:0.0690708577222766	The:0.061065750748136714	a:0.036756375924584056	in:0.03607253220752089	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.04553578393787439	of:0.03051332981678091	tbe:0.02261446403444868	in:0.021612439669724332	or:0.020196218295911488	:0.01
it:0.24112649263459635	he:0.17660792899787944	It:0.1713624494321809	I:0.08209974212840983	He:0.07828896755119588	which:0.07500438521777203	and:0.06286527553672037	who:0.0534546761422916	there:0.04919008235895345	:0.01
the:0.45072442068859586	of:0.1586369966384011	to:0.08274862814216812	in:0.0793414918178649	and:0.06519368185071724	a:0.04745882399311515	at:0.041722533192459686	by:0.03632105381386049	that:0.027852369862817555	:0.01
the:0.48331683554294985	of:0.20523049878892002	and:0.08817931746489274	by:0.06030787606815005	The:0.04905616081007956	an:0.029553680463509528	that:0.02586163763283472	in:0.02440061691399272	tho:0.02409337631467071	:0.01
the:0.3113084373123782	of:0.1584857711392948	to:0.14412165081006312	and:0.13716019892257106	in:0.06055572157620106	that:0.051262821204911366	as:0.04390278085399628	on:0.04369654593973088	by:0.03950607224085327	:0.01
the:0.452660010879175	of:0.14025585785713568	in:0.0800698265950681	and:0.07385946315084929	a:0.060533668241268726	on:0.05734498863209498	feet:0.04735686849830129	to:0.046839714949836145	that:0.03107960119627093	:0.01
the:0.21298000459552283	and:0.2039636710878841	of:0.18227586657211736	to:0.0947332508750933	was:0.07100993380022316	in:0.06763282217115012	for:0.05552798378335023	he:0.05223279322482916	Mr.:0.049643673889829674	:0.01
hundred:0.38841378645436947	up:0.09123185635738856	men:0.08930224671194738	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.07306411117914521	him:0.0668423327581923	;:0.06651424040074755	due:0.06192290086804839	:0.01
the:0.3853244944598766	of:0.2016119142990119	and:0.13281277996971314	a:0.12239923761336712	in:0.03551265260697985	to:0.031033546691147867	or:0.028518751250522	The:0.028040083137066952	tho:0.024746539972314793	:0.01
it:0.2399716716596697	It:0.21433270134211957	he:0.12038279747315722	there:0.10015927291106927	which:0.08512165220552413	He:0.07167610367093041	that:0.060653216456978784	and:0.05801456547251138	There:0.03968801880803956	:0.01
we:0.190383296247361	they:0.17223557018284585	you:0.14389864822319595	it:0.0996025661607372	who:0.08610526948743726	he:0.08601628635108718	which:0.07731117232408057	I:0.06969991005118725	that:0.06474728097206794	:0.01
thence:0.529459579404297	bears:0.09876576294911563	and:0.08014325837815826	.:0.07008620846392795	thenco:0.05326785135443247	the:0.045004728132856324	Mrs.:0.039050810199589156	<s>:0.03806686576221568	of:0.03615493535540751	:0.01
the:0.6057276983356655	The:0.10450059456015469	and:0.075491511414591	his:0.052905134105849405	of:0.04099588645411608	a:0.040178175053835946	tho:0.031149002474850508	this:0.021023181247273957	that:0.018028816353662977	:0.01
the:0.28568906608099187	a:0.23551547720680463	of:0.13236864268290663	and:0.12284846927410606	his:0.05532469288937336	in:0.044642007128885275	as:0.03976371240465586	that:0.03730025240351172	public:0.036547679928764606	:0.01
at:0.4244544190931979	for:0.22290251391824392	of:0.06520661733034971	and:0.06311850992461511	as:0.05690741473885777	in:0.05027741753757379	to:0.037230607343029645	is:0.03524549079211603	such:0.03465700932201601	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
of:0.4068078725934042	to:0.139361898588153	in:0.13066452069006476	on:0.1101482636883288	by:0.05340982179595687	from:0.04702704145476806	for:0.04023781879941364	at:0.03507391400602947	and:0.027268848383881165	:0.01
the:0.742760487270881	a:0.05927579336201083	The:0.05905794152750988	his:0.03806396544134559	tho:0.03490924624682963	their:0.015989344228010165	tbe:0.014273047963562468	of:0.01411473641040746	my:0.011555437549443161	:0.01
of:0.22294287118162306	to:0.16954636300418283	in:0.13933979911716232	and:0.10501442334651245	for:0.08848941708020296	with:0.08366208779805416	by:0.06910793570784934	that:0.06289431407531326	is:0.049002788689099616	:0.01
the:0.32140413599714085	and:0.20179318883020017	of:0.1258830733810073	to:0.10017517439786257	a:0.08758707951885229	I:0.04963988657451444	as:0.037017968967088616	that:0.03483583200048052	in:0.031663660332853304	:0.01
and:0.3746026301460157	feet:0.16538188971441672	was:0.10305855227334605	lot:0.08838752800187236	inches:0.06628631959271307	is:0.05253520310014759	that:0.049950531020581675	recorded:0.04835845777449	are:0.041438888376416814	:0.01
made:0.26396731765695786	and:0.2547708918514413	that:0.10083217744114822	secured:0.08971698227607519	or:0.08642932122569631	ed:0.050016935072569435	only:0.04910181187121298	it:0.04839184021791324	taken:0.04677272238698547	:0.01
the:0.2760366028263551	of:0.2675918249759311	to:0.07904276531570611	for:0.07448477805745651	in:0.07337051071743202	a:0.06848022648911889	and:0.06721102443445709	by:0.05151502310359686	at:0.0322672440799462	:0.01
and:0.4398862969598569	so:0.09547585128943609	is:0.08907895551602692	of:0.08236640124094441	was:0.07965787154381507	fact:0.054334369966433295	all:0.05175625578671504	to:0.05102659736277966	but:0.04641740033399256	:0.01
they:0.23364138526239628	who:0.1390020820029914	we:0.12732876218965314	which:0.12275187738233091	there:0.10656228561072972	that:0.07477931782100233	They:0.06349607118679013	and:0.06127631025927463	We:0.061161908284831416	:0.01
of:0.3863750797625567	to:0.2198246637384524	with:0.07512938711264021	for:0.06608932545552364	in:0.06363175120233355	by:0.06332151149630837	and:0.055036118459545404	from:0.031521644432272504	as:0.029070518340367297	:0.01
and:0.18784336682063274	as:0.15114329179679575	went:0.11423878004667351	him:0.10666558228731272	them:0.09110223752457794	up:0.08733803455919152	is:0.08689480544253657	go:0.08340199801381315	able:0.08137190350846597	:0.01
and:0.18784336682063274	as:0.15114329179679575	went:0.11423878004667351	him:0.10666558228731272	them:0.09110223752457794	up:0.08733803455919152	is:0.08689480544253657	go:0.08340199801381315	able:0.08137190350846597	:0.01
and:0.22755681361843408	of:0.19835713573838598	the:0.1750661188511791	to:0.07855314553146202	for:0.06714821591926587	a:0.06638766281106359	that:0.06195441710685245	which:0.06002681078592803	or:0.05494967963742877	:0.01
they:0.27493276269294975	we:0.13590570647938505	who:0.12882957363903988	there:0.09567113841470545	They:0.08985995720255487	you:0.08205227818142831	We:0.06937728047151176	There:0.05740081190692808	and:0.055970491011496655	:0.01
and:0.2738503071826874	it:0.12506175564941838	called:0.08675343921571417	demand:0.08608562282819422	paid:0.08604748032759993	voted:0.08581097652378188	him:0.08336047492411013	time:0.08231594606160825	necessary:0.0807139972868857	:0.01
it:0.1874891017721359	he:0.17662068303563777	It:0.13941236227314263	which:0.11807200366700184	and:0.11153134280426731	I:0.08995567727834793	He:0.07187598504226575	that:0.053773577463843154	she:0.04126926666335773	:0.01
it:0.19120376337680295	and:0.14181893477537588	they:0.12842954853076885	which:0.10681691350284597	he:0.1014941219214744	It:0.09453437728173908	that:0.08217827055419533	you:0.07728264721486484	I:0.06624142284193282	:0.01
the:0.7272891855760506	a:0.05209728277250873	The:0.04597605731610106	tho:0.04070510879581524	and:0.036294757159330206	any:0.025669751104035316	all:0.025153413938972535	or:0.019281226351317952	tbe:0.017533216985868218	:0.01
of:0.20509868068331527	the:0.18992360083848198	and:0.1627077320911976	to:0.11166884988859468	be:0.0979632635341338	in:0.06540848799261573	or:0.058966420912407294	for:0.05013839373631626	re-:0.04812457032293736	:0.01
of:0.2245602443681604	the:0.2011777810685693	and:0.10619374617380359	his:0.1033253931843612	to:0.08102461410218827	a:0.07954544539433554	in:0.07911015684195771	their:0.0769526200091699	our:0.03810999885745425	:0.01
and:0.1605153849203944	able:0.12584552037456034	order:0.1202327490477498	him:0.10411986755347347	is:0.10230358199714916	was:0.09725639894996212	time:0.09647037435760988	had:0.09226467812513446	as:0.09099144467396625	:0.01
and:0.27885348738155247	to:0.14354515244235433	of:0.13461447217554892	the:0.12220030186827205	that:0.07785718684489257	in:0.06784839561234364	which:0.05828167705261113	not:0.05732114148116862	con-:0.04947818514125636	:0.01
of:0.24735268988479495	in:0.24484806076197993	to:0.15594088199570844	and:0.07706464077438069	with:0.07698385669709623	at:0.05776474380252953	from:0.0435407875581086	on:0.04335019365229868	for:0.043154144873103	:0.01
of:0.2459321551539414	and:0.17078245688704347	that:0.16369030182146502	to:0.12106757313005373	in:0.08511033195111974	on:0.07248105661865159	for:0.0511613331399167	with:0.04344113687743715	which:0.03633365442037128	:0.01
it:0.15493908307521043	they:0.14656059333886476	he:0.13908267245488537	we:0.12728224084167997	I:0.09122756863522544	as:0.0897580496500419	you:0.08475422370845172	which:0.07866054708868898	who:0.07773502120695128	:0.01
and:0.18784336682063274	as:0.15114329179679575	went:0.11423878004667351	him:0.10666558228731272	them:0.09110223752457794	up:0.08733803455919152	is:0.08689480544253657	go:0.08340199801381315	able:0.08137190350846597	:0.01
Mr.:0.18921600881887063	of:0.13214556079801804	Mrs.:0.11254952038613564	and:0.10263205381155144	.:0.10136380651001667	to:0.09857345726643298	John:0.0921101283780381	W.:0.08483692172376633	A.:0.07657254230717016	:0.01
of:0.41559416997814363	to:0.12981685482713856	and:0.09050290718666608	at:0.08064132708488395	in:0.07085824581652705	that:0.06664357158087335	by:0.04768482590192909	from:0.04517056708374157	on:0.043087530540096564	:0.01
of:0.30080332593544695	in:0.18549824520929933	to:0.10475599255314551	on:0.08619343440248727	with:0.08233468406758201	by:0.07864708768797682	from:0.06473429515482455	and:0.05379907621538125	for:0.033233858773856366	:0.01
the:0.4411458400749895	and:0.11154959254405165	a:0.10907702243061737	of:0.1089411821855769	to:0.0615466458177917	The:0.047662842086768006	by:0.03798448721131343	Mr.:0.03642529729725191	in:0.0356670903516394	:0.01
out:0.16588171371588212	sum:0.15589868038760055	instead:0.11598040831256433	that:0.10466121841179765	part:0.09593771680403296	think:0.09555343744101766	use:0.08601987461114395	matter:0.08512216993569433	number:0.08494478038026629	:0.01
and:0.22457484791693796	the:0.21639535452019126	to:0.13454708606603918	of:0.12749301081947786	in:0.06553649397530097	that:0.06165198815741722	which:0.059732890883055494	a:0.053687159589455406	or:0.04638116807212474	:0.01
.:0.210365628289643	<s>:0.1644288171891424	Mr.:0.13088983533844578	the:0.12309158607077199	lot:0.08746011318909586	and:0.08305372778876755	it.:0.06623147121044759	it:0.06344126372629734	them.:0.06103755719738841	:0.01
of:0.2950055368067067	in:0.1848535660147931	on:0.12137196895511089	to:0.12057772138897918	by:0.0635563510546713	at:0.05745685978970231	from:0.05608170760122423	and:0.05163772690203095	In:0.03945856148678132	:0.01
is:0.18900329247928022	in:0.1491902834677176	was:0.14583552126665178	made:0.10014497425536108	for:0.09225883058768089	with:0.08460658841404861	as:0.08281651482967824	make:0.08085656794403712	be:0.0652874267555445	:0.01
it:0.3349641634608517	It:0.2821273905989333	he:0.07518402809182298	there:0.07313812428280234	which:0.06380231169616617	that:0.051641987265936634	this:0.03715203139915592	This:0.03608899998186505	and:0.03590096322246593	:0.01
and:0.26388277994412696	was:0.11712981377404107	that:0.10827086469130275	be:0.10093770955318977	is:0.09973611309461752	or:0.09305953265726254	made:0.07293175294235844	it:0.07026615073250055	are:0.06378528261060033	:0.01
and:0.22548804382211918	of:0.16551647653467497	the:0.10910891880260937	to:0.10236234663377486	in:0.0951053918920172	be:0.09497265890153901	I:0.07406902428534615	was:0.06436870005309998	is:0.059008439074819334	:0.01
of:0.4275557735356605	in:0.1865452834113235	by:0.0735216592542377	In:0.06358112505921851	to:0.05507871225979129	the:0.052524081225031855	and:0.051007836003739815	from:0.047439585799982725	<s>:0.032745943451014115	:0.01
of:0.3257637842611308	with:0.13730388560645806	to:0.13037538373092789	in:0.08412838847283123	and:0.0732076037304758	that:0.07288272849614952	by:0.06289993231423058	on:0.05481554509470699	for:0.04862274829308918	:0.01
of:0.316541242649545	in:0.2419946378439406	and:0.09493422049428944	for:0.08819314228611864	with:0.08023114055533982	to:0.053416098501497686	In:0.051320555091664714	that:0.036577900266057825	on:0.026791062311546255	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
the:0.4328202584845207	of:0.12356183292223728	in:0.11928845566630557	a:0.07964278467044411	to:0.06301338093423665	on:0.05154769300761267	In:0.04375366488529936	The:0.038656790168542045	<s>:0.0377151392608015	:0.01
the:0.4371323078637594	and:0.22308040928444417	The:0.09729694718985815	a:0.09700356383840773	of:0.04043772653792659	tho:0.03066167912455136	that:0.02518887471601403	any:0.02238751729076383	or:0.01681097415427474	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.04553578393787439	of:0.03051332981678091	tbe:0.02261446403444868	in:0.021612439669724332	or:0.020196218295911488	:0.01
the:0.34170127421390223	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093987	to:0.07847171568184984	in:0.05339647102682973	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
the:0.45644192438572806	land:0.3222335434944083	The:0.07598026907584383	and:0.0663320057062265	tho:0.020956558225520314	a:0.01632754563117295	as:0.015204954414047808	or:0.008276003890209183	tbe:0.008247195176842945	:0.01
is:0.21112711066848222	and:0.1886982626645983	of:0.18095419927118664	it:0.09220047929124553	are:0.07841792341867457	was:0.07512798969824042	now:0.0622418295945646	same:0.054861915896706775	from:0.04637028949630106	:0.01
at:0.3028072310389668	At:0.11746628814175161	in:0.11502155838966652	any:0.10611951814819018	of:0.08980882695099411	to:0.08032805804682316	and:0.07293248464823274	no:0.05457802958760217	from:0.05093800504777274	:0.01
and:0.20576986051327525	be:0.14724677861411745	to:0.12535070885684524	of:0.12147274158796671	the:0.10006651747810341	in:0.07829719106333621	was:0.07464897261101211	is:0.06959459791180371	re-:0.0675526313635398	:0.01
of:0.28498541454797544	the:0.19110664877206512	in:0.1652743296254125	and:0.08961911046956549	from:0.05812517884405023	at:0.052917585990750415	to:0.052126216721617165	In:0.050379942932116	The:0.045465572096447665	:0.01
and:0.3225806263449027	that:0.1527272788481739	in:0.11520228024842907	the:0.09302133211012241	land:0.06785736568709233	office:0.06749463182854283	county,:0.05783778188858248	property:0.05743967580276566	acting:0.055839027241388554	:0.01
the:0.34170127421390223	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093987	to:0.07847171568184984	in:0.05339647102682973	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
and:0.2276128349345394	of:0.1955722727337814	to:0.18466062832019614	in:0.14556795492429828	for:0.07299359644416961	on:0.06604810127485625	In:0.03602289625574454	that:0.03109422743795814	at:0.03042748767445617	:0.01
to:0.3801713410396947	will:0.16905314483498002	would:0.09527916658290728	may:0.08675332896552816	should:0.06283728370881102	shall:0.06007446359778352	not:0.056307515032875996	must:0.039927651800072135	can:0.03959610443734722	:0.01
cents:0.31542625608318736	cent:0.1254228993759165	50:0.09264349637706396	6:0.08921633723670534	10:0.08884641905137727	ten:0.08541170134224631	5:0.07193334955724523	1:0.06285224375453895	2:0.0582472972217192	:0.01
the:0.4716582238960233	of:0.23891763846556177	and:0.07743617614740853	a:0.04807524694174212	The:0.03622067938431858	his:0.03524604710733239	in:0.03494548008633926	tho:0.02689372160886621	her:0.020606786362407786	:0.01
and:0.32853525210608964	to:0.2356684012251262	I:0.0799222523720395	not:0.07164174015926374	would:0.0705166128550724	was:0.0536176028812093	will:0.05206555957952194	which:0.05012991672119107	he:0.04790266210048614	:0.01
know:0.30242903076374855	of:0.12813023487724573	from:0.1149509138958974	and:0.10940822870905184	is:0.09609027585981006	do:0.07324660287086625	for:0.06509432281973947	to:0.06089299058123531	in:0.039757399622405425	:0.01
of:0.22859025677265643	for:0.21815201034114048	in:0.1388828560706191	to:0.12517232476392773	with:0.07497818796110015	and:0.06741074288863894	by:0.05473212852392819	all:0.04393714627651374	that:0.03814434640147531	:0.01
manner:0.39461193456752314	and:0.1874970192491854	that:0.10855654014299568	way:0.07037996389927753	time:0.053828768086076215	it:0.04775881818150397	all:0.042702733322799634	one:0.04238708288685657	part:0.04227713966378214	:0.01
the:0.20674797625342994	most:0.17620587257556375	an:0.13474309810719934	and:0.1289341804662207	of:0.10215804897495008	more:0.0926096827830733	to:0.04627656743730645	by:0.040522548893756526	very:0.03360586343240657	a:0.028196161076093237	:0.01
to:0.3505603649752206	will:0.1504893350550343	not:0.08814713325002639	have:0.08703494123318041	had:0.08603794635419257	has:0.06944860824791743	be-:0.05738529082655772	would:0.05536540083354279	and:0.045530979224327764	:0.01
the:0.6561731423820439	of:0.07923645990316049	and:0.06647368971156724	a:0.0514850329539454	to:0.035853869743890064	said:0.03240441198376272	tho:0.02464462105721801	his:0.024173079887581456	The:0.019555692376830778	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
and:0.40180925423370906	made:0.10572982649976298	necessary:0.09766421441472355	provide:0.0709677106558723	him:0.06679412563114624	time:0.06399940844444657	but:0.06226152597569863	pay:0.06140975827886298	responsible:0.059364175865777885	:0.01
and:0.2591767401702746	was:0.17094916037156457	is:0.14492190650532713	be:0.10511576653769318	are:0.10208480374009732	been:0.06608000771107708	were:0.05807711763177256	not:0.05463914526714366	or:0.028955352065049723	:0.01
have:0.14595127544656603	is:0.13837006259238568	had:0.11688774051984979	with:0.11654514842459407	of:0.11322685363794846	was:0.10828531185933833	has:0.09211967950388276	in:0.08337707955398291	to:0.07523684846145211	:0.01
be:0.319597116957043	is:0.15417335607333973	was:0.13232786923044026	been:0.11381166155722262	are:0.09521982237394792	and:0.06577386634604028	were:0.055746798101001	being:0.029712850981520735	Is:0.02363665837944456	:0.01
hundred:0.38841378645436947	up:0.09123185635738856	men:0.08930224671194738	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.07306411117914521	him:0.0668423327581923	;:0.06651424040074755	due:0.06192290086804839	:0.01
it:0.23219976727391295	carried:0.14464578583238413	go:0.11658551214362324	them:0.1123992895335918	went:0.11076509503637005	come:0.08105834113664985	taken:0.07000914371970632	get:0.061982083638294785	set:0.060354981685466755	:0.01
and:0.28806300274383345	to:0.201128922983528	of:0.09460268142118537	the:0.08288674383970851	will:0.08094043815071239	for:0.07704072672166988	would:0.06740392475116806	a:0.053719901918290264	in:0.044213657469903904	:0.01
the:0.7540228551830757	The:0.058142073740576644	a:0.0539804020999181	tho:0.038774560378004266	of:0.0233982682071926	and:0.02018071241399254	large:0.016968957670674755	in:0.013193401129384332	tbe:0.011338769177180984	:0.01
the:0.30531454580217726	of:0.23944327793797418	and:0.10186753215967499	to:0.09413092095757926	in:0.07915851481953468	on:0.05830942932311769	from:0.03980429943428041	that:0.03651819879865695	by:0.03545328076700468	:0.01
and:0.3359723945695815	fact:0.1316189254902583	said:0.1066744964356081	so:0.08713045707286647	is:0.07379644658727266	say:0.06578006710118527	was:0.06486039920086528	him:0.06351804887687972	found:0.060648764665482496	:0.01
the:0.3541821997694099	of:0.17760360756499496	and:0.14718837143038813	.:0.08205790683962459	a:0.06524705296088848	to:0.05355154164107841	by:0.03920894654006445	<s>:0.03749824721867207	in:0.03346212603487896	:0.01
a:0.27654211849038535	the:0.2102644650401599	common:0.12425160919917193	their:0.08784539330443344	no:0.07008442701200977	his:0.06870914724619835	any:0.05632270705004369	good:0.05119389186455919	every:0.04478624079303835	:0.01
of:0.267035548660131	to:0.1922599641243284	in:0.15443007011739734	on:0.09456056970691011	and:0.07647120420477632	for:0.053887877966695516	that:0.05261361626014019	by:0.051097379839953334	with:0.047643769119667743	:0.01
and:0.18784336682063274	as:0.15114329179679575	went:0.11423878004667351	him:0.10666558228731272	them:0.09110223752457794	up:0.08733803455919152	is:0.08689480544253657	go:0.08340199801381315	able:0.08137190350846597	:0.01
to:0.6316540815799172	and:0.12311415083426147	not:0.06277325490644303	will:0.04145507850303061	would:0.03660342040968495	may:0.03349217036306739	shall:0.022205685116207036	I:0.02014737069720701	they:0.01855478759018108	:0.01
the:0.42549551516069467	of:0.21476799142234113	to:0.06757034220426456	or:0.06202725984893877	such:0.051143785415418405	and:0.04776196446708705	that:0.045116554870510986	no:0.041706059823101105	public:0.034410526787643364	:0.01
of:0.3683223175581134	in:0.13659339845286703	at:0.11373240816098142	to:0.08697982637729518	on:0.08574815272875798	from:0.06627475134348777	for:0.06202722314610398	and:0.03697788535097927	In:0.03334403688141411	:0.01
of:0.21638946947444745	in:0.20423348175425463	at:0.1507532388341354	to:0.14668903892505356	on:0.06857622194656741	and:0.056391199961983315	for:0.053493520665166217	from:0.05139753040132217	with:0.0420762980370698	:0.01
of:0.2259884777378865	in:0.1279502676123141	as:0.10803511903377902	with:0.10289676309994414	to:0.10092096777749439	is:0.0958816162923596	and:0.08543175696245596	was:0.07364376919960383	for:0.06925126228416238	:0.01
the:0.2974502811850691	of:0.22091422415753312	to:0.09236837889488791	boy.:0.0741306415053232	and:0.06960437249933987	girl.:0.06679148007921792	a:0.06486805677156715	in:0.05550313372308324	for:0.0483694311839784	:0.01
of:0.19287996100052976	a:0.18662123382687815	and:0.16243417411192806	the:0.1501485461009719	in:0.08410187565458281	to:0.08307592733470336	an:0.05484336779415993	with:0.039642078935453816	which:0.036252835240792314	:0.01
the:0.48973607091017224	this:0.1635135878546895	of:0.09538475135490754	his:0.06177819017089488	our:0.04302040669546855	an:0.03901642663343072	their:0.03505262032963291	tho:0.032644907130382705	The:0.02985303892042085	:0.01
the:0.6848928680678724	The:0.10344291519459031	tho:0.06764555469059988	tbe:0.027412794313881272	and:0.024700098381551325	this:0.024092156915357148	a:0.022704968344009955	of:0.0206528230844631	his:0.0144558210076744	:0.01
the:0.4603784127924602	a:0.42585855642156784	this:0.04376442026743219	tho:0.013600815003290792	The:0.011934442357017745	that:0.011527720307080155	and:0.008355242863484231	no:0.007371882744481551	his:0.007208507243185425	:0.01
be-:0.3867499885401842	hereto-:0.1507790638925999	there-:0.14159342100430042	be¬:0.12329552693505394	be­:0.10824944240336765	be:0.024655583314334095	there¬:0.02296195530340352	and:0.017887248019243247	was:0.013827770587513031	:0.01
of:0.3482294701249242	the:0.19057128941657697	to:0.11521726783339797	a:0.11134868846456372	and:0.07796373502611534	his:0.04459608610919419	for:0.03631886815662247	said:0.03386896683593602	in:0.03188562803266901	:0.01
and:0.2682983319507874	recorded:0.10717905104111182	was:0.10263907629409649	made:0.09927630384100071	that:0.09842569549211198	o'clock:0.08895025276229458	up:0.08173084504592748	is:0.07240199994443215	found:0.07109844362823738	:0.01
carried:0.1704012598584894	it:0.1679315550452508	go:0.13040421937488214	went:0.1194850784396141	them:0.09337344122684678	come:0.08223802930518784	get:0.07922955608411114	came:0.07905980171435326	sent:0.06787705895126463	:0.01
the:0.2872663646311744	to:0.18947769570243442	and:0.14707524285860887	of:0.1019447871031677	a:0.07291442879405219	in:0.05095286505982845	with:0.04997516660590806	for:0.04591727526089411	or:0.04447617398393168	:0.01
and:0.25645110416229777	of:0.19389816431079487	for:0.12090145096051994	or:0.09538767995442836	to:0.09188134719253997	section:0.06021095701250292	at:0.059008119335671384	the:0.0562911649863459	in:0.0559700120848988	:0.01
or:0.2124061923844625	no:0.18221226859843373	and:0.12767223274374573	much:0.09830072902062686	of:0.0914534110474893	any:0.08665293052664501	the:0.06967616007864885	for:0.06353448640974194	a:0.05809158919020614	:0.01
men:0.26245334012483773	man:0.11372269830104313	women:0.09735068466645061	up:0.09171475096694616	time:0.08897177207882424	President:0.08509203955591872	rights:0.08453156240470006	power:0.08344907554248629	labor:0.08271407635879295	:0.01
the:0.6542120219603469	and:0.0817529556670367	of:0.0681866080980329	tho:0.04143515862244505	his:0.03802622381820678	their:0.031160824222477585	The:0.027641709452277716	her:0.027212625977743956	tbe:0.020371872181432434	:0.01
the:0.1728141090838527	of:0.1563035124876308	and:0.1521368836337492	by:0.11101424669050772	to:0.09569286014401353	for:0.0911429016628341	in:0.08166134057966577	a:0.07312267833963282	or:0.056111467378113254	:0.01
the:0.6785336253636738	a:0.07762191982812573	of:0.0759430796937583	The:0.03842360456019856	tho:0.035635801874030856	in:0.029954816061519236	and:0.023759250828909118	by:0.01629183629400384	with:0.013836065495780498	:0.01
in:0.2859506251397239	of:0.2037758653466222	to:0.09543973276895223	with:0.08727538445337293	under:0.07919884908982026	and:0.06490226194623154	In:0.06218133281067968	by:0.060025438515432	for:0.051250509929165265	:0.01
the:0.20311831739028632	of:0.20305663768115756	and:0.17532910741274838	to:0.1445361693715885	a:0.07322905923217755	not:0.054292511375099765	for:0.0514325511924188	is:0.045661229570040096	I:0.039344416774482915	:0.01
a:0.43421034936863223	the:0.28127427940390076	large:0.13107432102392513	A:0.04765830538767432	The:0.04331646657401486	great:0.01764427777232608	total:0.013916780429481905	and:0.011073407679680021	tho:0.009831812360364641	:0.01
the:0.27025998949320806	be:0.16676154943016738	and:0.15514881048106097	is:0.13603273902058116	was:0.06302110024694535	are:0.054260289687262125	The:0.05044788774171876	not:0.04945853837659345	of:0.044609095522462734	:0.01
the:0.7012474108349183	an:0.0740412039298798	tho:0.05085595877030165	The:0.04163599818727613	of:0.032101361109692174	a:0.028516627095724296	and:0.024839551120162583	his:0.02065758283781464	her:0.016104306114230797	:0.01
hundred:0.38841378645436947	up:0.09123185635738856	men:0.08930224671194738	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.07306411117914521	him:0.0668423327581923	;:0.06651424040074755	due:0.06192290086804839	:0.01
be:0.178803407350363	was:0.1756868828845475	is:0.17434384553599502	and:0.11493393234775517	he:0.10070155365761972	not:0.09326537363883233	He:0.056945193765603926	been:0.04803833652074261	I:0.04728147429854066	:0.01
<s>:0.568462569019253	it.:0.09286696899088528	them.:0.06467547877488351	and:0.06007316483455454	time.:0.04618634310602771	?:0.041486816620020905	country.:0.04030044739095154	people.:0.038671662682257794	year.:0.037276548581165685	:0.01
the:0.3734137039661221	a:0.13975492402680645	and:0.13963314417683828	of:0.11228281495734176	Mr.:0.06450996398670218	The:0.052053511566439246	to:0.042054468784959755	in:0.035848772869859484	an:0.030448695664930674	:0.01
the:0.2309640701636658	of:0.17220334004377194	and:0.14147498841999787	a:0.12083689853514937	to:0.11852942901038444	be:0.06109875657352347	was:0.058041221521029175	in:0.053031285233387675	at:0.033820010499090294	:0.01
be:0.19861673645279096	was:0.18703922942303944	are:0.15265990417466435	is:0.1235811987280537	been:0.09973824841275516	were:0.09314988280897722	and:0.06358666501394979	not:0.03995426650165762	he:0.03167386848411172	:0.01
be:0.34034028144767065	and:0.18211546252244465	have:0.10153601961053822	he:0.0801303583838687	been:0.07476167183749319	was:0.05946269836027415	had:0.05639555041203301	who:0.048783808033528255	is:0.04647414939214924	:0.01
of:0.23817198602954937	and:0.23415746017761663	in:0.1159835339547378	to:0.10227189079610366	fact:0.07859923495468527	said:0.06648519540808896	on:0.0596758126790623	all:0.04959175794549596	is:0.045063128054659965	:0.01
one:0.2617741089986468	out:0.15556960502827208	part:0.13008893117226905	some:0.11334280627319533	time:0.07945996676975539	account:0.07275376099225171	all:0.06506597645229725	and:0.0565737601528326	that:0.05537108416047968	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
the:0.43939504065241575	to:0.14976483768331186	of:0.13401757176781318	a:0.07420797252362837	by:0.05885648618603621	and:0.053262232906049874	any:0.02939856615747556	tho:0.02625880314485782	their:0.024838488978411333	:0.01
of:0.4480261850774519	to:0.11030033198170837	the:0.105550248021715	in:0.0784661812579372	and:0.07221480987093987	by:0.05507838224377976	from:0.04911523738476056	County,:0.04217473001537978	In:0.029073894146327568	:0.01
of:0.2259884777378865	in:0.1279502676123141	as:0.10803511903377902	with:0.10289676309994414	to:0.10092096777749439	is:0.0958816162923596	and:0.08543175696245596	was:0.07364376919960383	for:0.06925126228416238	:0.01
the:0.44786431980033686	a:0.24318850317826918	The:0.12264431684468341	their:0.03719265373429309	this:0.036207992635508314	his:0.03155481234538028	tho:0.025522592849600463	no:0.02360624452022766	some:0.02221856409170083	:0.01
for:0.2753548395798289	to:0.17728174690431275	of:0.1708637606357247	and:0.09052313334919769	by:0.09022685648148512	with:0.06707477995714035	that:0.050043526112259644	or:0.03475511028812778	before:0.03387624669192292	:0.01
and:0.20435456638808408	the:0.1871879390757773	of:0.15188708769505155	a:0.12448680291506621	an:0.09998799915835413	to:0.0655491725074047	in:0.05506107295971793	or:0.05306429239806421	that:0.0484210669024799	:0.01
able:0.15003214449443616	as:0.1460460835028631	is:0.14532293277660674	was:0.11009825501060938	and:0.10603521108283459	order:0.1045530613215645	enough:0.09082062634658634	time:0.06866052566126134	right:0.06843115980323787	:0.01
of:0.34204220533703655	to:0.1388434664336376	in:0.13786264416522528	and:0.0802795492422938	with:0.07123181302638901	for:0.06369579859368074	on:0.061350835439372385	by:0.04859824571313037	from:0.04609544204923424	:0.01
the:0.26631771811439525	and:0.20187492102926918	of:0.1589843633303804	to:0.11059027842715603	in:0.0571012098710703	that:0.05146239565117725	said:0.050581573006078746	for:0.04673165755322649	his:0.04635588301724631	:0.01
that:0.2968383733874316	and:0.16146148318648218	if:0.12312539640131467	which:0.10779846507873168	If:0.09757558162839487	as:0.07134438770866358	when:0.047325374337039636	but:0.04356874114437087	what:0.04096219712757084	:0.01
of:0.4634721770075275	that:0.11420477075808627	in:0.08325238813911613	all:0.07016593657864474	for:0.06794396817608227	to:0.06355359122056484	and:0.05245933155735314	with:0.045950592046606405	from:0.028997244516018674	:0.01
and:0.1579810491680269	well:0.15662127733301764	long:0.13307512126526166	just:0.1220048760441865	soon:0.10211625740111543	such:0.08088591427700521	are:0.08045466943072235	is:0.07975662538700888	so:0.07710420969365538	:0.01
hundred:0.2723226431795192	the:0.17120429576322774	few:0.12364798863340233	100:0.10041654094240104	of:0.07676306267110665	200:0.07194020623886795	300:0.06517590165857949	fifty:0.054696875503655366	twenty:0.05383248540924019	:0.01
was:0.25097602829998417	be:0.18505077932432615	he:0.11701113355180004	been:0.11020414413578777	and:0.0722342709563186	had:0.06835820269855554	have:0.06320049799028303	is:0.06187138518110441	has:0.06109355786184027	:0.01
and:0.26467324220466437	that:0.12855172715513943	he:0.12624246993313515	which:0.10706559508453214	it:0.1051316141403998	as:0.10305647683356492	who:0.07533961838661225	It:0.041929530845993414	there:0.038009725415958553	:0.01
the:0.3299177818426395	of:0.17897670274827274	to:0.1253793792460873	and:0.10985980430753879	in:0.06240993305390326	for:0.06192854377065038	be:0.05083764956696977	was:0.037005804169285124	is:0.03368440129465309	:0.01
it:0.21317888410455543	he:0.18673248127798847	It:0.14093961810063962	which:0.10085580692903923	I:0.09523457785691532	and:0.07990794076262811	who:0.06284443033512091	He:0.05697400216718626	that:0.053332258465926576	:0.01
and:0.30198606598729155	of:0.1459273246731958	the:0.13864495245362918	thence:0.08926731608954895	was:0.0855563827330018	in:0.06743232789634844	by:0.056515560547822204	a:0.05603122409317376	is:0.048638845525988336	:0.01
a:0.29758910663305543	the:0.27423539380877837	any:0.11748842211131855	that:0.08968490661350283	this:0.05472192640486378	every:0.0465843682137706	greater:0.044608758332540806	latter:0.034305529520777776	no:0.03078158836139183	:0.01
the:0.5928194972621614	on:0.09301235846350314	day:0.05446489763796201	and:0.05203974894870126	The:0.051027008332245195	On:0.04589044410912231	tho:0.040926509163856394	of:0.031691299062918614	until:0.028128237019529632	:0.01
;:0.20586487178146418	him:0.12350856378931992	it:0.10891933974776494	time:0.09929388390941973	up:0.09759911098049076	,:0.09326418915121729	years:0.08951539379731195	feet:0.08609810367291856	it,:0.08593654317009271	:0.01
as:0.188283813505136	according:0.14144678228402477	up:0.13904323060160725	and:0.1096650113200393	went:0.09104380703179268	back:0.08789812106037491	regard:0.08348580619122747	feet:0.07747526592666086	down:0.07165816207913696	:0.01
of:0.31008822842899036	at:0.17794821253079945	on:0.11491288032631367	in:0.10151134206786229	to:0.07654856861270436	At:0.06608923467979312	that:0.06429741839109449	from:0.04234676464583174	and:0.036257350316610426	:0.01
<s>:0.24874485300556862	and:0.16820208658093458	that:0.16614717403417942	it.:0.13657056482519125	them.:0.08435587503363759	.:0.059414917296687075	time.:0.045646890775110166	law.:0.041078418193043975	him.:0.03983922025564745	:0.01
and:0.26992740600792603	it:0.14763486994409183	as:0.11814407145050337	It:0.11042649850465419	be:0.09479747174939344	<s>:0.07442624981974133	is:0.06258018174837403	was:0.059366460637917534	.:0.0526967901373983	:0.01
and:0.40180925423370906	made:0.10572982649976298	necessary:0.09766421441472355	provide:0.0709677106558723	him:0.06679412563114624	time:0.06399940844444657	but:0.06226152597569863	pay:0.06140975827886298	responsible:0.059364175865777885	:0.01
is:0.4441011003814523	was:0.2301255724918188	are:0.06934435729372343	and:0.0670153417317624	Is:0.05915242424207989	had:0.034758673704862096	has:0.031124884677625808	were:0.029326294222753523	have:0.025051351253921543	:0.01
and:0.18872866499782687	that:0.18544678085702931	as:0.11887801026938083	but:0.10543347493172958	I:0.09087381461127884	what:0.08093619280101566	when:0.07988184550118989	do:0.07522694803718492	which:0.06459426799336403	:0.01
he:0.33235414456905016	who:0.2082991964029548	and:0.14572153577306196	He:0.10418816270930131	it:0.060092006925740855	she:0.044951146906969636	It:0.037915188682535676	I:0.03217081465234007	that:0.024307803378045518	:0.01
the:0.37040219650114875	of:0.19383709484456518	and:0.11006570207620793	a:0.07666334436044113	their:0.060182692771749875	his:0.05459754970672565	by:0.05307450377099371	to:0.04248691206602509	for:0.02869000390214269	:0.01
is:0.2945847365112006	was:0.14872732896363627	and:0.14224072646496647	not:0.08806482183187267	have:0.07528699967963605	are:0.06885838902254715	has:0.06452877984653327	will:0.059299428957738105	would:0.04840878872186931	:0.01
and:0.16659610100634822	the:0.15795067258146855	of:0.14620121855685178	to:0.13794593269408978	a:0.1226029130438119	is:0.08716698094790247	in:0.06375734790300282	be:0.05595359465931104	an:0.0518252386072132	:0.01
and:0.19882741466648224	it:0.1761806483708886	made:0.09989488376212821	them:0.0997147983595032	feet:0.08700651726931753	well:0.08656013339522559	be:0.0850650042206313	up:0.08337150546527772	him:0.07337909449054558	:0.01
of:0.2582994245526273	in:0.1274627762081054	and:0.09634224679337225	by:0.0962537142614129	was:0.09232303777134804	to:0.08686401809464515	is:0.08554354693404605	with:0.0842831203618493	as:0.06262811502259379	:0.01
the:0.21858781341275965	and:0.14787589235517212	of:0.11615811686309205	from:0.111777248760148	a:0.10253926757191248	to:0.08360693553216382	be:0.08051194311816404	was:0.06882079131216966	is:0.06012199107441834	:0.01
and:0.4482331420721502	so:0.10610540103822622	fact:0.09514506065557286	is:0.0847817678774783	was:0.07153348135269066	all:0.0516316833277513	but:0.046400099126162685	know:0.045377320077342465	found:0.040792044472625195	:0.01
the:0.550402201383947	and:0.0819191768786936	Presbyterian:0.0661421524274565	Baptist:0.05752826905195703	of:0.05746861191218654	The:0.05577046683379853	Methodist:0.04607631380087089	a:0.03807874486609673	tho:0.03661406284499303	:0.01
I:0.3617057707013636	and:0.1516884097411837	he:0.1264714611372481	who:0.09494160629313846	man:0.060598798900041786	husband:0.05737669279287435	that:0.05068608378876793	1:0.04617028067356701	He:0.04036089597181516	:0.01
the:0.18418984393887416	and:0.16913990475903898	as:0.16395551826029284	of:0.14169073904733417	an:0.10219210188333847	their:0.06289856905714503	to:0.061912769317183106	his:0.05213082387998803	much:0.05188972985680534	:0.01
the:0.2974502811850691	of:0.22091422415753312	to:0.09236837889488791	boy.:0.0741306415053232	and:0.06960437249933987	girl.:0.06679148007921792	a:0.06486805677156715	in:0.05550313372308324	for:0.0483694311839784	:0.01
of:0.27516065525488775	the:0.23815654568793643	and:0.11830076237076406	to:0.09138319315816586	by:0.07830463674890568	Mrs.:0.05629018100410714	in:0.04960634565574626	<s>:0.043581121427708654	Mr.:0.039216558691778224	:0.01
and:0.29052563843363216	fact:0.1718349679940122	said:0.11307705641045758	so:0.10296766644522751	believe:0.07467485194323314	is:0.06547998110151379	say:0.06072622423233118	know:0.059576482780927004	found:0.051137130658665285	:0.01
the:0.24130576549866314	of:0.18833662870322207	and:0.16607091897550066	a:0.12226357561830728	to:0.08119819928176736	was:0.061441215918139495	be:0.05012797215849653	is:0.043156408701399925	been:0.03609931514450369	:0.01
that:0.2729510840698758	as:0.1842938608785148	and:0.16820647341179956	if:0.08368963772954555	but:0.08356006240536977	of:0.05569956270904735	when:0.054381460980309985	which:0.05367517311827446	what:0.03354268469726266	:0.01
they:0.19983357727504683	and:0.12859117532189843	there:0.1281413415134402	who:0.11000642161413274	which:0.09779705705316388	we:0.0951329772869301	They:0.08797460803454361	These:0.07229003956576904	that:0.07023280233507537	:0.01
to:0.7259205731764027	and:0.055244270570194196	not:0.05477011948071773	will:0.05408792587358044	a:0.0374816281027011	shall:0.019759533330809802	may:0.018794422297911256	we:0.012304817691936346	would:0.011636709475746455	:0.01
of:0.4104876545614871	the:0.1270947576867023	that:0.09670567859897038	said:0.088652730579354	for:0.08263338577941706	and:0.060761751667687096	such:0.04653765509161118	a:0.04570827492920928	public:0.03141811110556148	:0.01
of:0.29214172684144357	the:0.2010962402513853	to:0.10837257756477664	in:0.0915389331492946	on:0.06814990835721928	a:0.06502602872384236	and:0.06213141585352934	by:0.05778514318695227	for:0.043758026071556676	:0.01
New:0.9109052346690021	of:0.028654315848366734	the:0.01223807984470717	to:0.011602909766267601	Xew:0.008721502548768304	a:0.005637731019865213	Now:0.004969762638515642	for:0.003925028370784031	said:0.00334543529372326	:0.01
in:0.36050000009076766	up:0.1651182361107283	to:0.08987049176683823	men:0.08093591214306689	;:0.0708559400148725	him:0.06850552516191839	them:0.0526794162507823	In:0.05197410525796947	out:0.049560373203056236	:0.01
well:0.18763885440258532	known:0.18484329533803032	such:0.1312109444336379	and:0.11650300559404793	far:0.10672026401295966	soon:0.07431929105806054	is:0.0676950141355078	just:0.06709023500275703	was:0.05397909602241354	:0.01
and:0.2583111201264527	I:0.150032801542045	it:0.13150846664909535	he:0.11764500464746193	who:0.09195817342829972	they:0.08554158604439184	It:0.06223520414488136	was:0.04718811185506548	1:0.0455795315623067	:0.01
and:0.3389733798980301	the:0.19388779963305497	of:0.11207447863873035	to:0.0822001216842778	a:0.060970837475401954	in:0.05576928953166497	I:0.05153072021797639	as:0.049988270035289155	will:0.04460510288557442	:0.01
<s>:0.41537880450731407	it.:0.16060526295057034	them.:0.08887949552518458	.:0.08025406334396715	him.:0.07997388805377506	day.:0.04422484456074018	time.:0.04087785894873372	I:0.04081253681396801	It.:0.038993245295746805	:0.01
A.:0.74280457268309	J.:0.04170055294036771	N.:0.03602708018516733	by:0.0347161024214938	.:0.033471660931945216	of:0.028985313116531183	John:0.028416554080888112	W.:0.023122608203668446	A,:0.020755555436848372	:0.01
he:0.33497020051957277	they:0.17787713033474334	I:0.15189152577687662	she:0.08989930890698636	who:0.06878003457698566	we:0.056863202495264505	it:0.04503761674113863	which:0.0325162284394503	and:0.03216475220898171	:0.01
of:0.34204220533703655	to:0.1388434664336376	in:0.13786264416522528	and:0.0802795492422938	with:0.07123181302638901	for:0.06369579859368074	on:0.061350835439372385	by:0.04859824571313037	from:0.04609544204923424	:0.01
Mr.:0.1907810360551692	.:0.15159813808592965	Mrs.:0.1278412364892156	W.:0.10450993127117401	John:0.10162433821541514	Miss:0.08837527586881264	and:0.08691620611324759	the:0.06970368868888595	of:0.06865014921215015	:0.01
land:0.22191992612719197	was:0.2213308281621733	and:0.144757535521367	is:0.08782846571014406	situate,:0.07443156014974801	been:0.06798137124295499	be:0.06071648053994885	were:0.05936444488310215	are:0.0516693876633697	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
<s>:0.19944934790290994	the:0.16802756684291031	and:0.14423310668410363	a:0.09262781350641895	.:0.08984362391780874	this:0.08795031814535124	1:0.08768037800635414	pro-:0.061112584088994275	on:0.05907526090514874	:0.01
<s>:0.5427599578876955	it.:0.10775407803883123	them.:0.08791189897291012	country.:0.049025391342386745	?:0.04357041656028963	day.:0.04300692471612457	people.:0.0424369637379327	time.:0.037078089767391686	men.:0.036456278976437856	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
was:0.24044416773272045	is:0.1992463766333722	and:0.1298746109017918	be:0.12361323590998208	a:0.06940504127081842	the:0.06683918452935585	been:0.059849002725923604	have:0.05413858109333377	has:0.04658979920270193	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
the:0.3149107177547809	of:0.18198520635838672	and:0.1597381867371836	to:0.08210190978754722	a:0.07192616817774336	in:0.06102139026401743	Mr.:0.046260949257289526	that:0.0381259694073099	this:0.033929502255741435	:0.01
of:0.38953320136351915	to:0.11939899893975803	that:0.10678874237055604	and:0.09745101453987662	by:0.08804238441578795	in:0.06654768065488217	for:0.047642936934608277	all:0.04752923466669629	on:0.02706580611431549	:0.01
feet:0.21152080198844014	and:0.20431753174851455	so:0.10602462757439897	the:0.10209495768135814	to:0.09520878204518919	a:0.08083287241747074	that:0.07684358711695635	all:0.06424103514312415	as:0.04891580428454782	:0.01
one:0.2617741089986468	out:0.15556960502827208	part:0.13008893117226905	some:0.11334280627319533	time:0.07945996676975539	account:0.07275376099225171	all:0.06506597645229725	and:0.0565737601528326	that:0.05537108416047968	:0.01
it,:0.16607554813043654	in:0.16209330584565568	;:0.15117735456826883	them,:0.11902535701388761	him:0.09596513552107291	him,:0.08032609972803578	it:0.07559906280276	me,:0.07436676574836429	up:0.06537137064151817	:0.01
sum:0.2855483910862636	number:0.1763713115933576	years:0.09708182057750943	rate:0.09294717590767478	out:0.07962576721625397	full:0.07388409436233083	line:0.06725770568867144	amount:0.06089624864937583	kind:0.05638748491856236	:0.01
the:0.29185097931650045	of:0.27614768275403007	in:0.08035106357733839	a:0.07914078829298156	and:0.0755039697363953	to:0.07456073582861387	by:0.04301532416719808	on:0.03521194629929313	from:0.034217510027649146	:0.01
;:0.20953252095776806	it,:0.11451281996419217	him:0.11252660622910599	one:0.10399558216214487	in:0.10038399485273586	and:0.09216727949281207	,:0.08702126563998025	it:0.08638247894281384	up:0.08347745175844686	:0.01
the:0.574277138251669	The:0.09340127353734776	his:0.0711257643494737	this:0.06541347835894377	of:0.04351098745842889	their:0.042081888934799555	a:0.03866535654024845	its:0.03216049176514249	tho:0.029363620803946257	:0.01
and:0.3223991660878865	them:0.12675238619783002	it:0.10010717227693151	that:0.0916462931611764	was:0.07361762533117142	men:0.07120402384898782	or:0.0707031680732684	made:0.06705269116907098	him:0.06651747385367691	:0.01
of:0.4538454851631208	to:0.12902461852425537	in:0.08969134396585621	by:0.07861666821890352	on:0.06240430933306631	that:0.0546497695573892	from:0.044946581033201226	and:0.039091009569273076	with:0.03773021463493432	:0.01
the:0.8840210756367101	The:0.04055976379538139	tho:0.035596417457605355	tbe:0.012267887362665557	and:0.004609614669017679	this:0.004433919275726699	his:0.003131660085343171	of:0.0029387817618952987	a:0.0024408799556547667	:0.01
N.:0.5039930499401002	the:0.23320984598250358	X.:0.07899623663027004	.:0.0514864865272248	of:0.029135560193225236	and:0.0251739878850666	J.:0.023987890452749728	A:0.02249022435294831	W.:0.0215267180359115	:0.01
called:0.43563287292903513	agreed:0.21930469080292356	looked:0.10031639124009117	relied:0.05887929611136437	acted:0.05615996475067745	levied:0.033175795830745154	depended:0.02923301535258553	made:0.02877476757927867	imposed:0.028523205403298887	:0.01
of:0.2757170831828383	the:0.21831233842919698	and:0.1877627985889314	to:0.07195049484546019	for:0.05096930807874307	that:0.050289050071476694	in:0.049686694840945345	by:0.043895337946767365	or:0.041416894015640665	:0.01
the:0.34825423155363944	of:0.16617095001393953	and:0.11286310840258941	that:0.09950163101593293	Mr.:0.069192427731586	The:0.06747202200814983	a:0.0641964283367045	this:0.03296247283026255	or:0.029386728107195847	:0.01
of:0.3226309604095595	in:0.17917491520159243	and:0.09809122982336861	to:0.09506463609155288	with:0.07691729424245838	for:0.07115316083243621	by:0.05063411041779492	all:0.050355177771641675	from:0.04597851520959545	:0.01
of:0.4424819915535392	and:0.12693792349210858	in:0.09244700513619566	Thousand:0.08916126384315484	the:0.08501202073916073	to:0.06883625817186308	<s>:0.04331172740443761	Township:0.021677336773807548	In:0.02013447288573261	:0.01
the:0.7816188842871229	The:0.0676225607219566	tho:0.044367024701716426	a:0.03791010070058443	and:0.018822427659579102	tbe:0.016014923433436808	no:0.008793653262949428	an:0.00842976647339706	this:0.006420658759257306	:0.01
are:0.1922880682911023	be:0.1382722092670723	the:0.1317085423559271	is:0.12043602404117634	not:0.113335753596259	and:0.10681955002414457	was:0.0786929610964961	of:0.0587873130203401	most:0.04965957830748219	:0.01
and:0.313745491396932	put:0.13759792989027655	was:0.11307519544812583	placed:0.09350044529633868	is:0.07118174542190389	it:0.06896013629138537	that:0.06724092317653742	out:0.06399868719816328	down:0.060699445880336975	:0.01
and:0.3831357719647706	him:0.08633579147109542	reason:0.0849154092493801	made:0.08427592616698751	but:0.08147530267248447	enough:0.07305225209565178	asked:0.06965930237359724	time:0.06381268945419652	them:0.06333755455183629	:0.01
a:0.3619944110790323	is:0.17894268525523255	and:0.09509928568855402	very:0.06935096982703165	so:0.06733161831683933	are:0.06582753083941889	was:0.06300390992882617	of:0.04511292026266899	the:0.04333666880239614	:0.01
the:0.2625266516154365	of:0.128900387027989	said:0.10691616906038037	and:0.09918828745645811	such:0.0953084008440284	no:0.08628832825245274	or:0.08412673427170074	any:0.06387586769851289	that:0.06286917377304123	:0.01
and:0.4185384877502744	he:0.1772623563199336	I:0.10255176170755582	which:0.06997691975948683	they:0.05048982920426449	who:0.04599753261536629	that:0.04303236388826254	it:0.04135962720807992	she:0.040791121546776124	:0.01
-:0.1815389483242898	day:0.17285717631624417	and:0.11234922398867818	t:0.10165102636963251	in:0.09271341963831646	to:0.09151280091401841	feet:0.08406276845518042	1:0.07962576925223237	of:0.0736888667414076	:0.01
feet:0.2083705893710341	poles:0.16686243736995118	up:0.11619557552687124	chains:0.11156855355118703	entitled:0.08437694067907713	went:0.07935061363836472	came:0.07491532896457027	down:0.07426522602773696	him:0.07409473487120727	:0.01
the:0.3730170802122396	of:0.15655489078376544	a:0.12179325753289262	and:0.11720982368826383	to:0.06846701735878319	in:0.05190197020258795	on:0.04061409574999831	The:0.03025876885115021	or:0.030183095620318727	:0.01
the:0.19171647154817875	of:0.14112722341567557	and:0.13416554077907167	be:0.11792759908396455	to:0.11342443551796061	was:0.10074338199402288	is:0.07513481676880754	a:0.05881585421433086	are:0.05694467667798767	:0.01
the:0.4285103139262176	a:0.17076660037823543	one:0.15472267915705212	some:0.04617067702809062	The:0.046005908829894346	his:0.04269168629143896	two:0.04145532956738311	tho:0.03082583218501168	their:0.028850972636675985	:0.01
of:0.2355848205712021	and:0.15947546799959386	the:0.15159028162247443	to:0.14895664871845368	a:0.09083050271541337	in:0.07964511707247901	that:0.04449975329548923	or:0.04397951928307565	which:0.03543788872181886	:0.01
to:0.2620983149693371	and:0.19664402247129265	the:0.18720703494025467	of:0.14061051340842873	in:0.0675925481954826	a:0.03867755248806961	<s>:0.03389464108121401	not:0.032510411574388075	that:0.03076496087153255	:0.01
that:0.42298469206553535	which:0.14718301048178825	and:0.09974483873807848	as:0.07404962512175495	where:0.057960286286816924	if:0.05664975818932674	but:0.05011016041941644	when:0.04390113337201045	what:0.037416495325272525	:0.01
and:0.44238016730295493	or:0.1539748761841772	that:0.11071579694083412	not:0.09321962235839373	but:0.06870513801329688	to:0.04491157416576994	But:0.027768386343210362	is:0.024362508570176827	for:0.02396193012118606	:0.01
to:0.3499373866087725	and:0.18449195547734545	be:0.14377690236609258	was:0.08884982829412248	he:0.06720775665425055	been:0.046314810974022715	I:0.043086358390475026	were:0.040275264974828716	had:0.02605973626008994	:0.01
the:0.263507441343651	a:0.23592008964116876	of:0.15281018696248774	for:0.11349182315912336	in:0.07057228902887193	at:0.052325056337871975	and:0.03862790382501156	that:0.0319659961612836	to:0.030779213540530183	:0.01
the:0.4654928584375922	a:0.20081949557633533	and:0.06835447756393222	The:0.06441337222764273	his:0.049507866932215816	of:0.047307134942925384	any:0.03568664515304531	in:0.03009373773764727	tho:0.028324411428663918	:0.01
is:0.13711014572135505	very:0.13533384126169432	the:0.12212894925643064	more:0.11589108254524798	be:0.11388059768393141	most:0.11331978667851472	was:0.09833733890331035	an:0.09052851392872072	are:0.06346974402079487	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
quarter:0.15461022407636077	sum:0.13976623521252646	one:0.12723355641840514	part:0.12006902946218981	that:0.1096882477614819	purpose:0.09388752663037593	instead:0.0876397387721467	and:0.07898479461903508	number:0.07812064704747836	:0.01
sum:0.18676829411122214	number:0.1566486321513545	line:0.11140081741272478	city:0.10844765106291132	out:0.10739005474369737	day:0.09286734076326106	county:0.08286139477536687	amount:0.07384405151900511	Board:0.06977176346045691	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
that:0.2364630196663035	as:0.16569296021381655	and:0.1530280421467579	which:0.11168162847379438	when:0.11052413197367703	if:0.07998746507578312	but:0.04850879293008406	what:0.04292251173779212	When:0.04119144778199154	:0.01
and:0.28621607965209356	was:0.14288709712572797	is:0.1001317932591974	up:0.08704755478894141	it:0.08003377579682718	that:0.07902528082567174	made:0.0745552222447431	them:0.07077100263027976	him:0.06933219367651763	:0.01
is:0.31781398845472014	are:0.17490524267694163	was:0.11022528016440086	be:0.10791444898087142	and:0.09764875819527975	not:0.052820461846169356	so:0.046510935612166376	Is:0.043015781214721126	were:0.039145102854729226	:0.01
he:0.1974093007945123	they:0.15323356522658368	I:0.14705310612115108	it:0.12122001083976143	who:0.09939413393265092	we:0.07358092480578185	that:0.06799166504288254	and:0.06587010859853684	which:0.0642471846381394	:0.01
the:0.24700901442492468	and:0.1758202831831359	was:0.11914517712537158	as:0.11414096510541422	is:0.07830043709114132	a:0.0732138053984077	street,:0.06505040963691583	of:0.06316898670256821	so:0.05415092133212051	:0.01
of:0.20787866562735885	the:0.1742711365087263	to:0.16267690793899636	in:0.138751208937106	and:0.08459136284580854	a:0.07067365420770738	on:0.06252605955722475	by:0.046604222508911754	at:0.042026781868160085	:0.01
the:0.39288811147494296	a:0.17286917852526856	his:0.13277855630934127	The:0.1049601934939827	my:0.05771178807498792	and:0.0423421935788637	of:0.030373076164108198	A:0.029795469087247773	His:0.026281433291257063	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
be:0.3385536588243571	was:0.16900997976887325	is:0.13103363659142417	been:0.12471130171128166	are:0.07347510387280695	were:0.05083572186349724	being:0.04288807013805572	and:0.03555793327295511	Is:0.023934593956748865	:0.01
the:0.2713526857560502	of:0.18873372817013878	in:0.16556691063057374	and:0.10257142346025959	In:0.06392162296840172	to:0.062334586699579066	for:0.06085068045434113	their:0.03783721114523859	this:0.036831150715417135	:0.01
the:0.21858781341275965	and:0.14787589235517212	of:0.11615811686309205	from:0.111777248760148	a:0.10253926757191248	to:0.08360693553216382	be:0.08051194311816404	was:0.06882079131216966	is:0.06012199107441834	:0.01
the:0.3206966971689997	a:0.213587688637112	of:0.16643722091088176	and:0.06626558972889944	to:0.0629635391548525	in:0.04535005106296338	his:0.04500902001550973	that:0.03547100009753138	this:0.0342191932232501	:0.01
the:0.23606769123376106	of:0.222066354989274	and:0.1395933148716674	a:0.1110546671000874	to:0.08729444283379052	at:0.08413141168488543	in:0.05028353747339498	for:0.0308142517887406	his:0.028694328024398454	:0.01
for:0.22418383987250273	of:0.19247237679762022	to:0.14356036123032642	at:0.12638943988747878	in:0.11270977041045592	and:0.060993844915568154	during:0.04679245682862905	all:0.043186896830778206	on:0.03971101322664045	:0.01
day:0.17829895693805653	and:0.15899177659448402	made:0.14871029061055333	out:0.09287530658861137	up:0.09118244764460894	feet:0.08376748653362667	them:0.08212257195217178	him:0.07802484037383413	it:0.0760263227640531	:0.01
of:0.1919591808363682	and:0.16315699654690158	to:0.15814060037241645	the:0.14129304758738062	at:0.08857077798893641	in:0.0741729493129977	for:0.06948344113298152	a:0.06252584730883629	be:0.04069715891318126	:0.01
and:0.1605153849203944	able:0.12584552037456034	order:0.1202327490477498	him:0.10411986755347347	is:0.10230358199714916	was:0.09725639894996212	time:0.09647037435760988	had:0.09226467812513446	as:0.09099144467396625	:0.01
away:0.19041587022310327	and:0.16519107313931605	taken:0.13090618369387813	miles:0.11772895341262953	feet:0.10551786830952455	come:0.07393483029145144	them:0.07169234007196142	out:0.06832721446888708	came:0.06628566638924843	:0.01
is:0.15136464195252636	and:0.14987461579429973	of:0.14391759858752987	was:0.12250807953804663	by:0.11279043216156052	for:0.10971108742890863	in:0.07410197440941413	that:0.06801597139960679	to:0.057715598728107304	:0.01
the:0.6014993194577257	a:0.25716841379300626	The:0.043164148731830214	tho:0.029449554091435987	of:0.014714909175531136	tbe:0.014241472449196298	this:0.013636712976315982	and:0.009416225922097652	great:0.006709243402860848	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
a:0.37810982458657283	the:0.29365718168296134	no:0.05596580809459498	The:0.050712468042107925	of:0.049180188224091544	any:0.04569654161755109	such:0.041026487476140835	his:0.037843683098104396	and:0.03780781717787523	:0.01
and:0.22024109891953736	of:0.1479495517289874	or:0.1421684048879596	within:0.10957002985771482	the:0.10882416351182168	as:0.0780100118790501	in:0.07490576855346727	than:0.05542091444368475	about:0.052910056217776905	:0.01
hundred:0.38841378645436947	up:0.09123185635738856	men:0.08930224671194738	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.07306411117914521	him:0.0668423327581923	;:0.06651424040074755	due:0.06192290086804839	:0.01
city:0.2278424702459735	county:0.11878196973404619	City:0.11242255079992804	day:0.09883885653146103	State:0.09826409659506224	state:0.09483898254507979	County:0.08263466000515829	Board:0.08208547777036969	line:0.07429093577292127	:0.01
of:0.30919766383422037	the:0.23911034023467517	and:0.13381140773686945	to:0.1104831272711019	in:0.04695994819922382	a:0.04216205376738394	on:0.037969642507113495	The:0.03534540331691183	be:0.03496041313249982	:0.01
it:0.20687419694626066	It:0.2041185812592859	he:0.1333143470069787	which:0.10094655584395615	and:0.08473585855072226	This:0.08385958200134509	there:0.061722523003561965	that:0.0578315595216127	He:0.05659679586627655	:0.01
the:0.21858781341275965	and:0.14787589235517212	of:0.11615811686309205	from:0.111777248760148	a:0.10253926757191248	to:0.08360693553216382	be:0.08051194311816404	was:0.06882079131216966	is:0.06012199107441834	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
and:0.20576986051327525	be:0.14724677861411745	to:0.12535070885684524	of:0.12147274158796671	the:0.10006651747810341	in:0.07829719106333621	was:0.07464897261101211	is:0.06959459791180371	re-:0.0675526313635398	:0.01
his:0.35498242150445175	her:0.203174454530904	their:0.14732887296949615	my:0.06874642564963837	of:0.06116629239078387	the:0.055033877185911	our:0.03995644092995676	own:0.03280180756129893	your:0.026809407277559143	:0.01
and:0.25037799561132223	to:0.19051743664518078	of:0.12818071300755096	the:0.11341275889843262	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.05790590474591629	for:0.056443486992488516	:0.01
the:0.2891176985137046	of:0.15034482710262845	and:0.14727364343021293	a:0.12256378698685641	to:0.11180388212332247	be:0.05566769946958988	was:0.044440704312762515	or:0.03660687066406267	is:0.03218088739686003	:0.01
the:0.5443381295603745	a:0.21721138193766873	The:0.06514357860369203	to:0.0534962826022236	and:0.03370659820423481	tho:0.024043365737743468	no:0.023914313150359988	of:0.016785779222910358	tbe:0.011360570980792618	:0.01
the:0.301187702244158	of:0.13676874456607602	and:0.13292833990918582	a:0.09641617605887869	be:0.08582865028884054	to:0.0821479142893926	was:0.05696199686279037	is:0.05298264561902102	in:0.044777830161657185	:0.01
of:0.3524540163559507	in:0.14779417416728713	to:0.1286187432722765	and:0.08371121655623444	that:0.08053609842300542	for:0.05899758890655249	by:0.049560966176093464	with:0.0474674892088761	from:0.040859706933723844	:0.01
of:0.27268019285316486	for:0.16233786011373205	to:0.14247071863884628	in:0.10012739022146269	with:0.08853120121124007	and:0.08171738416238052	on:0.06321392522617092	by:0.04314413771191477	that:0.0357771898610878	:0.01
to:0.5138604887149658	will:0.21451992531363168	would:0.05045856132747192	can:0.046300765597339595	and:0.042403681977022455	may:0.035591111667673446	not:0.03494021798229417	could:0.02935038038624453	shall:0.022574867033356323	:0.01
in:0.3491711319101309	of:0.1259646356606283	to:0.09955614308189216	and:0.0988758326439478	In:0.09660864390070721	the:0.07523112264358901	with:0.055219821127348065	without:0.04659026942603416	a:0.04278239960572228	:0.01
It:0.4346465778158985	it:0.2979728495910387	and:0.06873508572957959	which:0.06222647620338337	he:0.04541315974211922	as:0.03402743348512866	He:0.019379855400145644	who:0.014353143613429431	that:0.013245418419276993	:0.01
of:0.41451996941524516	the:0.23286197606789755	in:0.09010373054170646	for:0.06255870846188892	with:0.050378944976271677	to:0.05027220727454893	and:0.04062515262191826	by:0.025743700118352055	a:0.022935610522170864	:0.01
the:0.4812143396774112	a:0.2597650614594193	The:0.15661461321059708	tho:0.029005129888262798	A:0.01917200774540182	and:0.014823383950342288	of:0.012567515775970825	tbe:0.010415840981807093	his:0.00642210731078773	:0.01
a:0.3833079730589022	of:0.1433457523082955	the:0.1074743825633931	to:0.09260295295400096	and:0.09247202324644747	in:0.05446328357765062	for:0.045020309479183875	or:0.03642147585812739	his:0.03489184695399909	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
it:0.35835403077289185	It:0.18033896309510394	there:0.1000580278728347	he:0.08633223790107593	that:0.0786661222512119	they:0.062195379566770945	which:0.057389596688828697	and:0.04098930196902008	I:0.025676339882261926	:0.01
it:0.2827850527348108	It:0.13400289869302948	there:0.11771483856766453	they:0.0914384776859708	that:0.08313239062920649	which:0.0769409879360296	he:0.07501873352304173	and:0.07330080551631972	I:0.05566581471392691	:0.01
is:0.2638574537388834	was:0.17481634379295585	had:0.13994979809009062	have:0.1355763518458555	and:0.07056958445973967	do:0.05469510562889852	has:0.0509865284893221	Is:0.050056372262479776	that:0.04949246169177453	:0.01
be:0.327601748552826	is:0.16041505675166925	was:0.11157265838811968	become:0.0888813057089471	amount:0.06969934102813254	are:0.06926178294720059	been:0.06469882297917082	in:0.05070343269772859	now:0.04716585094620539	:0.01
of:0.23677266547888126	the:0.20626385991640173	in:0.11515141501866437	and:0.09996292456948606	to:0.09808160147528928	a:0.09074379430339378	for:0.055716364478532066	at:0.048584970119986394	or:0.03872240463936488	:0.01
the:0.24236202073652988	of:0.20536500222371457	and:0.166871077045992	in:0.11764969379678739	a:0.06877339806465796	was:0.060401645356168765	is:0.04771002123545104	are:0.041303355003815344	be:0.03956378653688296	:0.01
and:0.19668537088296256	of:0.17773310401398087	to:0.13168240291219754	I:0.12391276246252826	the:0.09687269956756724	that:0.07500763937018166	a:0.07477205533279513	in:0.07098067888547782	for:0.0423532865723088	:0.01
and:0.20348740443375118	was:0.19576059397117318	be:0.17143154395910676	he:0.13078563556532488	been:0.07972681593349314	is:0.07299170001392045	were:0.04688833649531964	I:0.046598669777388475	have:0.042329299850522445	:0.01
and:0.18784336682063274	as:0.15114329179679575	went:0.11423878004667351	him:0.10666558228731272	them:0.09110223752457794	up:0.08733803455919152	is:0.08689480544253657	go:0.08340199801381315	able:0.08137190350846597	:0.01
the:0.7043487327421232	of:0.08983144347995767	and:0.04075038755789376	The:0.036458075106251056	by:0.02909781084502219	tho:0.027402643935009994	Vice:0.026293759853609433	to:0.021907748006880907	tbe:0.013909398473251929	:0.01
the:0.5400808610910861	of:0.131193771064713	a:0.09728889566246925	civil:0.06939621486411433	The:0.050792674449237005	tho:0.033128055008086014	this:0.030159279311646244	Civil:0.0199980775310048	his:0.017962171017643355	:0.01
made:0.2390147886878667	and:0.17254332981506385	shown:0.10468309967028358	out:0.08859751691392119	him:0.08467345057285448	up:0.0812510743207608	ed:0.0740914122490307	done:0.07289527257784643	or:0.07225005519237224	:0.01
and:0.5586292028304937	the:0.08140538268030897	was:0.06605007676339711	I:0.05053528633455211	is:0.049823408717877535	are:0.04980661071925382	of:0.049783553196142964	or:0.048514878675087775	not:0.03545160008288594	:0.01
thence:0.19923555743220422	came:0.12632980869647162	and:0.12606960262650674	went:0.11885487841460309	get:0.113630020588925	go:0.10718551914269965	going:0.07191495465858802	all:0.06497972289088948	walked:0.06179993554911231	:0.01
and:0.34444629034592467	of:0.16771989622284456	fact:0.13905496676142487	in:0.0931287078268044	is:0.053408409287970096	to:0.05024725926186579	for:0.04933999685307294	all:0.046855763788364604	say:0.04579870965172817	:0.01
the:0.2733182460759954	of:0.15423716086505737	and:0.14528259025248205	to:0.10262183581871517	be:0.08657383028225224	a:0.07744275946770984	was:0.05733333087575693	their:0.04881454297593235	in:0.04437570338609881	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
is:0.25811249887314525	was:0.17790940234986777	and:0.1439014652999136	be:0.11544533194251266	are:0.10844260899916178	were:0.0681397682325097	been:0.043529742976254	not:0.03997802291786138	Is:0.03454115840877394	:0.01
the:0.4414973176517633	of:0.20373722222615842	and:0.10951740980808175	The:0.10799553828304218	for:0.029910134429163654	that:0.02942122503664602	which:0.02546513186277177	tho:0.021925325850787467	Mr.:0.02053069485158545	:0.01
the:0.2885930082027725	of:0.176566445622439	a:0.12380099638058098	to:0.10274053766955328	and:0.0921597664603577	be:0.0664805226347077	in:0.04958752016343719	is:0.0472461089247686	not:0.042825093941383084	:0.01
it:0.16780357755381597	that:0.15924330912563467	and:0.13929489623370037	which:0.13299238453009488	he:0.12806656523046	It:0.09079276727918181	who:0.08791391174406342	I:0.05415595646401802	she:0.02973663183903092	:0.01
and:0.5166716118614051	that:0.11076353401438707	time:0.10878646991123625	but:0.08507555919350641	was:0.03903932681247199	except:0.03580926582595291	day:0.033082139664270725	and,:0.03152298969448208	or:0.02924910302228747	:0.01
the:0.3834933381110881	a:0.240897575337771	of:0.12319600679805011	and:0.06437133353599508	in:0.045459069670374476	with:0.04253632203228458	his:0.03254393781467649	to:0.03132237918644917	this:0.026180037513310862	:0.01
the:0.18724622442390548	his:0.18505544324881334	their:0.11763933456044275	of:0.11544809937925846	no:0.09356027020203146	and:0.08337578484559575	in:0.07756223053001993	two:0.07747835290449585	her:0.05263425990543699	:0.01
the:0.37059625430792603	a:0.1885255921125628	to:0.1129293251386549	this:0.0951312354322798	one:0.0604641138858121	and:0.047755454150874045	other:0.03980615320843042	of:0.0380911883414923	any:0.036700683421967556	:0.01
the:0.5080787774374986	a:0.15572770058523497	of:0.09070654442459324	and:0.06832379121005383	The:0.06396613573761112	an:0.029726034450766412	tho:0.026999471760517025	to:0.025888696798339675	with:0.02058284759538493	:0.01
the:0.5363376338936523	a:0.14376328860126378	of:0.08431624532311781	to:0.07627803530277077	The:0.04729440553041019	tho:0.030969327502411177	and:0.02867217332120211	for:0.02514220835438269	no:0.017226682170789112	:0.01
to:0.3801713410396947	will:0.16905314483498002	would:0.09527916658290728	may:0.08675332896552816	should:0.06283728370881102	shall:0.06007446359778352	not:0.056307515032875996	must:0.039927651800072135	can:0.03959610443734722	:0.01
and:0.2368009263025591	the:0.22528326295258694	to:0.15251697137798004	of:0.1381584261591181	was:0.07509298009890639	is:0.046663171444469916	be:0.03990903938764284	will:0.03914895381638885	are:0.0364262684603478	:0.01
in:0.2923082894735924	of:0.19914921946067007	to:0.16151491999131531	and:0.07962047378992143	on:0.0788761420462201	In:0.04764079482996104	at:0.04624935615366303	with:0.04460457083775771	for:0.04003623341689897	:0.01
and:0.2682983319507874	recorded:0.10717905104111182	was:0.10263907629409649	made:0.09927630384100071	that:0.09842569549211198	o'clock:0.08895025276229458	up:0.08173084504592748	is:0.07240199994443215	found:0.07109844362823738	:0.01
it:0.3754609427442143	It:0.22027953578716658	which:0.11392286441583135	and:0.06598966746891508	that:0.06023555458440322	he:0.050593885988327585	there:0.04664974821588445	who:0.03531722530494093	as:0.021550575490316345	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
to:0.23662630983965727	the:0.18595273144583616	of:0.1732597148669086	and:0.1706628968830764	in:0.061733524813321214	a:0.04854923544972587	be:0.0416983078201574	not:0.03653922914817789	or:0.0349780497331394	:0.01
to:0.6573547557335156	will:0.09298088828624904	and:0.08607242503031012	would:0.04624530571785921	in:0.026120604855183138	a:0.021677032747881717	not:0.021429431169790694	the:0.01971121315835089	of:0.018408343300859293	:0.01
and:0.21854414393360133	was:0.13048994353067261	have:0.12516944674819322	had:0.1235351773525834	has:0.1116292471539795	is:0.09432567359140069	I:0.07432519494561676	he:0.057310907141621036	but:0.054670265602331444	:0.01
the:0.8038508024762425	a:0.06491865573901291	tho:0.03473294438610949	The:0.03369152201575822	and:0.014367075389794976	great:0.011171442483622219	tbe:0.010262893457075926	no:0.010013420138252542	an:0.00699124391413111	:0.01
of:0.2583674187801684	in:0.24277873349364393	to:0.12823668660644288	for:0.10037748371828424	In:0.08356807173717447	and:0.0791617077612328	from:0.03782527083743055	with:0.03740304045655928	by:0.022281586609063493	:0.01
a:0.761585886564361	the:0.08477533918358406	one:0.03868738692827269	A:0.030314225104866973	every:0.023775750762412496	and:0.014906464183980731	first:0.013016839595857081	large:0.012457958959651749	The:0.010480148717013239	:0.01
to:0.6565703759405165	in:0.07104257425892693	not:0.06296976680797656	the:0.041247613232101944	and:0.04019679266011764	his:0.03828024820620194	had:0.030690991730457227	In:0.02600854764257289	will:0.022993089521128256	:0.01
have:0.25719920988486866	and:0.2071900307226136	has:0.13951644908704813	had:0.13353532393390888	I:0.06166910265697852	they:0.052047487808969325	is:0.05172064881543546	he:0.05008762069042574	be:0.03703412639975152	:0.01
the:0.6745618349382546	a:0.11380227193644021	The:0.05010824223779811	and:0.03331872014722496	tho:0.0327906088559972	of:0.03211276143161762	for:0.02811909626517557	tbe:0.01276930568874353	as:0.012417158498748183	:0.01
the:0.3382010368731521	his:0.3074315770339485	my:0.10592251641332373	her:0.08383838812759731	their:0.039772746465936995	a:0.03545443887006919	of:0.03495638377039819	its:0.024696507461322063	our:0.01972640498425173	:0.01
time:0.15945566687042145	up:0.15680389843990397	;:0.12320996107957828	day:0.10501539269954666	house:0.09292245267586433	him:0.0917245986996545	men:0.09009110944282324	:0.08687433237068454	made:0.0839025877215231	:0.01
<s>:0.33758684142748135	them.:0.15534922657405734	it.:0.1553230092362886	time.:0.07614621583032273	him.:0.060260055015381335	as:0.05744951640555042	day.:0.050980913324557404	tion.:0.04852002533162487	country.:0.04838419685473599	:0.01
they:0.2631883704770411	we:0.15049962182211973	who:0.10553985267989202	there:0.1020871610319763	you:0.09611430591015195	which:0.07918938062889444	There:0.07246012233216834	They:0.07018879313416544	that:0.050732391983590815	:0.01
so:0.23843376715147224	is:0.15376225210216965	not:0.13240813844528182	as:0.0933132815418602	are:0.08542113746442727	and:0.08014518918791716	was:0.07373288448043634	very:0.07365901070638196	a:0.059124338920053324	:0.01
D:0.23535934091199762	S:0.11037371262633468	A:0.10818426530155092	C:0.10660611115752182	J:0.097825927969914	W:0.08988821445495788	M:0.08762291456740326	E:0.08477766582733094	F:0.06936184718298873	:0.01
the:0.2425783253852342	any:0.23975182207142834	a:0.22116253532899582	of:0.06444402321151463	no:0.056142447619354593	other:0.05571826507140457	one:0.0390262243565354	some:0.03693465137339289	Any:0.03424170558213975	:0.01
and:0.2074455907647708	is:0.13874944253915544	of:0.12673741047337359	was:0.11539693008690684	it:0.11250568557221587	are:0.101929069210534	now:0.07931385817012501	as:0.05487291794979535	there:0.05304909523312326	:0.01
to:0.6135214064473524	will:0.0880978870090595	would:0.06970185352022207	and:0.06659163754142179	shall:0.03922684983524149	not:0.0347848657166398	may:0.0330151632893432	should:0.026306638203219296	must:0.018753698437500528	:0.01
most:0.2509600199536329	is:0.13203912484743238	more:0.12687790157374632	and:0.08756952517379979	was:0.08391735304402491	the:0.08350539766307537	be:0.07688244461738505	an:0.07422553411989213	very:0.0740226990070112	:0.01
the:0.26991401513534163	of:0.17758310881913575	and:0.11321651702024871	be:0.10651158488158954	to:0.08172942900656562	his:0.06483671170343962	was:0.06424434113642574	re-:0.05726864252091722	their:0.05469564977633615	:0.01
the:0.44992613891550404	of:0.2245419330884986	and:0.09408750311133454	The:0.076516984089542	tho:0.03283820846924651	in:0.03273511588728065	said:0.028978493984281987	by:0.0262417368800627	to:0.024133885574248806	:0.01
a:0.322256776741006	the:0.2479912434547063	of:0.08210382992869972	this:0.0791401061100716	to:0.07001062490593828	and:0.057095450846725015	that:0.04584527547884161	one:0.04307185546406565	on:0.04248483706994574	:0.01
the:0.5209473903405699	The:0.1136337171925735	cold:0.11233163232002809	of:0.07176151584857444	tho:0.042162829197546936	our:0.03402116563997226	this:0.03367684607733788	a:0.03119755763204023	warm:0.03026734575135643	:0.01
of:0.3038110913333851	by:0.13004640046094001	and:0.10912606948401961	with:0.10572888735832286	to:0.09340886931284031	that:0.07304502890787366	in:0.06756750823750271	as:0.0642642831576648	is:0.04300186174745091	:0.01
of:0.35930858581690034	in:0.13933357939943086	to:0.1364162645178682	and:0.088335504356307	for:0.07444677721877853	with:0.05644654458551098	that:0.04786713687250779	on:0.044329985308916915	by:0.04351562192377939	:0.01
in:0.5691650014524942	In:0.11206888940449822	of:0.0845438891531652	or:0.056314925502875056	to:0.0433686082280498	at:0.036434115348575796	for:0.033865274175809375	without:0.0310845952358462	by:0.02315470149868644	:0.01
of:0.41301135976662456	in:0.17292526834669053	to:0.117166079099848	by:0.06522144079949672	on:0.05700780607238696	and:0.050268326970287436	that:0.041528067418019024	from:0.03845599393956836	with:0.034415657587078666	:0.01
the:0.3156120566176114	and:0.18065527291598815	of:0.13282175656982317	in:0.07149998222937444	to:0.0690548353300766	that:0.05972209936444574	was:0.055650715825864866	I:0.053471938431946635	be:0.05151134271486898	:0.01
to:0.6348659680946711	not:0.06302910475794107	and:0.06140238621306987	can:0.054869569045761526	could:0.05401753940867032	will:0.0427023937523423	I:0.029464032713616504	they:0.02589793435199685	would:0.023751071661930533	:0.01
of:0.21085352230674922	for:0.1566913654669882	with:0.12254085938875743	is:0.09794262079214161	to:0.09760624675472222	in:0.08170203052166136	and:0.08136000968583858	as:0.07993364433163473	by:0.06136970075150663	:0.01
of:0.7066491766090058	to:0.07120016867395372	in:0.06513962540994081	and:0.04896815454368444	the:0.036285048680656434	for:0.028372476732598302	<s>:0.01356613552401021	from:0.010126447798708681	ot:0.009692766027441381	:0.01
of:0.22850681642534082	and:0.1805464264717019	the:0.1409395272176383	to:0.12572603680964292	in:0.10801035135911755	that:0.05852378535808313	for:0.053353734691623564	or:0.051071778810346954	a:0.04332154285650473	:0.01
that:0.22098898110409057	and:0.15207033279011303	as:0.14462976982470202	when:0.1423562732989115	which:0.11485198088450467	When:0.0651042458899145	if:0.06443013027369296	but:0.050776954760481746	until:0.03479133117358899	:0.01
well:0.21321257425074597	known:0.18330231372211864	soon:0.17017982311130794	far:0.13451377472303216	and:0.1048509904369157	long:0.061630441159448365	such:0.04848962176196868	just:0.03999506790086283	much:0.03382539293359975	:0.01
the:0.3334916446968779	to:0.14483174923610254	of:0.13836347956101022	a:0.1353022469726462	and:0.08679645812652997	in:0.06952097042193187	.:0.031235759732179104	at:0.028167557547231103	or:0.022290133705490916	:0.01
and:0.23252451508161948	of:0.21066946042617082	the:0.2012722712085399	to:0.11602588072302104	a:0.0704238344236959	I:0.04376167981419296	in:0.04344430855840654	or:0.03666410683986517	for:0.0352139429244882	:0.01
the:0.36177792636797174	a:0.14312752033123308	and:0.1360536260392155	of:0.12146127489303132	to:0.06489036435126588	in:0.05628857105967749	The:0.037268973889760894	an:0.03475917146203292	Mr.:0.03437257160581108	:0.01
and:0.3455290528870884	I:0.15144418362723563	that:0.11149123836349088	the:0.07961448510726987	but:0.07062924444863011	can:0.06853155217130388	he:0.06699830309022807	or:0.050023695600815106	will:0.04573824470393794	:0.01
of:0.3865560076419739	the:0.17833485677042335	in:0.16979258162094923	by:0.11478684371576024	to:0.04369345296587816	on:0.033595518712300015	In:0.02277138787304346	from:0.02083394409189678	upon:0.01963540660777486	:0.01
and:0.25629987595678144	that:0.21873146709144375	as:0.10316712104206426	but:0.0921276253776741	made:0.08736781639242522	make:0.06235349871866982	to:0.05871401502854008	when:0.056444388414650104	of:0.054794191977751504	:0.01
they:0.27430562438208606	who:0.15730241273698764	men:0.12288857168937299	which:0.11946856212384456	and:0.092534097771703	They:0.06762577723423864	we:0.06741612684715162	there:0.046934881774864025	that:0.0415239454397514	:0.01
as:0.188283813505136	according:0.14144678228402477	up:0.13904323060160725	and:0.1096650113200393	went:0.09104380703179268	back:0.08789812106037491	regard:0.08348580619122747	feet:0.07747526592666086	down:0.07165816207913696	:0.01
of:0.33595057667642475	that:0.13991201188244579	and:0.1293098682395768	in:0.1043861958846032	after:0.06345042549361944	to:0.06087712879558946	for:0.05907000949686638	by:0.052534739992812565	from:0.044509043538061725	:0.01
the:0.5013397492922371	of:0.16674053364244015	The:0.13714525707718067	that:0.053099038158706965	tho:0.03265063298916209	<s>:0.02990759241694751	Mr.:0.025466371801444645	and:0.023956428823138292	by:0.01969439579874245	:0.01
the:0.3312044607482842	of:0.1454098882313021	and:0.14121925446249958	a:0.13774471045622208	to:0.09206378381544497	in:0.0680233865507106	The:0.025124251985585454	tho:0.024676572963231263	for:0.02453369078671959	:0.01
J:0.16212505640134686	and:0.16055774327439634	W:0.1440935239800993	of:0.10821467827940767	at:0.09003782296929078	<s>:0.08804862430179455	E:0.08235792626350752	.:0.08095075216026491	the:0.07361387236989188	:0.01
<s>:0.24728533594793461	and:0.20253763753382342	made:0.09886150757415757	was:0.09538551140811591	recorded:0.0792324387642515	that:0.07572633810967984	be:0.06754695020072057	is:0.06282737303055096	o'clock:0.06059690743076548	:0.01
and:0.3523383929295203	place:0.11630998229988387	was:0.09708309412283914	held:0.08406860892014516	made:0.073526851487507	committee:0.07100383530579546	work:0.0691968544382709	Minnesota,:0.06352463609507585	up:0.06294774440096246	:0.01
do:0.4632358892152873	did:0.26427765978951273	does:0.10823541961328481	could:0.04883505285665003	would:0.04378830986826581	will:0.031072969200934074	and:0.011093674980324637	is:0.010762860192241269	should:0.008698164283499185	:0.01
was:0.18087785493288766	of:0.1734023407069216	in:0.16215870874648547	is:0.1355711307067312	and:0.10374779162170138	be:0.07477864895331768	are:0.06582585472390032	been:0.05225591464123345	not:0.04138175496682131	:0.01
this:0.2338448905125665	the:0.18291656370360213	an:0.15376530689024567	a:0.11938902184210953	his:0.09333666875434654	one:0.060767799643636114	no:0.055297723347809774	every:0.046237459880905774	such:0.04444456542477784	:0.01
the:0.3815931741663295	his:0.13554715344592183	a:0.12228530978866925	of:0.11183202215382829	and:0.06913247367792706	said:0.05060520687786935	their:0.048764253717398724	my:0.038920857456385835	with:0.03131954871567036	:0.01
the:0.5816023865996358	and:0.09183450496390182	of:0.0817740310639773	The:0.059347531462759395	said:0.05178210761813814	tho:0.036819702099305164	in:0.03208745372840329	that:0.029315682355689588	a:0.02543660010818949	:0.01
of:0.3144935789486848	the:0.1833701110882865	in:0.11873423966962494	and:0.10028715497764039	to:0.09384029928810345	on:0.04851014382305286	from:0.04489309657198051	for:0.043025361657081256	a:0.04284601397554515	:0.01
spite:0.14875076345484542	out:0.14582096981607984	and:0.13969007688794002	that:0.10391708813818726	value:0.10208382150396515	part:0.09633133876814111	one:0.08915362516772864	sum:0.08654755829201863	amount:0.07770475797109393	:0.01
that:0.26254885561604974	and:0.25204671901914505	if:0.11993807941009217	but:0.07862935832041906	when:0.06673635532880945	If:0.060088971133897426	where:0.05355476418847953	as:0.051490858421913005	which:0.04496603856119451	:0.01
the:0.7914037297902126	tho:0.03813723759117889	our:0.033372096095686456	of:0.031078416132210848	American:0.02758497934445708	a:0.018992157416735784	and:0.017825460649231004	tbe:0.016610046376853687	his:0.014995876603433694	:0.01
the:0.21858781341275965	and:0.14787589235517212	of:0.11615811686309205	from:0.111777248760148	a:0.10253926757191248	to:0.08360693553216382	be:0.08051194311816404	was:0.06882079131216966	is:0.06012199107441834	:0.01
to:0.37540427786971714	and:0.2884008256966658	the:0.09211423169616424	of:0.07646299493112751	would:0.042116323511876955	for:0.0323147785400774	in:0.02960108383439877	that:0.026827909686878565	will:0.026757574233093804	:0.01
the:0.6402710699437633	Judicial:0.09979381717334211	in:0.05565566236214431	said:0.05305684924167808	tho:0.03441370802624351	of:0.0332717814653279	Congressional:0.028310800029219232	School:0.023588587427171966	a:0.021637724331109484	:0.01
taken:0.1868468094659605	far:0.12256107222481676	get:0.12092823330539003	put:0.10696837467512707	carried:0.10414270415736547	went:0.09953265237829056	go:0.09017324103072945	them:0.07959445794380249	take:0.07925245481851757	:0.01
the:0.3817692523301488	and:0.3184108166650077	The:0.06327198868498767	of:0.05751672588961818	by:0.05681454993180158	as:0.03786538850348945	.:0.030515762547298625	tho:0.02392522450518806	<s>:0.019910290942459847	:0.01
he:0.20789207604623042	It:0.1988010239314513	it:0.18841071745916887	and:0.1703245183377162	she:0.055769691934565095	He:0.049822639100030555	who:0.04397045436532228	I:0.04231365407929174	that:0.03269522474622358	:0.01
as:0.188283813505136	according:0.14144678228402477	up:0.13904323060160725	and:0.1096650113200393	went:0.09104380703179268	back:0.08789812106037491	regard:0.08348580619122747	feet:0.07747526592666086	down:0.07165816207913696	:0.01
the:0.4750146164374839	a:0.1509489379854144	and:0.07641582521898638	The:0.07584516586681493	of:0.06793301992017688	.:0.04113805402200237	A:0.04028035185716468	Mr.:0.03336342426012288	tho:0.029060604431833666	:0.01
be:0.281815499433345	was:0.14108466569694275	and:0.13419683173702665	been:0.10526769293480791	had:0.08248763847234095	have:0.07884912299756912	is:0.06111010918668297	has:0.055580432633065904	greatly:0.04960800690821857	:0.01
of:0.4140816151752629	and:0.10468809332915954	to:0.09262100977621887	in:0.0854045642805418	that:0.0825999290778932	by:0.054987911143653666	from:0.05448963830737116	for:0.05203696552868995	things:0.04909027338120893	:0.01
of:0.3308442922213523	to:0.14324719883422168	in:0.131701708736979	with:0.09441568321518252	on:0.06848424163509254	and:0.061113441995290306	for:0.058435646153575084	by:0.053828364319508125	from:0.04792942288879831	:0.01
one:0.18194620645707993	and:0.15607478367122096	two:0.11611221790355318	side:0.11318367767672677	out:0.0955137588096896	part:0.08326089054684144	reason:0.08277848075666353	people:0.08172086343909818	that:0.0794091207391264	:0.01
time:0.18583869527043193	it:0.13347444433082067	more:0.10921953553494211	hundred:0.10325462543714506	up:0.09598613416247674	him:0.09394771981812786	life:0.09305264390817017	out:0.09109677263862843	in:0.08412942889925719	:0.01
to:0.25899009985987886	and:0.20691113851486856	of:0.12222836551254561	the:0.08594736535787018	is:0.07480810658605942	in:0.06648717053326157	was:0.06439095079885329	con-:0.056444731101806235	will:0.05379207173485628	:0.01
of:0.23333671700133957	for:0.182138375174659	in:0.14692919332551035	within:0.13742013340447778	In:0.09622125057581488	during:0.06362483054612364	and:0.04993960076327199	from:0.04090817944441954	to:0.03948171976438339	:0.01
so:0.3951303158997033	well:0.18289135950249416	far:0.07851553145636676	and:0.07717096507941125	such:0.06762643991661785	much:0.05870230247136148	it:0.04688983919120124	manner:0.04294895405322766	doubt:0.040124292429616286	:0.01
<s>:0.22979191452184328	of:0.1431984960203535	it.:0.14230859318907393	them.:0.09799817994290942	and:0.09064763285034053	as:0.08483892873713439	that:0.07167556750035593	him.:0.06854178377885642	in:0.060998903459132704	:0.01
the:0.5718962553032814	a:0.16324418035820293	of:0.11194255933103313	tho:0.038994841573394314	The:0.026218988014069737	his:0.023304043890814877	and:0.019562934964703946	our:0.017447385176640007	their:0.01738881138785957	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
the:0.24130576549866314	of:0.18833662870322207	and:0.16607091897550066	a:0.12226357561830728	to:0.08119819928176736	was:0.061441215918139495	be:0.05012797215849653	is:0.043156408701399925	been:0.03609931514450369	:0.01
of:0.3650046519767105	dated:0.14307719305452252	in:0.10187643164635535	on:0.10126804875323095	and:0.07507196685328572	at:0.06941765458872233	to:0.05266743088898211	the:0.04430727920699741	for:0.03730934303119299	:0.01
act:0.2313462183733933	day:0.15760567763398958	part:0.10351458374359034	State:0.09329499826152308	and:0.088467100412685	city:0.08488276818736724	out:0.08201041690105035	that:0.07590150727672068	Act:0.07297672920968035	:0.01
well:0.21321257425074597	known:0.18330231372211864	soon:0.17017982311130794	far:0.13451377472303216	and:0.1048509904369157	long:0.061630441159448365	such:0.04848962176196868	just:0.03999506790086283	much:0.03382539293359975	:0.01
is:0.373549729722915	are:0.2032827392251393	and:0.18032866907480188	Is:0.05558095449606521	was:0.04006684466323008	not:0.03877936075381344	I:0.03714981527851933	but:0.03125599427989737	have:0.030005892505618473	:0.01
the:0.28739530350745784	of:0.21344440021812378	and:0.11296142765504272	a:0.08461592541970957	to:0.082260705526554	be:0.07427408252160529	in:0.04938434590334654	for:0.04346745705650477	their:0.042196352191655545	:0.01
of:0.4861336251599419	that:0.1115594700781591	in:0.09040851691733048	all:0.06931543628039932	and:0.05945938904894262	to:0.0509512950431063	on:0.04153840345432325	from:0.04082483578089256	for:0.03980902823690447	:0.01
it:0.23082952151861716	he:0.16593275789694661	they:0.11702002066218763	It:0.10761284194635262	who:0.09571555387631453	which:0.07739622894719829	we:0.07376423551857525	and:0.071268635366784	you:0.05046020426702397	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
that:0.20702739173742712	if:0.2060496668864435	If:0.16163083199264014	and:0.13688456292837722	do:0.07227668310266097	which:0.06854376738300876	Do:0.05290551700875065	when:0.046137141952335196	what:0.03854443700835655	:0.01
of:0.2979812470379734	in:0.18050138962455567	to:0.13297681558029617	and:0.08810865225191372	for:0.07101836790864043	that:0.06212439246729545	with:0.06022718794359899	by:0.05104740563936024	on:0.046014541546366035	:0.01
the:0.2675718039535785	of:0.23149797246986648	and:0.13126801513919195	to:0.11781196660475797	a:0.06531886340197897	in:0.04729772046697484	at:0.0449863115075551	was:0.04351393053984181	is:0.04073341591625439	:0.01
he:0.25179289243962555	it:0.2207004682287834	and:0.12973099107657496	It:0.11146633889162198	He:0.07921973130351419	she:0.06927502789033158	who:0.04673649558893277	that:0.041257096759701246	which:0.0398209578209142	:0.01
the:0.3561795209997654	a:0.1602817092935582	their:0.09429245438580233	his:0.09130652079008215	of:0.08787797367401172	and:0.06635134238974714	are:0.04824852834233169	in:0.04275225641117303	its:0.042709693713528514	:0.01
of:0.22069197218874617	in:0.16987170337791424	by:0.1147592567022095	for:0.10009388943528477	to:0.0995324268533584	as:0.08974678163902754	with:0.08420487360728354	and:0.05776649654097558	that:0.05333259965520025	:0.01
was:0.28791393761739015	is:0.24073957575219668	are:0.09500399300516457	I:0.0800022989884355	and:0.06920022644460383	be:0.0672104548322175	were:0.06345978521345523	Is:0.04620671273918811	been:0.04026301540734841	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.04553578393787439	of:0.03051332981678091	tbe:0.02261446403444868	in:0.021612439669724332	or:0.020196218295911488	:0.01
the:0.5857778455584015	The:0.1000520472096542	this:0.06948108952065415	that:0.055201216279909246	a:0.047309346651979084	and:0.0428847113169661	of:0.036024233116959264	tho:0.030970480360493647	one:0.022299029984982725	:0.01
and:0.24849596265680837	was:0.13630028341188777	brought:0.12492330957578501	is:0.09674099341924458	that:0.08502925602342754	talk:0.08174470029336743	bring:0.07701178641869665	all:0.0741144485800518	nothing:0.06563925962073078	:0.01
him:0.22511585349940633	;:0.13425530321808518	man:0.1157463537230125	him,:0.09507188899750849	up:0.09324255187190895	and:0.09098934403345371	himself:0.08354952396536709	in:0.08043645717718255	man,:0.07159272351407525	:0.01
I:0.2572659574005748	you:0.17142757275118642	not:0.15480950812911737	we:0.12142873454680983	We:0.07140632299763734	and:0.06196619005073569	they:0.06177748700839857	don't:0.04878350921294662	who:0.0411347179025932	:0.01
and:0.27085552295032383	of:0.16875357166365473	the:0.158060285497167	to:0.1266985020119527	be:0.0650613607990289	a:0.053672339130749605	more:0.05256459709133613	in:0.0487134238363311	was:0.045620397019456235	:0.01
the:0.27159777710392613	of:0.21207495845380903	a:0.16667887234629264	in:0.08485992759477423	to:0.08217900692102637	and:0.06595543303544738	by:0.04570725806604876	for:0.030561091679461833	that:0.030385674799213527	:0.01
to:0.23084164089153653	the:0.19599676182946477	of:0.16555747408636154	and:0.15864168240412752	a:0.06474452365459166	in:0.05071236753640227	at:0.050063002462748356	for:0.03808870392664653	is:0.03535384320812078	:0.01
the:0.23855831420582566	of:0.21725116005425268	his:0.1373486176145767	their:0.13029875117236722	and:0.07729310717436086	in:0.06638857482494308	public:0.05056700100123849	at:0.03633491765298307	with:0.035959556299452175	:0.01
and:0.1944372923421487	together:0.18064694998584138	connected:0.14784638791688007	connection:0.1448086892096974	accordance:0.11050849290477427	comply:0.06045119551015317	acquainted:0.053914338376547646	compared:0.051495838323954046	contact:0.04589081543000345	:0.01
the:0.4018337174035254	an:0.20652394783740063	of:0.10546232383733174	a:0.06523610486684271	his:0.056411165394769355	The:0.04737248029554118	tho:0.045638138391691514	An:0.030805480024584556	and:0.03071664194831292	:0.01
that:0.3347706059882978	this:0.25071585055495416	the:0.1547005994740623	first:0.07090427642403872	any:0.04343755434716635	taken:0.04143409060849694	took:0.03984369234036507	on:0.029311299280512692	to:0.024882030982105872	:0.01
the:0.3876192825613133	a:0.24245894478966917	to:0.08061207508537012	and:0.06739253911751615	of:0.06446055308225121	that:0.03961066972875309	The:0.039134018865771704	by:0.03648447475224014	no:0.032227442017115186	:0.01
of:0.41538387243407016	the:0.15279913724682492	a:0.10653694121122786	<s>:0.07263669378693619	that:0.05125552500425318	for:0.05115249942219127	by:0.04786368962566165	to:0.04672789345053298	and:0.04564374781830183	:0.01
of:0.3411400713153701	to:0.15200999985469218	for:0.10644594576838849	and:0.10044386457492258	in:0.08280397815908255	with:0.06565615623647691	by:0.0574058124951514	on:0.04212254331089858	from:0.041971628285017326	:0.01
it:0.34808068115673185	It:0.3033077168975875	which:0.06566945503315531	there:0.056113465528631036	that:0.051182022297778046	he:0.0498512275245886	and:0.045633579678471196	This:0.038747066532990954	this:0.03141478535006541	:0.01
it:0.35505309117815476	It:0.22568515482115037	which:0.09186997500389063	he:0.07427712557156561	and:0.06860291172058657	that:0.06252393229388647	there:0.04564675615568341	who:0.03881624702318382	This:0.027524806231898343	:0.01
the:0.7829164627188088	tho:0.04500557608309421	said:0.030095076233995766	of:0.027164644892830107	tbe:0.02417938804339339	a:0.02346770569303026	this:0.022144543229519222	The:0.019575861510758345	our:0.015450741594569968	:0.01
the:0.3340445469737932	an:0.24598479648497426	his:0.10884477959169322	The:0.08763409629841686	and:0.0548791869474871	their:0.052742219811288724	of:0.04160590873989812	its:0.0343966564360943	a:0.029867808716354236	:0.01
the:0.5430707856479378	of:0.13687931080349688	their:0.0631323488313438	his:0.055900566269240365	a:0.05262774047255318	and:0.039383347433444536	tho:0.03481012252961094	our:0.033443964038552404	or:0.030751813973820426	:0.01
of:0.28596626569501954	the:0.2563316712976624	and:0.10790529171281175	said:0.08331977629093533	these:0.06434011381748844	all:0.056291210085465566	by:0.04703893960140654	or:0.04533090022534515	for:0.043475831273865215	:0.01
of:0.2247767646992	to:0.18071963000738772	in:0.11392148701484021	at:0.10382937309658317	by:0.09341802144411798	and:0.0876267974261804	for:0.07274879703388248	with:0.07007813360676267	on:0.042880995671045447	:0.01
the:0.41832565917419795	this:0.2100051018250739	a:0.09591395633142101	The:0.07780273993707586	that:0.06806835479745765	and:0.049115195780210924	This:0.030073821196779288	tho:0.02106272036323619	of:0.019632450594547435	:0.01
the:0.5352828105850698	and:0.13365066849586998	a:0.06967615579514339	of:0.0624016060579551	no:0.043445780827540074	The:0.03910901719293053	tho:0.03742969572053086	all:0.03490233493225107	their:0.03410193039270913	:0.01
the:0.5140531194428726	this:0.09421985286532078	in:0.07792825168389335	his:0.0690164443563763	post:0.06655739038646025	of:0.06447550352804156	to:0.05786549309225642	tho:0.023647490323209022	clerk's:0.022236454321569676	:0.01
of:0.36602622493680287	to:0.1553945877954747	on:0.10699431330907432	by:0.08306703756703736	in:0.06631594087578453	at:0.06306127163778162	from:0.055685467744058005	that:0.04845507852573932	with:0.04500007760824716	:0.01
or:0.3192117544228829	not:0.11712660578926332	and:0.11174353154819579	much:0.1085803357996153	be:0.08484263148238004	of:0.08303684000061515	with:0.0661475692714183	use-:0.05895623321316948	doubt-:0.04035449847245969	:0.01
and:0.21597828110317965	able:0.12846257352367407	enough:0.09895315523035424	is:0.09843416555592825	them:0.0966619086697939	him:0.09429551127542689	not:0.09350381477885417	order:0.08339486186847957	as:0.08031572799430922	:0.01
of:0.19338111972086564	in:0.18298952234404994	for:0.12710591945543037	by:0.10587375627230936	to:0.0950995589490869	with:0.09076262586603577	and:0.07280642536645196	In:0.062452794431371	that:0.05952827759439921	:0.01
to:0.6805516550835228	and:0.14614811250764267	will:0.061910622975182274	not:0.02742537602590563	would:0.019356319116651123	I:0.014456788327343036	must:0.01420285084928987	they:0.01336673765144701	you:0.012581537463015647	:0.01
of:0.21794123308637864	know:0.20549239752007792	and:0.13398616858142923	to:0.10890958485868299	see:0.07522534414307261	in:0.06670558905662752	with:0.06109468812407514	matter:0.06059642059561668	some-:0.06004857403403907	:0.01
n-:0.1869983514540216	the:0.1730006138034935	a:0.14738456764937982	and:0.13468523780322444	to:0.11315159997775304	-:0.0839237011071601	his:0.0543155279062144	not:0.0497012328381851	her:0.04683916746056804	:0.01
State:0.35592702949975086	day:0.15650667321648637	state:0.12400770326863877	county:0.07699403591085065	city:0.0733669447210263	line:0.07327205153775068	County:0.06504902189788742	side:0.034811446323523405	corner:0.030065093624085437	:0.01
and:0.167673560168984	him:0.1302595889239382	want:0.12288405280822055	able:0.11252456763525272	is:0.10177603532893541	enough:0.0984888624868362	have:0.0913390951102543	me:0.08613098450363033	necessary:0.07892325303394836	:0.01
and:0.18784336682063274	as:0.15114329179679575	went:0.11423878004667351	him:0.10666558228731272	them:0.09110223752457794	up:0.08733803455919152	is:0.08689480544253657	go:0.08340199801381315	able:0.08137190350846597	:0.01
the:0.3341443303844183	of:0.2126818585796327	a:0.13293634192733628	and:0.07662203096260173	by:0.064449928025651	to:0.048611076819739855	The:0.04515094588022751	for:0.04222715432669221	his:0.03317633309370032	:0.01
and:0.1944372923421487	together:0.18064694998584138	connected:0.14784638791688007	connection:0.1448086892096974	accordance:0.11050849290477427	comply:0.06045119551015317	acquainted:0.053914338376547646	compared:0.051495838323954046	contact:0.04589081543000345	:0.01
the:0.42122209882961853	his:0.1180068871569412	of:0.11090480925286436	to:0.09140103618335228	their:0.07439069042952377	in:0.055214548222526236	a:0.05517897747716409	and:0.034245385464386165	our:0.029435566983623335	:0.01
as:0.16683604475923358	up:0.15390285984843877	came:0.12826444072495233	and:0.12034628991000307	come:0.11364485149596149	sent:0.08325251068286921	back:0.08223670225698368	it:0.0750190352779441	presented:0.0664972650436137	:0.01
the:0.25470561870247765	and:0.17871018174426181	of:0.12454106589558235	to:0.11666316244862257	in:0.07582920922781208	was:0.07101916294765158	a:0.06560002811236121	be:0.05991783825325078	is:0.043013732667980115	:0.01
and:0.25037799561132223	to:0.19051743664518078	of:0.12818071300755096	the:0.11341275889843262	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.05790590474591629	for:0.056443486992488516	:0.01
and:0.23421743829238637	filled:0.14255606911313087	covered:0.11099956442369735	up:0.10448259031004954	charged:0.08976562798026522	it:0.08098974475047784	together:0.07914592500174995	him:0.07643092949678712	but:0.07141211063145578	:0.01
<s>:0.32285616252127114	and:0.1913458721380748	was:0.08226218979507018	that:0.08188763720483354	made:0.07382141432160086	it.:0.06895875144309484	file:0.06813787898337532	is:0.05420556549123636	be:0.046524528101442995	:0.01
the:0.47573320682068454	of:0.1648791125642541	and:0.07968236710902674	a:0.06318310801733598	to:0.053959033043854104	The:0.04519656005053237	said:0.04073012374825985	his:0.03527471068064564	for:0.03136177796540667	:0.01
the:0.307957273253149	of:0.17967943784603846	and:0.16821634640439118	a:0.09529962795272323	was:0.05718781175407883	The:0.05655753485227246	to:0.04621834097560999	as:0.04001196537385736	or:0.03887166158787937	:0.01
of:0.2153788856702621	that:0.17670854654276125	the:0.15988339844726046	and:0.15824425342754803	The:0.10248982060232255	which:0.05422020370865676	Mr.:0.04420888439893019	<s>:0.0431448938200974	by:0.03572111338216136	:0.01
the:0.40426144537157677	a:0.1450355016543472	in:0.08396959533119402	his:0.07423221243662609	of:0.07200881583149545	The:0.06625919009403967	that:0.05667084570022316	and:0.049016312210406685	on:0.038546081370091044	:0.01
New:0.9501917757758191	of:0.009877745657366706	Now:0.009279916204838918	Xew:0.0090071710218008	to:0.002928067046179877	Mew:0.002820808835541881	and:0.00245964478669105	the:0.0019536601417815998	in:0.0014812105299800828	:0.01
nothing:0.31488661985439564	in:0.16220484462477852	;:0.1143746700699832	is:0.09946701221256897	anything:0.0861769105226929	it,:0.06424969986515801	them,:0.0545660935563503	and:0.04726259539470592	for:0.04681155389936645	:0.01
the:0.2309640701636658	of:0.17220334004377194	and:0.14147498841999787	a:0.12083689853514937	to:0.11852942901038444	be:0.06109875657352347	was:0.058041221521029175	in:0.053031285233387675	at:0.033820010499090294	:0.01
and:0.2906065355884856	made:0.14367773586892027	or:0.11036674633164893	that:0.10267895637718866	him:0.07232384145617174	done:0.07226369859464865	taken:0.07150958543796297	it:0.06478942832561098	but:0.06178347201936211	:0.01
made:0.328977172045253	and:0.16165590749082115	paid:0.08351014551037907	given:0.08177917713336473	or:0.07551168271566554	done:0.06539383123769395	followed:0.06484889507945195	ed:0.06460238862160958	secured:0.06372080016576089	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
the:0.2309640701636658	of:0.17220334004377194	and:0.14147498841999787	a:0.12083689853514937	to:0.11852942901038444	be:0.06109875657352347	was:0.058041221521029175	in:0.053031285233387675	at:0.033820010499090294	:0.01
of:0.3402747146767167	as:0.10382831098160028	in:0.0922070945066891	and:0.08857191048999372	with:0.08805779764751306	for:0.08771731601574144	to:0.0725462173204402	at:0.06380427013584544	is:0.05299236822546022	:0.01
the:0.5076628671531154	at:0.26313761569424726	At:0.05297062574332164	tho:0.034269582625248304	of:0.03232456588880277	to:0.030512236247359607	and:0.03046091927625813	The:0.022380206772812765	on:0.01628138059883413	:0.01
of:0.18889621255652903	in:0.173440291399875	at:0.1406633977989966	for:0.11990367273711422	during:0.11076958109425589	to:0.07979246603912213	In:0.06204468360113397	on:0.06190611738051836	and:0.0525835773924548	:0.01
part:0.21496902104278676	one:0.2091236923398804	some:0.12867331343811733	out:0.10573031168796258	members:0.0761860450243411	and:0.06636584999188522	tion:0.06479865598258486	portion:0.062262355322562794	side:0.061890755169878825	:0.01
;:0.370830555960916	and:0.12955587622433848	them,:0.10195636904467446	him,:0.09418306376298548	it,:0.07474637632054885	<s>:0.05707345609395647	men:0.05660046969971624	States,:0.05341599193576093	years,:0.051637840957103075	:0.01
a:0.30075648455982784	the:0.28083730268616225	and:0.14986577447292027	or:0.08088850463796543	of:0.06324414825263165	his:0.029674216719069585	to:0.029605918006570295	in:0.028320022308247525	our:0.026807628356605086	:0.01
of:0.34540716911990466	in:0.1451090518731972	to:0.11120839216507299	for:0.09211449051552309	by:0.06561658896443473	and:0.06431571155383159	with:0.06144323056138088	from:0.05843703955567706	at:0.04634832569097777	:0.01
of:0.37615660671925766	the:0.16602777211863973	said:0.10891017383822285	for:0.08647690068210355	that:0.07624845295017557	and:0.06453703688352402	a:0.048224670412518156	The:0.04145959241897309	this:0.021958793976585296	:0.01
all:0.452425012617344	and:0.12134232406998241	it:0.08165143234593371	went:0.07504130053748852	passed:0.06601773358570143	spread:0.056165950634362666	go:0.05037340420547907	control:0.04473858373963683	turned:0.04224425826407116	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
the:0.3973471732241113	of:0.15148752742507743	and:0.14441177795627336	a:0.10039976640996826	The:0.057966806900372224	Mr.:0.041249930492388225	to:0.03681819378615323	in:0.032965728192430016	his:0.027353095613225922	:0.01
of:0.32551765679065836	in:0.2851575651922146	to:0.12211324776314424	In:0.05473915086696197	that:0.04971182108721108	by:0.04851760898212561	and:0.03547796013054567	on:0.03465783968069697	for:0.03410714950644151	:0.01
was:0.19912554015605402	is:0.16532774125115937	are:0.12902698835234155	and:0.1211498922217052	be:0.11423222416522964	been:0.09543487098419365	not:0.06951804009771376	were:0.05937990914102785	have:0.03680479363057503	:0.01
was:0.25276990504116553	be:0.15931436244633335	well:0.13802877092916666	were:0.11851174010960555	are:0.09350985731609195	been:0.07694940574782992	is:0.06486955394127003	and:0.06251836179961252	being:0.023528042668924363	:0.01
the:0.4960063031331356	of:0.12149097541314446	an:0.12013841942810681	The:0.11736775589998862	and:0.051135628192807155	in:0.02554631155044293	tho:0.023586953497460317	by:0.01854377934247089	with:0.016183873542443	:0.01
the:0.3229136201479835	of:0.24628598619543482	a:0.13920137522881074	to:0.0708897070475532	and:0.055797737531977476	in:0.054633491367605425	The:0.04126725950695869	by:0.03193778630927926	from:0.02707303666439658	:0.01
that:0.30477923424740966	and:0.18193295459359402	when:0.12669161518032493	but:0.09465495545291684	as:0.08050190460265891	which:0.06622347418946782	if:0.05247492802042156	until:0.041991375600103596	When:0.04074955811310251	:0.01
the:0.32455624520058896	such:0.15964531526734163	and:0.1579597508070587	a:0.0792721230270293	or:0.06244885819618939	The:0.061897863904419224	of:0.04999046623348997	this:0.048298774506797086	that:0.04593060285708577	:0.01
man:0.29863175729343994	one:0.13715040354979144	and:0.12081111499875212	those:0.1203934108414829	men:0.08856037600837494	person:0.08698368736066187	woman:0.05999179632260245	all:0.04665791764271212	people:0.030819535982182306	:0.01
of:0.3630532988832184	the:0.2168511257689726	in:0.1572300612116517	and:0.06231454797136363	for:0.04939715643145252	their:0.042256378450582326	this:0.036791944753993264	an:0.033474205542617035	his:0.028631280986148467	:0.01
of:0.26582508198600335	in:0.170131542759162	to:0.12169488711440235	with:0.08079350607764184	by:0.0794033199907887	as:0.07887583539000108	is:0.06863210745309054	on:0.06724339653696695	for:0.05740032269194305	:0.01
is:0.23038022159409807	are:0.19293269814900318	was:0.16968888230618226	be:0.11295512264392008	were:0.07709217002952644	and:0.0578174266440102	the:0.05371555617404815	a:0.05063897047241543	been:0.0447789519867962	:0.01
and:0.27799673089904303	to:0.1732268995143864	the:0.1321015479891752	of:0.10506772889468452	that:0.062308226954482016	be:0.0618755410132223	re-:0.06157234041771205	I:0.06110129857387365	in:0.05474968574342096	:0.01
the:0.793110188418194	The:0.06800072493223372	a:0.047279844951079016	tho:0.037815219509135065	tbe:0.01388223114083001	and:0.008724395626972088	this:0.008147956113458716	of:0.007678123471032178	A:0.005361315837065278	:0.01
have:0.38464248485588953	has:0.287309757693328	had:0.19117463298449708	not:0.04506596626872391	having:0.035605898930089135	never:0.016961589027593163	lias:0.01028425345665186	ever:0.009874386600757522	bad:0.009081030182469698	:0.01
is:0.29083496633587086	are:0.1788571999590636	and:0.12170067686216979	will:0.11647395776713536	not:0.07545588034659845	would:0.059147757996782756	can:0.05174356255899444	Is:0.04879421070970689	we:0.0469917874636778	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
I:0.31679402468807766	1:0.1178223326824127	and:0.11249534163526792	they:0.10234027419648342	which:0.09343076605538982	that:0.09130004692772561	we:0.05511804831053297	would:0.054047981010355704	will:0.046651184493754126	:0.01
hundred:0.38841378645436947	up:0.09123185635738856	men:0.08930224671194738	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.07306411117914521	him:0.0668423327581923	;:0.06651424040074755	due:0.06192290086804839	:0.01
it:0.3974288810655866	It:0.29364254929199796	which:0.06305545602239322	he:0.0509835878642295	and:0.04727937793846708	there:0.046579080134048524	that:0.04008154170435226	This:0.02808506757632753	He:0.02286445840259725	:0.01
and:0.35693698281723885	was:0.16965876793091553	be:0.08128878700946407	feet:0.07266997782826652	situated:0.07110986467924742	that:0.06379992481251148	been:0.06145915474529214	is:0.05948724584736636	made:0.05358929432969776	:0.01
of:0.49181359014702447	for:0.10972240357770568	in:0.09992834934160962	to:0.0796338441575939	and:0.05558499842716487	by:0.054250380788674925	that:0.040978386167454695	on:0.030232129460981718	from:0.02785591793178995	:0.01
of:0.2892593919345715	in:0.14870933688183574	to:0.12364726557986974	and:0.08100424542429854	from:0.07921569356416493	for:0.07226250356976428	In:0.0708059008220302	at:0.06403346985548723	on:0.061062192367978115	:0.01
and:0.33090667565595405	demand:0.11951725037001644	ready:0.0989386645738498	used:0.09514434972463201	time:0.08611259291726482	not:0.06607848366518068	vote:0.06597209943325832	it:0.0655060703120096	candidate:0.0618238133478341	:0.01
of:0.3419519556913128	that:0.13112854989418238	and:0.1177305196571375	to:0.11460173967089865	by:0.0832711265331769	in:0.07440879330494013	with:0.04779659956917362	from:0.04050918800111315	for:0.03860152767806499	:0.01
is:0.16742209614947762	a:0.15791925602321022	was:0.12881702240557175	the:0.10209186713416986	had:0.10201436940001864	and:0.09574808215146212	have:0.0839015595787544	has:0.08110500256769738	are:0.070980744589638	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
be:0.5197058394674862	is:0.10949301748332503	was:0.08036561674281845	been:0.06981050035623738	are:0.052503997921728746	not:0.047303203894761704	and:0.043961833430100794	being:0.03604149722941123	as:0.030814493474130306	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
and:0.5855297497042451	was:0.1141990324938213	He:0.054169590565985214	will:0.04820026078742957	is:0.043853731265218354	shall:0.04270427116043658	were:0.04131718179729613	are:0.030460801602180787	would:0.02956538062338713	:0.01
hundred:0.38841378645436947	up:0.09123185635738856	men:0.08930224671194738	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.07306411117914521	him:0.0668423327581923	;:0.06651424040074755	due:0.06192290086804839	:0.01
the:0.4361406080448813	an:0.33015162815422566	The:0.05683560561837472	and:0.03938255902006347	in:0.033992275617795616	An:0.030450256392078233	tho:0.023393562858970467	thorough:0.02274521878983394	a:0.016908285503776495	:0.01
and:0.24413116292889295	closing:0.18173686344826198	was:0.10859381659603785	valued:0.08665763038641584	held:0.07932710425709102	sold:0.07518688429361538	2:0.07335995221601971	is:0.07241280837793868	arrived:0.06859377749572665	:0.01
it:0.21126009838616952	and:0.18701561389073507	that:0.13408961718414286	as:0.09043615354760783	to:0.07884685047022834	It:0.0779682790091519	of:0.07521191902438158	I:0.07398230903901534	man:0.06118915944856765	:0.01
of:0.23893817346111243	the:0.20310405091768755	a:0.14497552055718887	and:0.10175545452652067	in:0.08890560716485375	to:0.08163456984502818	for:0.07618759590233674	on:0.027979879711235837	by:0.026519147914035982	:0.01
of:0.50984722743329	in:0.13268782784949318	to:0.10592018786131685	that:0.04760484698437598	by:0.0475657876262917	for:0.044769435977049424	with:0.03932066956143652	and:0.03200955303257717	from:0.030274463674169267	:0.01
and:0.2682983319507874	recorded:0.10717905104111182	was:0.10263907629409649	made:0.09927630384100071	that:0.09842569549211198	o'clock:0.08895025276229458	up:0.08173084504592748	is:0.07240199994443215	found:0.07109844362823738	:0.01
the:0.7764999296158963	this:0.046791997932441744	tho:0.043877465309107216	The:0.03456594335067861	a:0.025836056011629305	said:0.019428816109126418	tbe:0.018521645431103642	and:0.012908298134559078	that:0.011569848105457569	:0.01
a:0.5998009961308172	the:0.19016636873935588	and:0.07269003732433676	of:0.03362294754943434	most:0.032598550339770535	The:0.025971889855195985	to:0.012467676788730807	A:0.012237486218320161	in:0.01044404705403837	:0.01
as:0.197810334551977	and:0.17852329317885335	right:0.13239256442435166	able:0.10285238727297429	necessary:0.08244422429091566	him:0.08059785045509078	is:0.07254811254945721	made:0.07206094697499794	time:0.07077028630138212	:0.01
for:0.17244591378445848	want:0.16762893741850285	to:0.11770411698134389	ask:0.10958073657411241	give:0.10723281201836536	and:0.08837190437075781	enable:0.08153493736189082	refer:0.0784096047734183	of:0.06709103671715003	:0.01
I:0.8297636158126201	"I:0.06261630100694263	1:0.04514129772059016	and:0.02693294841774465	he:0.007858426235836104	have:0.0051986595632373366	you:0.004550585747701617	we:0.004037646104132641	“I:0.003900519391194763	:0.01
<s>:0.4693979884895437	it.:0.12912843831639229	them.:0.0799327877345717	time.:0.05883830114720038	.:0.05827242473004832	him.:0.0569810141468255	country.:0.049903471493501876	year.:0.04444587229472551	day.:0.04309970164719066	:0.01
of:0.41410937531165276	on:0.13361528465557276	in:0.10068506302574028	to:0.09922362007558191	from:0.062241379864843446	at:0.05170917727994232	and:0.048956269460851444	for:0.04353039389903216	by:0.03592943642678292	:0.01
the:0.7284021974903512	The:0.046922648781791955	a:0.04229021187279935	and:0.039977601373380724	tho:0.03266660630459278	an:0.029869968627538965	great:0.028689550000190626	by:0.022500525772680944	their:0.0186806897766734	:0.01
of:0.3472826489909968	in:0.14215887982351635	to:0.14041473830670162	for:0.09864627815064263	with:0.05478570112324166	by:0.05364406679513061	from:0.05329000574984092	at:0.051086823038482665	and:0.048690858021446834	:0.01
be:0.32618626097085307	was:0.21382144541080195	been:0.11650953817505896	were:0.08110053017715273	is:0.07612559436144442	are:0.05614303134415686	and:0.04534997813602915	he:0.0444178290535846	I:0.030345792370918095	:0.01
I:0.3753360144597074	we:0.16600464007688928	to:0.13869090064287895	We:0.0846912495266413	and:0.05992999884292421	you:0.04952964659141554	not:0.0425327205991677	they:0.03873694627218572	who:0.03454788298818993	:0.01
to:0.6319059271570762	with:0.08758396829194018	of:0.07482800903256727	for:0.05770789270294687	in:0.047653883522174714	by:0.02725116873057325	told:0.02323993775621442	and:0.020709239397389702	upon:0.01911997340911751	:0.01
the:0.34170127421390223	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093987	to:0.07847171568184984	in:0.05339647102682973	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
was:0.16713091370826927	is:0.15646542580320585	as:0.14516323747993207	a:0.10546710812129577	are:0.10022430173697108	so:0.09679814604209024	be:0.07564765105751195	and:0.07496781103638434	were:0.06813540501433957	:0.01
be:0.24357170754679394	was:0.16564553286273617	is:0.1301336052150288	are:0.11140793481030736	and:0.09324610948387763	were:0.07462699414192796	been:0.073141806237872	more:0.057046616705722676	not:0.04117969299573318	:0.01
of:0.2240342060054953	in:0.14516170479825938	and:0.13212057878410224	with:0.11014502286698992	to:0.09261782204281768	for:0.08424706121080794	by:0.06881763727215483	such:0.06729939123844485	as:0.06555657578092805	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
the:0.2800201075459087	of:0.1888279671122434	and:0.1262799616224732	to:0.10339805570938251	a:0.07120412266480595	be:0.06516588277624907	his:0.05715550984727078	was:0.055423545408809866	in:0.04252484731285673	:0.01
the:0.5579344114092659	of:0.08316006216839311	an:0.07823985427481431	in:0.05814001729153148	American:0.057598807844844765	his:0.0432293259493303	and:0.04157545609351665	any:0.03669173474650558	their:0.03343033022179779	:0.01
it:0.2827850527348108	It:0.13400289869302948	there:0.11771483856766453	they:0.0914384776859708	that:0.08313239062920649	which:0.0769409879360296	he:0.07501873352304173	and:0.07330080551631972	I:0.05566581471392691	:0.01
the:0.2662587299348549	of:0.16258355083616424	a:0.15346038844653306	in:0.13878788975637701	to:0.09483390445074548	and:0.07373671975915316	at:0.039614362007148525	In:0.037478656204851274	his:0.023245798604172044	:0.01
the:0.3963691105472609	a:0.12052118032377836	of:0.0888032434777962	said:0.08579864913679427	<s>:0.07930487626375006	in:0.07400115044024069	and:0.06857345529372227	The:0.050863789666056404	No:0.025764544850600788	:0.01
the:0.2565592856763003	and:0.16157736779121992	of:0.15134338486157248	.:0.09007137648877869	a:0.08125653102515107	to:0.07861665297838208	was:0.06837325609453333	by:0.05214073674016157	in:0.050061408343900514	:0.01
the:0.34908347312361265	The:0.22495418797140695	A:0.11505263094371017	a:0.10229738033732133	this:0.06739917188542573	of:0.05524548713725963	said:0.026973460816870937	his:0.025968240596949094	Mr.:0.023025967187443454	:0.01
of:0.33296768228013324	the:0.27892605225571454	and:0.1616411305567681	a:0.04231087297138624	with:0.03984468998475175	to:0.03750674493443692	by:0.034158497967852704	The:0.031379330003156444	their:0.0312649990458002	:0.01
the:0.24868646290323426	of:0.16104541791680752	and:0.12518979719446935	to:0.12183688506806477	at:0.09036037131072974	a:0.08321987972823075	in:0.06413860476896087	or:0.048052296454040085	for:0.047470284655462554	:0.01
of:0.44567778408062725	to:0.09560895113887721	in:0.09284068819157618	for:0.08486881655226551	and:0.07299337516704156	that:0.06857975944056091	by:0.0554287724517427	with:0.04558075691807832	on:0.028421096059230225	:0.01
the:0.3247145973921335	of:0.19127839222174947	to:0.1265766380766662	and:0.09633872751529741	a:0.0962336840619735	in:0.07246051313932511	at:0.039905664583425884	for:0.02140871728274869	tho:0.02108306572668005	:0.01
and:0.30936556202126025	to:0.17370118736174037	of:0.13038200997623184	the:0.08771758421888155	which:0.06191870937029182	<s>:0.05888938295259156	re-:0.05752501777704927	in:0.055852125160339605	that:0.05464842116161378	:0.01
and:0.23580255416797466	well:0.2096674442289093	soon:0.11242057692779578	known:0.09580680441054112	far:0.08146310857794628	him:0.07783439401727264	it:0.07046044511430061	just:0.05661291465818839	regarded:0.04993175789707109	:0.01
of:0.5096914960463135	in:0.26327679899990786	In:0.0488960312216289	to:0.04839721142208178	throughout:0.03177350416492719	for:0.024442174935995743	by:0.02381083724313838	from:0.022144736574457233	that:0.017567209391549415	:0.01
on:0.2673511897586021	of:0.2455061031390705	dated:0.1805660577058496	ending:0.08688310202266107	in:0.05617048357494684	approved:0.04500981084631591	to:0.03882331150381737	On:0.036335150710006564	and:0.03335479073872982	:0.01
has:0.30771012964408184	had:0.21708669711542258	have:0.1368235878049748	was:0.09279390008248628	and:0.06497218529353174	mortgage:0.056034713258425906	having:0.04716856856629219	been:0.0383800488707171	be:0.029030169364067562	:0.01
the:0.22621754684143483	of:0.21212462964503634	and:0.1387178532151598	a:0.13305488851436892	to:0.07801628138881135	Mr.:0.06384327045324964	in:0.05393160683610294	with:0.04333205764451372	or:0.04076186546132229	:0.01
which:0.15496386796764047	it:0.150727300655747	they:0.12268353006958818	and:0.11221982455644268	you:0.10719853471700902	that:0.10051951342096695	he:0.09174005237583997	It:0.09165503494915203	who:0.058292341287613784	:0.01
which:0.255838017870698	it:0.13303302280174326	It:0.13284403158801156	he:0.12608854745141604	and:0.09550314927845815	who:0.07898328622258208	He:0.06249124073586746	that:0.061965855359060906	as:0.04325284869216272	:0.01
and:0.25270837885461067	was:0.13829601213063705	sale:0.10369783849464316	sell:0.10310680088816954	is:0.09676146274200244	are:0.08485395968471965	not:0.07354135043502757	as:0.07187389970178625	held:0.06516029706840373	:0.01
the:0.38315039384445654	of:0.14925694726338673	and:0.11293223456262949	to:0.10172907021591555	a:0.08389787910239893	most:0.06118311323075722	his:0.03961195621396089	in:0.030154990500242347	their:0.02808341506625228	:0.01
the:0.5251963145867579	The:0.1255610668206828	a:0.08676719631147528	and:0.0607292585369837	at:0.04439035891620198	of:0.04217608253502483	Mr.:0.03640658140785039	his:0.03463497012743934	tho:0.03413817075758394	:0.01
is:0.25283365325295226	was:0.232018884826016	not:0.12322430181677244	are:0.08882796447082998	be:0.07208231098289045	a:0.06487290613731156	were:0.05662452421794916	in:0.05250620683890739	the:0.047009247456370765	:0.01
sum:0.18676829411122214	number:0.1566486321513545	line:0.11140081741272478	city:0.10844765106291132	out:0.10739005474369737	day:0.09286734076326106	county:0.08286139477536687	amount:0.07384405151900511	Board:0.06977176346045691	:0.01
and:0.21653818074666914	the:0.18724203922351232	of:0.14904754853675406	to:0.11548725602063736	be:0.07888300539379996	was:0.07500647985195938	in:0.06698318540006266	is:0.05563421583847635	are:0.04517808898812875	:0.01
the:0.2896108146811276	of:0.18397419761328573	to:0.11468204475268727	and:0.1077117043428642	a:0.07592978697561265	<s>:0.0670678489864182	in:0.06000383266755675	.:0.048069145363931746	I:0.04295062461651602	:0.01
of:0.2156927207207357	as:0.12186156121926711	by:0.11489911244858328	in:0.09979567930874937	for:0.09609846565048581	such:0.09124993909328327	is:0.0885561687988529	to:0.08548012400399299	with:0.07636622875604954	:0.01
the:0.30458413663207234	of:0.3044764219951987	and:0.10932820637360083	to:0.06879672080946336	at:0.06745773732862964	a:0.046523305290787596	in:0.038394942121445085	.:0.02532710238368489	for:0.025111427065117545	:0.01
and:0.25037799561132223	to:0.19051743664518078	of:0.12818071300755096	the:0.11341275889843262	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.05790590474591629	for:0.056443486992488516	:0.01
to:0.2620983149693371	and:0.19664402247129265	the:0.18720703494025467	of:0.14061051340842873	in:0.0675925481954826	a:0.03867755248806961	<s>:0.03389464108121401	not:0.032510411574388075	that:0.03076496087153255	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
has:0.3605755933470742	have:0.3163646381787759	had:0.19309483805293787	not:0.04369178471779902	having:0.02544128309146098	always:0.016210236025760355	ever:0.012286881462376107	never:0.01201594612171696	lias:0.010318799002098799	:0.01
to:0.23334974577539214	of:0.19829904331092196	in:0.18007538150672822	for:0.08500612376861873	that:0.0781113820207059	and:0.07146329012511883	with:0.05436891172772919	by:0.05252220915684074	under:0.03680391260794428	:0.01
the:0.2453044921215976	of:0.16248162840082864	and:0.1484358356198295	to:0.14812932033974008	in:0.07026439162584772	was:0.06501632637583916	Mr.:0.05213509403927932	that:0.05115964296778391	is:0.047073268509253946	:0.01
the:0.3222700586422684	of:0.19748303497032527	and:0.14821900911444638	Mr.:0.0814022366829615	a:0.07018330339807605	to:0.05211795477222556	The:0.044962636484870665	.:0.03895710737577016	by:0.034404658559055994	:0.01
be:0.18612466830558827	is:0.16557026581625203	was:0.1489891787158288	and:0.148064349017029	are:0.08322890188432429	were:0.07677842121006448	been:0.07573522038093952	the:0.05502060929409432	have:0.050488385375879435	:0.01
recorded:0.22325770229068634	and:0.14944921015488752	time:0.1345382140715665	was:0.09876852635903466	at:0.0973861639955784	that:0.07936851695888918	is:0.07856215087329298	be:0.06617303620646231	for:0.06249647908960202	:0.01
made:0.3028069374576309	and:0.2023193696646394	caused:0.07375981344017991	shown:0.07207509517503563	up:0.0704269184181151	ed:0.07002219172812583	out:0.06751988832599078	taken:0.0665966498616986	done:0.06447313592858381	:0.01
the:0.2635155970576107	of:0.20176980468710737	and:0.15751356654431892	a:0.10117299169390241	to:0.0996255392904322	in:0.060541088706330494	with:0.040545965637064536	for:0.033898947419923324	or:0.03141649896331027	:0.01
more:0.42897191827470343	one:0.23113670593947466	two:0.15588727953013573	five:0.0379569868209147	dozen:0.029384684489764404	four:0.029162246985826645	three:0.02842691251464945	ten:0.025342829004206712	six:0.023730436440324333	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
;:0.19669173864448006	and:0.1861250130508542	up:0.10797025678167922	feet:0.09298009891957618	them,:0.08955171950714343	it,:0.08790137574961034	out:0.07950961305553612	him:0.07591032893900608	time,:0.0733598553521144	:0.01
al-:0.29689842319709536	the:0.15550395889588983	all:0.09979432174365861	their:0.08785335116810855	other:0.0768148518167025	of:0.07258475057673064	and:0.07011827466765623	his:0.06621272284783886	al­:0.06421934508631925	:0.01
the:0.3703974622170521	degrees:0.2360466229093062	minutes:0.16253696861300845	thence:0.104181120204158	degrees,:0.03100246980598853	tho:0.024934554745473417	feet:0.02451062134841916	and:0.019882704147332952	grees:0.016507476009261175	:0.01
to:0.411509947875478	and:0.3345768236690801	not:0.046823996080498954	will:0.04344079393529064	that:0.036574014852199875	I:0.03652055450569058	would:0.031212151220471305	who:0.024799728913267566	which:0.024541988948022925	:0.01
north:0.44757064159326093	feet:0.12551733402880494	east:0.08391334517790348	street:0.07404954194979392	land:0.05468649834098592	North:0.05413073083253676	south:0.05317235024589005	chains:0.050816732129852195	;:0.04614282570097179	:0.01
the:0.4296733500335901	a:0.30677805126575586	of:0.06029590949388562	The:0.053221703543125776	with:0.039216402772143465	and:0.03506549026955849	his:0.025048632470323417	tho:0.02141964014600382	in:0.019280820005613347	:0.01
of:0.2911491838762084	for:0.1575309522864633	at:0.10238671425394434	to:0.10219831658205872	and:0.09686447518698346	that:0.08579214146054301	in:0.06396014862868896	by:0.056360169085020895	with:0.03375789864008876	:0.01
a:0.42186606801940213	the:0.10190092551215282	is:0.08764333203047363	and:0.08444686635297459	as:0.06713917241386924	that:0.06219671336881314	of:0.05972164008177713	was:0.05399024948237775	in:0.05109503273815945	:0.01
and:0.2954976590676623	the:0.19006033586412066	will:0.12341087472469169	to:0.0962234199273839	of:0.0719642273900248	I:0.06502654771349325	a:0.053125325704023306	could:0.049428739106651576	can:0.045262870501948486	:0.01
of:0.352867362390408	the:0.21721209093766058	to:0.10469300000238069	and:0.09669236082818275	in:0.06602772680917622	by:0.05104145973939926	that:0.03547755485415687	a:0.03391646895656794	from:0.0320719754820677	:0.01
of:0.34359924264915453	and:0.22195686375558452	that:0.11331649265764189	to:0.08641531064214497	in:0.07682453470948779	for:0.06629203694678591	with:0.031968639609293734	from:0.025620381416734856	by:0.02400649761317192	:0.01
to:0.2846607759471432	of:0.2284460986782203	for:0.14552445493051408	in:0.0866886234784545	on:0.07356914334835342	and:0.053902047185266276	In:0.047122106129803165	with:0.04222415685529241	by:0.027862593446952813	:0.01
the:0.2974502811850691	of:0.22091422415753312	to:0.09236837889488791	boy.:0.0741306415053232	and:0.06960437249933987	girl.:0.06679148007921792	a:0.06486805677156715	in:0.05550313372308324	for:0.0483694311839784	:0.01
the:0.4713418245494312	of:0.15959036431418963	a:0.13111300003231294	in:0.061233263779586225	and:0.04015949500731562	The:0.03518835180389091	at:0.03339831460382575	to:0.029844172762734773	very:0.02813121314671298	:0.01
the:0.28927981264748465	his:0.16722166505015848	and:0.12882430921368407	their:0.11409091228430918	of:0.0634178632130642	or:0.06163232696668377	in:0.058429398005140326	was:0.05743293618642767	her:0.04967077643304773	:0.01
those:0.2595127347917971	man:0.15407938538350677	men:0.15109805570898707	and:0.11334241553163937	one:0.09442018827086611	persons:0.06445140326520646	person:0.062012110564921404	all:0.052787411792445074	people:0.03829629469063046	:0.01
and:0.21587756808629538	as:0.1871912227373767	that:0.15435466996740893	when:0.10372959053996	which:0.08789444859156803	for:0.07438669738902287	if:0.06409800016618665	but:0.0623409015585702	where:0.04012690096361109	:0.01
of:0.3535101752615976	in:0.16637226418000708	to:0.15144044657073338	for:0.07444404949800848	on:0.06534622014424857	by:0.055227095167468675	with:0.0444824929457637	and:0.042959359080150285	In:0.03621789715202208	:0.01
and:0.2682983319507874	recorded:0.10717905104111182	was:0.10263907629409649	made:0.09927630384100071	that:0.09842569549211198	o'clock:0.08895025276229458	up:0.08173084504592748	is:0.07240199994443215	found:0.07109844362823738	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
that:0.42385715373588223	which:0.1373665823028477	and:0.12701488572564013	as:0.07315760921159367	when:0.05725182920044232	w:0.055348003502836154	if:0.04430538094648151	but:0.0391610484461485	where:0.032537506928127735	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
a:0.4176154609170126	the:0.40322995198359746	per:0.04779854501311577	one:0.029291586565371366	every:0.023417055861719393	tho:0.021505724612655493	last:0.019332738680850066	each:0.0148310339736668	this:0.012977902392011036	:0.01
of:0.3106318515656157	in:0.30442565761783713	and:0.07822482280794679	In:0.07487553097007962	was:0.05814418324456559	is:0.05368458507920578	from:0.03940681403976899	are:0.03818723186898781	to:0.032419322805992454	:0.01
hundred:0.21256153157240074	Hundred:0.13091796223620467	North:0.11580110428985206	street:0.1139187828426542	north:0.0997376759982765	1:0.09344902985497104	east:0.07594270020665016	men:0.07518285043166434	city:0.0724883625673262	:0.01
the:0.25784239811796156	of:0.19741446101961269	a:0.12801448532527315	other:0.09545784179006682	their:0.07701583216762133	his:0.06183132615322652	our:0.061143980244236826	these:0.05632721053459864	public:0.05495246464740229	:0.01
of:0.37193846286173576	in:0.13175109265269858	to:0.11614686807891775	and:0.09179715739364668	with:0.08193496439077338	for:0.05715061509671276	by:0.050630064540699474	that:0.04451924709209025	on:0.044131527892725196	:0.01
;:0.3240364725311313	nothing:0.14051492483767403	it,:0.12131909456812431	and:0.08186938633546978	them,:0.08080981602048774	is:0.07638052319289883	or:0.07583984419524042	time,:0.04756575141895296	all,:0.041664186900020585	:0.01
it:0.22923910640386372	It:0.2169656170215026	This:0.15216872378118323	which:0.0937113430805337	that:0.08236996073179681	this:0.07426658989754333	and:0.053275560998039914	there:0.04840760209046867	he:0.03959549599506813	:0.01
and:0.36982779042345776	to:0.16787976333709095	<s>:0.09530362350376026	of:0.08624370611986594	in:0.07767965242034851	on:0.05337804043391587	which:0.049544602388675085	by:0.04872076611483541	.:0.04142205525805009	:0.01
<s>:0.3524364014246782	them.:0.15445015839131518	it.:0.1388206581021544	time.:0.0774367997652387	him.:0.06989613994722738	.:0.055197932350501445	work.:0.04887579694747703	day.:0.047688578450157594	country.:0.04519753462124991	:0.01
of:0.25919883803158345	the:0.18841275418598943	and:0.12731149531046468	to:0.10264461601135577	was:0.07413436113579476	in:0.07099931091010063	be:0.058394221677393575	<s>:0.05607769843242761	for:0.052826704304890074	:0.01
the:0.42322247560010084	National:0.2965906435406413	Savings:0.07116817277837903	of:0.04683512975151769	State:0.040018608684628934	and:0.0370335483857438	The:0.03542790591843021	tho:0.023151642845735246	any:0.016551872494823098	:0.01
and:0.3334233691019884	of:0.15364065882277894	for:0.10258644802254657	fact:0.10239526376649137	is:0.06900114221375178	in:0.06783333181060315	but:0.059881374723022296	to:0.05230622209147045	was:0.048932189447346945	:0.01
and:0.1614347899551591	be:0.15770900669577861	to:0.15135928123319703	was:0.1426240924204296	I:0.08669391313102295	been:0.08083841058134271	will:0.076566532393728	is:0.07452964542149206	he:0.05824432816784984	:0.01
and:0.4082358659059084	as:0.2017374621113305	that:0.17582805740589308	but:0.052442417101731906	or:0.050145927858206596	But:0.027024808179309193	even:0.02545671249821749	which,:0.024580779794228312	And:0.02454796914517463	:0.01
Now,:0.6025505396273464	Now:0.11444027196202014	Now.:0.06042799353780577	is,:0.05103061730093644	and,:0.0432254046413963	and:0.04240772152256161	are,:0.03772734889815849	If,:0.02042314741041138	that:0.01776695509936363	:0.01
of:0.4372811740881058	to:0.11378204561740271	in:0.11130563750146796	on:0.08472364121785628	that:0.07840397732425697	and:0.06992371962052704	for:0.03884249606271231	In:0.0283261132827396	by:0.02741119528493125	:0.01
and:0.263862062087125	is:0.12219217921690526	was:0.12050167878211498	that:0.11238461365359961	but:0.10932112389937788	are:0.10072873520014715	or:0.062398017914343296	not:0.05407035803713599	to:0.044541231209250735	:0.01
the:0.6337331662659316	and:0.100385275269275	of:0.04502915812563193	in:0.0446265384225453	The:0.04052682497589725	tho:0.03890434100479111	a:0.0367021526749023	to:0.027326210880625385	on:0.022766332380400437	:0.01
the:0.3245966046141232	any:0.15727639425607748	this:0.11328057958727743	a:0.11217494627887475	every:0.08163927708125002	of:0.054720868847037286	other:0.0491549056437138	some:0.048690075367994336	that:0.04846634832365175	:0.01
and:0.2318821786574551	time:0.1430618742455643	ready:0.13499110693804453	demand:0.11666201787883863	used:0.08287243954795238	reason:0.07896105878320862	necessity:0.069381194251603	not:0.06918264092560288	necessary:0.06300548877173068	:0.01
the:0.3426632695977064	and:0.18737393913503347	of:0.1162962428849144	a:0.08606499270317342	to:0.06021229710909494	The:0.058852408827493465	Mr.:0.05468861948012739	that:0.048373239121959954	by:0.03547499114049647	:0.01
he:0.24197949183040168	I:0.21337287298316746	they:0.17635597206479325	we:0.08258156825390825	she:0.06777073217159829	that:0.05524849155378003	who:0.05440151140543605	and:0.04928338227100551	it:0.04900597746590953	:0.01
<s>:0.27171893901292904	it.:0.19544079425957908	them.:0.12356597256552812	him.:0.11650845024383527	time.:0.06931307372907912	country.:0.06674628025874714	life.:0.05337136142661315	?:0.05087849806830623	work.:0.04245663043538279	:0.01
and:0.25037799561132223	to:0.19051743664518078	of:0.12818071300755096	the:0.11341275889843262	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.05790590474591629	for:0.056443486992488516	:0.01
and:0.26084772887492075	so:0.15418597432284178	say:0.10909816675815548	fact:0.09376866153213212	said:0.08860815289550722	know:0.08686009470952581	me:0.08007687917600152	is:0.0690904617866725	but:0.047463879944242955	:0.01
the:0.37633090564207994	of:0.15034515517385152	and:0.1297319150070869	Mr.:0.07308757121993768	The:0.07066818816072408	a:0.06702079550468407	that:0.04562921796590835	as:0.041807243939868996	<s>:0.03537900738585849	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
of:0.23162151653407348	o'clock:0.22337441030599486	in:0.14254067690736477	on:0.08280148422816842	that:0.07925541748515233	and:0.07841778807043431	In:0.06405133000867737	to:0.04653678702740702	On:0.0414005894327274	:0.01
the:0.24130576549866314	of:0.18833662870322207	and:0.16607091897550066	a:0.12226357561830728	to:0.08119819928176736	was:0.061441215918139495	be:0.05012797215849653	is:0.043156408701399925	been:0.03609931514450369	:0.01
and:0.2854264651535844	was:0.11993719073042852	made:0.10613345733596061	that:0.09908426282680673	is:0.07922806179484167	out:0.07754549482770906	up:0.07620427238330928	work:0.07579316491126532	but:0.0706476300360945	:0.01
he:0.22480229380192834	it:0.17485728277577844	they:0.12397626271710332	I:0.10874733808034656	that:0.09441150165732329	It:0.0934061924792438	we:0.05704965258936926	which:0.05692367062721335	and:0.05582580527169371	:0.01
the:0.23162914077824537	is:0.15999764087159798	an:0.1500667833132136	and:0.14994916960644797	was:0.08024265398230065	are:0.07844260326876255	not:0.05546127343086869	of:0.04252464386348591	be:0.041686090885077305	:0.01
or:0.17045119082438678	and:0.16639408371488537	of:0.15226093053853496	is:0.12694130974790116	are:0.11105840033569944	the:0.09276893598755062	was:0.06568761756784221	for:0.0547462906432773	about:0.04969124063992223	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
of:0.3771569830326812	to:0.15639581719284282	that:0.11086282579756714	by:0.09064642731761742	in:0.07658837338436708	and:0.06898491390931626	with:0.04394064715582831	from:0.034837500197121375	as:0.030586512012658447	:0.01
of:0.3268626959833955	the:0.17994095334887647	to:0.12206143253412402	in:0.10913732085470837	and:0.09499470595465354	by:0.04790673712928192	a:0.04212272895626664	for:0.03383711326306796	from:0.03313631197562558	:0.01
of:0.3832133871866535	and:0.14970476858031653	in:0.10520995263328593	to:0.10225870894152483	that:0.07243384117463512	with:0.059855565565908805	by:0.04490733135626972	from:0.0403309046100456	at:0.032085539951359876	:0.01
as:0.1943600122700163	and:0.1409601278107517	according:0.1268825780386275	up:0.1166538996954941	them:0.09546248046552396	regard:0.08571584773899626	come:0.08276545836165355	back:0.07647325798284846	return:0.07072633763608811	:0.01
the:0.27004892961346216	1st:0.1510986315068078	first:0.12513779671039008	a:0.1037870356043818	25th:0.08044042951759474	7th:0.06850863141428767	10th:0.0652308917143553	12th:0.06469097803790061	21st:0.06105667588081993	:0.01
and:0.3079069995791492	of:0.15703359043111892	the:0.09695346957938132	be:0.08008775556196852	a:0.07801796281644581	in:0.06960382693033287	is:0.06885254681667446	was:0.06803906530008293	he:0.06350478298484587	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
and:0.3530251995051372	of:0.17255776439264722	to:0.15405271388536537	that:0.08176770205542916	by:0.07799085875343624	in:0.04660099502047261	as:0.03811387867190476	which:0.03772810050073616	the:0.028162787214871306	:0.01
the:0.3375803976125541	of:0.21633161136957074	and:0.12906152555649922	to:0.11414882325148107	in:0.05088306436616097	a:0.04673807795010863	for:0.0365500009417007	as:0.03174185155220492	at:0.02696464739971958	:0.01
the:0.34364924440997374	of:0.18485997728502912	a:0.1212058801942383	and:0.09605228921121482	in:0.07189752277409439	to:0.06716183381171735	for:0.03654734460194308	or:0.035394096032427484	that:0.033231811679361865	:0.01
the:0.30337617970676906	of:0.18860457588018725	and:0.131061740829474	to:0.0977610809207078	a:0.0809566554459928	in:0.055741965423345884	be:0.051143240024298715	was:0.041879765140534715	is:0.03947479662868964	:0.01
the:0.25356289039958857	all:0.1768379488943847	of:0.12535127595188628	other:0.08239303021540094	and:0.08236413759489487	on:0.07635478187246787	these:0.06802485996173031	their:0.06313699187554407	be:0.06197408323410245	:0.01
out:0.174791524930527	one:0.1612745066563113	some:0.1543730398369646	all:0.11549577046618896	part:0.10442056941108602	because:0.07383495211930247	account:0.07284118264889748	many:0.07000946912075943	and:0.06295898480996275	:0.01
about:0.25627345662624385	and:0.1525780414491158	or:0.1418831999816851	of:0.12453050103236311	to:0.08145690538344731	was:0.06819806607973272	than:0.06337352604878883	at:0.06231494742578281	is:0.03939135597284062	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
the:0.4141533510267557	a:0.1616835614687897	of:0.11355050699964188	and:0.10541940537423934	The:0.050725685052866586	to:0.04422776234445402	in:0.03906889571782731	tho:0.03384881760515045	Mr.:0.027322014410274955	:0.01
feet:0.2083705893710341	poles:0.16686243736995118	up:0.11619557552687124	chains:0.11156855355118703	entitled:0.08437694067907713	went:0.07935061363836472	came:0.07491532896457027	down:0.07426522602773696	him:0.07409473487120727	:0.01
of:0.27233435060125455	the:0.1521169141322391	in:0.14474908498894515	and:0.10669210785856477	a:0.10005318306439578	for:0.07093535759997556	to:0.05989380476082653	by:0.04405318053269774	In:0.03917201646110069	:0.01
the:0.2946672515173435	a:0.19623106882800292	of:0.1750920763194982	in:0.08470107962196283	and:0.06730454872886622	that:0.049540483061718404	an:0.0441204818339337	as:0.03922338883388826	to:0.039119621254785915	:0.01
to:0.3723349332368032	will:0.17980673688281826	may:0.080880393777465	shall:0.07440215308701839	would:0.07261537212347753	can:0.06311618886502049	should:0.062041525606077175	could:0.044106009909052474	not:0.040696686512267564	:0.01
statute:0.4186740486360633	and:0.17738741228721525	that:0.0755274924443703	or:0.07132424490596526	as:0.058000941680437054	is:0.050595503446931964	it:0.0491427744626679	was:0.04506424724176515	be:0.04428333489458361	:0.01
out:0.20913951613367876	one:0.16183787472634523	number:0.11671036185633249	means:0.09907968061171493	place:0.09059392990652419	kind:0.08490699058795652	some:0.08041615824231119	amount:0.07804179237787516	all:0.06927369555726161	:0.01
of:0.1987633801340591	such:0.1393399696649963	with:0.12346715499129747	to:0.1113719228510495	in:0.10912495215830571	as:0.0940894597882626	for:0.07616465381307504	and:0.07508332739717427	is:0.06259517920177993	:0.01
;:0.14708084855117523	in:0.12760763455747906	one:0.11669991611659689	up:0.11609349218661463	there:0.11530930079588943	men:0.11504420037693021	it,:0.10058348528575856	them,:0.08018342326651151	to:0.07139769886304448	:0.01
the:0.6528059424773197	this:0.08227420552410565	an:0.07133763093835924	a:0.05509385039084751	tho:0.039021615622432476	The:0.02959573214005175	any:0.021193721825341145	our:0.02051039578999984	of:0.018166905291542634	:0.01
the:0.23666950497411446	of:0.171417182725107	to:0.11036429500137059	and:0.1057347235049789	.:0.09473422559031634	Mr.:0.08825249857628613	a:0.0777462500971279	in:0.0620918774307186	at:0.042989442099979944	:0.01
and:0.25741194153730856	the:0.1706696428185743	of:0.14389063486113232	to:0.1350621871629177	a:0.060634576604416034	that:0.057835388468332874	was:0.05774629654409643	said:0.05493057942129967	be:0.051818752581921916	:0.01
all:0.21357881357464764	it:0.17109218651982136	and:0.1400993301240289	went:0.08953810753119093	him:0.08033885886518542	them:0.07688681981197466	was:0.07654321505881782	is:0.07157275585741621	turned:0.07034991265691715	:0.01
the:0.2434308456948775	and:0.16178693456557883	of:0.13887751795222011	to:0.1244772705341572	a:0.11336884681343598	be:0.058183940614252486	is:0.050746831112712124	in:0.049860590702662695	was:0.04926722201010304	:0.01
the:0.3062827285293623	of:0.2926677610358393	on:0.10111695884874926	at:0.07871794877273412	from:0.06726248087188436	in:0.046766042806774474	and:0.04579917698604775	by:0.028538955771357392	to:0.022847946377251096	:0.01
they:0.18080631959574955	who:0.1750815008604293	and:0.12413526538554483	which:0.12181051907677964	we:0.09351303224851278	They:0.08721273691065339	that:0.07631906310648412	there:0.07604495193272705	men:0.05507661088311933	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
at:0.3811729830337082	for:0.13627408383995143	to:0.0858278636933452	of:0.0834619514943273	about:0.08274465020700174	the:0.07088241910649774	and:0.06504391756112295	in:0.04549113155347143	a:0.039100999510573914	:0.01
of:0.3687643820186737	to:0.1498753946873334	at:0.08298418731914423	for:0.08232093098376488	in:0.07392931100422864	that:0.06662684976373444	and:0.06532579769870026	by:0.054092389148951266	from:0.04608075737546927	:0.01
It:0.23841182645848102	it:0.21824502470799964	I:0.10628269665729699	there:0.10356699866170524	he:0.09935185675291465	This:0.07151350969947536	and:0.06355775541249249	which:0.04666572036885078	He:0.042404611280784	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
at:0.45628917576445577	of:0.13314261351985224	to:0.11917083786917343	in:0.11320130160094675	for:0.044110512794253445	from:0.04163281781953254	In:0.037798103108547816	At:0.0227678747742466	and:0.02188676274899149	:0.01
the:0.25697539145486614	and:0.19562318736474682	of:0.12076019478778798	to:0.09468467296423635	a:0.08152430890971912	was:0.0657015019268305	in:0.06383061256560316	be:0.05619494073117752	Mr.:0.05470518929503262	:0.01
the:0.2655547061970945	a:0.11984531090167466	his:0.11665702115218471	their:0.10893950838564097	this:0.09125590909844604	of:0.09006336643076863	in:0.07742761617063598	our:0.06209008349191532	great:0.05816647817163916	:0.01
made:0.21955465998144016	and:0.18561109181996904	accompanied:0.14481563860168103	him:0.09541865039509972	was:0.08555379799498081	up:0.0660686024961397	it:0.06504256922597976	ed:0.06418895017978775	followed:0.06374603930492198	:0.01
he:0.23461108174321357	and:0.15870717109678975	it:0.12278480252439182	who:0.103050909074278	He:0.10127958859555752	It:0.09725958418514709	which:0.07771123774839825	that:0.05608256503793536	she:0.03851305999428872	:0.01
of:0.4009708504557973	and:0.12472857175867988	to:0.09006148679103702	for:0.08778183853644986	that:0.07552595632104431	in:0.06779930288563922	with:0.05635515206504965	by:0.046805090517156804	have:0.03997175066914597	:0.01
put:0.18847409294273132	to:0.18513274911014838	of:0.17031586654199352	keep:0.094746725529906	get:0.07813572212585804	take:0.0769916426876064	for:0.07482053609968631	with:0.06891151619551983	give:0.05247114876655015	:0.01
the:0.29263780767360903	and:0.22130879062557937	of:0.11863059456932078	in:0.069392364097213	was:0.06932978479393213	to:0.060483296395248756	for:0.053710583531059015	that:0.052451811278698565	is:0.052054967035339364	:0.01
the:0.26791389962250994	and:0.20604640175983205	of:0.13661517495005135	a:0.13057479788155218	to:0.058646806464134824	was:0.05264525948852613	be:0.05026032574584683	is:0.04572805874498829	at:0.041569275342558214	:0.01
and:0.21126565444619258	it:0.15805436947476864	is:0.1320832514182605	was:0.09945075881967687	him:0.09116847119142774	feet:0.0848205192100643	that:0.07407312113502323	out:0.0698988946223003	them:0.06918495968228561	:0.01
the:0.2397409163811303	of:0.19693618841418015	and:0.19046554665080834	in:0.09407716793877345	to:0.09242042121960875	on:0.060265566546794706	that:0.04264054456303816	as:0.03754127152809342	an:0.0359123767575728	:0.01
went:0.17178871805255977	carried:0.15946554813513641	get:0.11397926239097951	go:0.11356092600383767	passed:0.1023974375006163	far:0.09493524296229024	taken:0.09012404357862906	turned:0.07732884363330848	ran:0.0664199777426425	:0.01
the:0.3783233056851461	a:0.18810947141554438	of:0.117987219638117	and:0.06907723898419545	are:0.05789959875181496	with:0.0519640834557383	very:0.046230098505164505	these:0.042021595043612206	other:0.038387388520667004	:0.01
W.:0.18090597761858684	Mrs.:0.15045333208372488	.:0.12624089870642388	Mr.:0.10967608151259149	John:0.10341847246215677	J.:0.09979980684613282	M.:0.08144325449585786	S.:0.06951658190365706	H.:0.06854559437086846	:0.01
up:0.15814385675393813	addition:0.13742981650675554	and:0.12458187151217107	came:0.11414416982463267	as:0.11250542114965958	due:0.08882136789922332	according:0.08683615157811307	reference:0.08455786721599692	sent:0.08297947755950968	:0.01
was:0.2477460314094061	be:0.14103585575989716	he:0.10634400177008509	are:0.09950623853837752	is:0.09647668674477551	been:0.09120266663398621	were:0.08357964213027552	and:0.07474765400692714	not:0.04936122300626971	:0.01
is:0.2524479625653079	ought:0.12100787889195094	are:0.1178352422795325	seems:0.11055594763804424	was:0.09614106152581381	not:0.0941843627106136	said:0.07532254921697497	seemed:0.06249828089648135	as:0.060006714275280794	:0.01
feet:0.40723289328325385	so:0.1541400269093496	inches:0.09062694267549952	and:0.07417606606313946	a:0.0605233936609869	as:0.05465154812821923	is:0.05412472667620259	was:0.050670223791102954	too:0.04385417881224584	:0.01
as:0.188283813505136	according:0.14144678228402477	up:0.13904323060160725	and:0.1096650113200393	went:0.09104380703179268	back:0.08789812106037491	regard:0.08348580619122747	feet:0.07747526592666086	down:0.07165816207913696	:0.01
<s>:0.24643505364970167	that:0.22567481111489604	and:0.11986402130738498	it.:0.10509411761497948	but:0.07308474448235741	as:0.06237988616146023	them.:0.060287180696994194	country.:0.04939834692648971	of:0.047781838045736394	:0.01
of:0.36237699085490277	and:0.1584298618362114	are:0.10214021743423173	is:0.08583334846083975	in:0.07783911308007348	the:0.058587095982988835	by:0.049630694380258404	now:0.048775650303785736	for:0.04638702766670801	:0.01
was:0.20132007229060425	be:0.1854907800839878	is:0.17565975672038225	are:0.13801568311502385	and:0.08835777879023331	were:0.06957052644481534	al-:0.04681675482419213	am:0.04338016534791158	been:0.04138848238284955	:0.01
he:0.2084042942093726	and:0.20595958626555522	who:0.11958065717729789	has:0.10327527730907943	I:0.0826980279547698	they:0.0790316006178094	which:0.06816570166279683	she:0.06331774942174298	He:0.05956710538157569	:0.01
the:0.35125177216659076	a:0.16361977249190288	and:0.11166884920351651	of:0.09230365827071409	to:0.07460562551363434	in:0.06410620333148917	The:0.05279357765444188	his:0.04673392454142779	on:0.03291661682628248	:0.01
of:0.20482777277060715	the:0.19157469019980297	and:0.1572133167841724	to:0.1549827058826635	a:0.0793226408414419	be:0.06258366802827799	was:0.05125038664443885	or:0.0473362165644865	is:0.04090860228410865	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.04553578393787439	of:0.03051332981678091	tbe:0.02261446403444868	in:0.021612439669724332	or:0.020196218295911488	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
the:0.37668106988304934	and:0.14563163362336953	a:0.09783159338873648	of:0.0944341856663116	Mr.:0.08274536087424329	The:0.06773331892338545	is:0.056153693086945865	was:0.03641971645236758	be:0.03236942810159075	:0.01
was:0.25463058949695705	be:0.2520452029764532	is:0.15176294840386526	been:0.0813106974425593	are:0.05912269122172031	and:0.0539593098121956	were:0.049382624924441954	not:0.04631048662567574	had:0.04147544909613165	:0.01
of:0.46952413455060016	in:0.19885349759578883	to:0.10263051736049661	from:0.05860656300290969	on:0.04536715614564409	by:0.037637966025012064	In:0.02976243592272966	at:0.027618203094139853	for:0.019999526302679132	:0.01
the:0.3624645678386608	a:0.18184834535664635	of:0.1317879922919672	and:0.08979257835617442	to:0.054683082218046665	in:0.0496158958827839	be:0.04132988395325601	his:0.0413124606844356	or:0.03716519341802898	:0.01
able:0.18221192615727283	enough:0.11744211338880539	began:0.11116928395334542	and:0.10751551816931379	right:0.10483962336669027	time:0.10438842465459323	order:0.09396830138087102	him:0.09210917334705768	is:0.07635563558205019	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
that:0.4248767727810631	and:0.2169616908452784	but:0.07728732858024093	if:0.05209935182685943	when:0.05161873506627446	where:0.04967867968515334	which:0.04575344605788949	as:0.04246567968724792	Then:0.029258315469992895	:0.01
he:0.29139665694162026	I:0.23292146231849156	they:0.13585454048731335	she:0.08346364777631464	we:0.06871481078940404	and:0.05432934426513873	who:0.04702952708024238	it:0.03970841301723735	that:0.036581597324237686	:0.01
of:0.23247340958949436	the:0.18549381681525842	a:0.16563991642025824	and:0.13405826467782847	to:0.09689243502144806	in:0.07121652963131522	for:0.03659070670469315	that:0.0338990951750487	by:0.033735825964655214	:0.01
the:0.771809786087002	The:0.08496113944392815	tho:0.03711886995311213	its:0.027728498850858773	our:0.01984892495780323	their:0.013785119978064772	a:0.01285496107140777	tbe:0.011535107629601535	this:0.010357592028221476	:0.01
<s>:0.34536584090749134	.:0.17030142884856103	it.:0.1380806586644463	and:0.07698061398237181	Mr.:0.056262861634179435	boy.:0.0542794900009697	him.:0.05239113669282912	time.:0.05019891112518788	girl.:0.0461390581439633	:0.01
would:0.22980511667265655	to:0.17299540970927663	who:0.12482764014450815	they:0.10355307675313528	I:0.09251266344910342	which:0.07981734282547859	must:0.068890066387715	might:0.06196287097814179	shall:0.05563581307998454	:0.01
and:0.3024842444279261	was:0.14789652250066207	is:0.09596900870974386	be:0.09291209349185649	are:0.07962562552501436	that:0.07617621460107377	it:0.06766289852403745	been:0.06429887727346362	made:0.0629745149462221	:0.01
the:0.28701885077952677	by:0.2337868893092408	and:0.1704777086736826	of:0.08156132730851645	said:0.05786288148245703	<s>:0.05166677303272644	to:0.047280497580960826	The:0.033364638930649754	that:0.026980432902239428	:0.01
is:0.4441011003814523	was:0.2301255724918188	are:0.06934435729372343	and:0.0670153417317624	Is:0.05915242424207989	had:0.034758673704862096	has:0.031124884677625808	were:0.029326294222753523	have:0.025051351253921543	:0.01
and:0.3243481058981709	was:0.1183254908156455	held:0.10061653345026714	Beginning:0.08194282066246006	is:0.07787052591190631	look:0.07433840727139067	arrived:0.07348439933321942	that:0.0714853472708103	interest:0.06758836938612982	:0.01
to:0.3118392520806085	will:0.12613059169227203	t:0.11984709946223056	that:0.09195814575382462	would:0.08591361815159088	and:0.08534850140697159	I:0.06613257642948803	may:0.05734860361106113	which:0.04548161141195274	:0.01
of:0.4325262965006754	to:0.11455460174793373	in:0.10410087224767896	and:0.07101947834816168	with:0.06987258841558956	by:0.05424168890561572	that:0.0535577951495203	for:0.04585907678945132	on:0.04426760189537326	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
of:0.5752343176843888	in:0.14728314967164774	to:0.07586931738189924	by:0.06094295978398383	In:0.031871402096910875	from:0.02685828138852238	that:0.026518006850398984	for:0.02311175660617519	and:0.022310808536072903	:0.01
the:0.6467801637858189	of:0.09560488615558564	The:0.08037133561297698	a:0.03314384713815323	from:0.03298819876811152	tho:0.031177207743553623	and:0.027085859132555744	for:0.02417573292205857	in:0.018672768741185758	:0.01
one:0.33708984341259335	part:0.1487557614660267	out:0.10384043397499725	portion:0.09083714555922895	side:0.07562804233059957	some:0.06197550487992145	that:0.060324718837243906	tion:0.057990436636891	member:0.05355811290249791	:0.01
secured:0.5336685870434595	made:0.1063808795197566	and:0.08550724488639848	provided:0.05702204426176154	conveyed:0.053664045860727747	executed:0.041185281960231655	that:0.040297957796388936	delivered:0.036366909633562594	filed:0.03590704903771284	:0.01
of:0.24420915131676488	at:0.18722318599580587	in:0.1420156114944077	to:0.1091780962657817	on:0.08765121426551178	for:0.06870824872846423	and:0.06611914419885649	from:0.04695251959403473	that:0.03794282814037263	:0.01
up:0.18221495063507112	men:0.12349939535396245	time:0.1152725707498457	him:0.11333022494131095	years:0.10151398683147538	;:0.0933332561526182	here:0.09004003517934059	it,:0.08631519857348514	day:0.08448038158289024	:0.01
and:0.4368730244418249	the:0.16564832222381123	of:0.13185335859983308	from:0.06221710408399281	a:0.04831119059525677	that:0.04125702827114567	his:0.04026267487342587	or:0.032416809189285675	as:0.031160487721424133	:0.01
to:0.2571701845053131	will:0.19829733899235516	would:0.1415241045440231	may:0.09908017878214848	should:0.07955880467146437	shall:0.07349905741243665	not:0.07244585600772294	must:0.038370263464094154	can:0.030054211620442164	:0.01
of:0.34274355272284135	in:0.24641284686768383	for:0.0917463415277925	and:0.07561156025880227	by:0.06288915427947309	are:0.055923114260473916	In:0.049024828348909706	is:0.03667137115215387	with:0.028977230581869663	:0.01
of:0.3968193836427975	the:0.16603336169720828	and:0.10283586165667626	a:0.07922171720207674	to:0.06780844012305043	with:0.0549561228107411	in:0.04489832413106011	for:0.04142255555323707	some:0.03600423318315246	:0.01
and:0.3024842444279261	was:0.14789652250066207	is:0.09596900870974386	be:0.09291209349185649	are:0.07962562552501436	that:0.07617621460107377	it:0.06766289852403745	been:0.06429887727346362	made:0.0629745149462221	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
the:0.23781721663697944	Navy:0.18980550119945874	War:0.1351266178164404	of:0.1327476077084978	Treasury:0.10603556982993684	Fire:0.08438534679345198	State:0.06558031081229118	and:0.021231189967164627	Agricultural:0.01727063923577876	:0.01
it:0.208456087554394	he:0.16873880311100092	It:0.15585711101413843	there:0.1099832871351704	I:0.09545707317280061	He:0.07335748389033457	which:0.0674100908898982	There:0.06009498623480103	and:0.05064507699746185	:0.01
a:0.2047604813681215	to:0.19245913356316546	the:0.17682253388252545	this:0.15241101100946577	last:0.09769657839659036	and:0.05345377158804741	next:0.046187161135521834	can:0.03707661591726766	or:0.02913271313929443	:0.01
the:0.24130576549866314	of:0.18833662870322207	and:0.16607091897550066	a:0.12226357561830728	to:0.08119819928176736	was:0.061441215918139495	be:0.05012797215849653	is:0.043156408701399925	been:0.03609931514450369	:0.01
for:0.2948927641974648	of:0.2523440022676101	during:0.1349276235342503	in:0.1041042325322983	to:0.06217613667240507	all:0.03875995798942107	In:0.03739965699463147	at:0.03682863540916798	During:0.028566990402750854	:0.01
the:0.3458470695997926	of:0.19708121978245177	and:0.12613815621372287	a:0.10447936440073813	to:0.08956612217732186	in:0.04101667407046249	his:0.03200308395156672	for:0.02854877197626825	Mr.:0.025319537827675376	:0.01
point:0.16245113666437988	number:0.13437948141646786	line:0.1294138454069784	amount:0.12064626881098804	day:0.11875968537485485	out:0.09886989960198694	bushels:0.08049453431359906	state:0.079627222877796	costs:0.06535792553294906	:0.01
the:0.37503847625890124	and:0.15576776943066303	of:0.11608042505907362	Mr.:0.08439344936867431	The:0.07920241723488289	a:0.06163330838453249	his:0.04422423627476539	I:0.03748669960758615	that:0.036173218380920816	:0.01
for:0.24045685438996067	of:0.19073581711897078	to:0.12572958470555867	and:0.09163897352723774	in:0.08458251427101145	with:0.08176959462428866	about:0.06706360359027477	upon:0.06510782249694268	by:0.04291523527575478	:0.01
of:0.2767441835977894	for:0.13106308743818873	to:0.1222594961790105	and:0.11861243537793395	by:0.09984656416996336	in:0.08082239546571576	with:0.06552409710678045	that:0.05625565512951055	at:0.038872085535107424	:0.01
the:0.2453044921215976	of:0.16248162840082864	and:0.1484358356198295	to:0.14812932033974008	in:0.07026439162584772	was:0.06501632637583916	Mr.:0.05213509403927932	that:0.05115964296778391	is:0.047073268509253946	:0.01
is:0.17514906410384865	as:0.1551282822221947	and:0.1335090142554315	seemed:0.10060773641129675	was:0.09320996450495503	him:0.08989622275532963	seem:0.08257665139768072	seems:0.08065313336928245	reason:0.07926993097998071	:0.01
and:0.18131214675548285	said:0.16683240040074027	of:0.15923463284844255	in:0.13418010759890406	on:0.10129593966546616	to:0.09229934884821178	at:0.06008452008704496	fact:0.0495238990290183	from:0.04523700476668926	:0.01
the:0.3299177818426395	of:0.17897670274827274	to:0.1253793792460873	and:0.10985980430753879	in:0.06240993305390326	for:0.06192854377065038	be:0.05083764956696977	was:0.037005804169285124	is:0.03368440129465309	:0.01
the:0.6777584246959248	The:0.06915165470174502	and:0.04842016432690056	assessed:0.04551674762519811	par:0.04420237735750634	tho:0.03296174905145366	in:0.02540120118173746	of:0.02341456917001633	a:0.023173111889517525	:0.01
;:0.19144271596780796	it,:0.16073763154027443	here:0.12049437696626475	him,:0.11804649775025873	them,:0.09400661208989029	him:0.08015674650162938	up:0.0801272436883014	time,:0.07692296664228485	in:0.06806520885328828	:0.01
to:0.2693604826883398	a:0.1827091017239264	the:0.16333464074655907	great:0.08757972297701769	of:0.0687589584753132	in:0.06595249542576563	large:0.05771893090981783	and:0.05506986418094314	full:0.03951580287231711	:0.01
the:0.7486550225366531	and:0.05340898797214956	tho:0.05077130808371849	The:0.033433896370060986	said:0.029509992288055023	a:0.02133588312887538	an:0.019643153764214976	tbe:0.019271187093171126	this:0.013970568763101446	:0.01
the:0.2378204931021253	and:0.19214892314342136	of:0.1765901506244558	.:0.09973880484111637	to:0.06735634874139795	by:0.06218655947585803	Mrs.:0.05882569915609157	<s>:0.05162777795757544	Mr.:0.043705242957958	:0.01
the:0.43209955838815506	of:0.14335201496351518	and:0.10351278576403533	a:0.09289432076421933	for:0.059603860359418	to:0.04664340552027598	in:0.04028944737312885	at:0.03972708564128775	was:0.03187752122596439	:0.01
able:0.14511234966528905	and:0.13172820859723178	is:0.12476866142304593	have:0.11730326646781511	him:0.11082659939939717	had:0.0955401572626202	right:0.0904087707975284	enough:0.08874364021609925	willing:0.08556834617097307	:0.01
it:0.1892444684671069	they:0.16170118157990782	we:0.1350483329205603	he:0.09682475843158213	you:0.09402679218518764	It:0.09187229947898852	that:0.08249575728333151	which:0.0702782910298095	I:0.0685081186235258	:0.01
of:0.26365362265741593	the:0.1704905140822076	to:0.11306213465073206	and:0.1041612911258714	a:0.10341881961543098	in:0.08147405164165124	on:0.06249316572001407	that:0.04990767704676707	by:0.04133872345990951	:0.01
he:0.24197949183040168	I:0.21337287298316746	they:0.17635597206479325	we:0.08258156825390825	she:0.06777073217159829	that:0.05524849155378003	who:0.05440151140543605	and:0.04928338227100551	it:0.04900597746590953	:0.01
the:0.3529507509674569	of:0.2357611629749357	to:0.12888654523496526	and:0.09050904376590592	in:0.041332979375058594	be:0.041256673741006576	for:0.03751470473767561	<s>:0.03153370030713519	a:0.030254438895860214	:0.01
and:0.45074640912904124	that:0.12017042480682909	a:0.0798647610066896	but:0.07851679901784939	was:0.06784990166390423	;:0.052010652054725055	as:0.04979490294049915	is:0.04769894791451483	the:0.04334720146594761	:0.01
the:0.3173189973141936	his:0.2505268818181526	a:0.12841514023546693	my:0.08435812238608968	her:0.08261934459206441	and:0.0365102525582043	your:0.03215587653540828	of:0.03170111491466865	their:0.026394269645751426	:0.01
<s>:0.5943634504914761	it.:0.08025331597383815	.:0.06526781210625668	them.:0.05407242088167543	him.:0.05081683021459324	day.:0.041628787098985494	time.:0.03717298205037291	country.:0.034367439602485644	year.:0.03205696158031614	:0.01
and:0.3089356389869579	recorded:0.19647414103766964	that:0.10161320396730186	office:0.07539826709903058	feet:0.07306893992450463	interest:0.06055231941341907	or:0.05926684488085344	payable:0.057975986178362235	as:0.05671465851190052	:0.01
the:0.3853244944598766	of:0.2016119142990119	and:0.13281277996971314	a:0.12239923761336712	in:0.03551265260697985	to:0.031033546691147867	or:0.028518751250522	The:0.028040083137066952	tho:0.024746539972314793	:0.01
the:0.2750798455198843	this:0.16726521565965227	any:0.14695664705139283	a:0.1363297062587107	no:0.11908451184469203	every:0.051707888403827125	that:0.04579971355520418	of:0.02396574336944867	The:0.02381072833718804	:0.01
of:0.3887292205331947	in:0.26380015469551554	to:0.07205542744390159	In:0.058856483297192716	by:0.057371444254418834	at:0.054558666138564346	on:0.038784513409009506	from:0.03498977749437273	with:0.020854312733829962	:0.01
and:0.44119138356583154	that:0.23978024826383798	or:0.08299326499536336	but:0.0709415093413153	it:0.03972114668803471	only:0.037694803014315444	made:0.02789673574464011	which:0.02543202013603575	time:0.024348888250625596	:0.01
the:0.21858781341275965	and:0.14787589235517212	of:0.11615811686309205	from:0.111777248760148	a:0.10253926757191248	to:0.08360693553216382	be:0.08051194311816404	was:0.06882079131216966	is:0.06012199107441834	:0.01
.:0.17921948508185798	the:0.17865536667754414	and:0.13285770609564274	of:0.12271096677171323	to:0.09259271484416082	Mr.:0.07334077357026118	Mrs.:0.07282868314789698	Miss:0.07266232258346225	a:0.06513198122746063	:0.01
of:0.15378264399712646	and:0.14351042057280225	as:0.14040247578538875	for:0.1382894768143878	to:0.10879242358043772	put:0.08979306020723483	that:0.0744893245107768	in:0.07441388295184119	with:0.06652629158000435	:0.01
it:0.2827850527348108	It:0.13400289869302948	there:0.11771483856766453	they:0.0914384776859708	that:0.08313239062920649	which:0.0769409879360296	he:0.07501873352304173	and:0.07330080551631972	I:0.05566581471392691	:0.01
hundred:0.38841378645436947	up:0.09123185635738856	men:0.08930224671194738	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.07306411117914521	him:0.0668423327581923	;:0.06651424040074755	due:0.06192290086804839	:0.01
the:0.25736041903016	a:0.1970805035685136	to:0.17382933985619115	and:0.09478860003526109	in:0.05995860964775182	of:0.057117577543964675	not:0.05551311771120405	abun-:0.05473326066921937	will:0.03961857193773406	:0.01
of:0.3869783035647578	in:0.21492185207099648	to:0.11178530117010435	and:0.05411915367891875	that:0.04862318837991566	In:0.047805783280856766	by:0.04507216933149292	for:0.04125300597992876	with:0.03944124254302841	:0.01
sum:0.18676829411122214	number:0.1566486321513545	line:0.11140081741272478	city:0.10844765106291132	out:0.10739005474369737	day:0.09286734076326106	county:0.08286139477536687	amount:0.07384405151900511	Board:0.06977176346045691	:0.01
and:0.2682983319507874	recorded:0.10717905104111182	was:0.10263907629409649	made:0.09927630384100071	that:0.09842569549211198	o'clock:0.08895025276229458	up:0.08173084504592748	is:0.07240199994443215	found:0.07109844362823738	:0.01
and:0.1946807431621486	that:0.184155374570382	<s>:0.13441684026656153	.:0.11102707889038328	it:0.07842206847814756	,:0.0755250169085113	:0.0736397716871054	which:0.07277882712099842	as:0.0653542789157621	:0.01
be:0.3837701234337811	was:0.14019800457657702	is:0.12041768148332611	are:0.10103895305241431	been:0.07936201455982603	were:0.052646291827800736	not:0.04099159477377915	and:0.03746697549476484	being:0.03410836079773072	:0.01
to:0.5519126657846302	and:0.07437264285650903	I:0.07299058310142126	they:0.05857506858121187	we:0.05082246923185773	you:0.04706758141946529	would:0.04686869205214507	will:0.046334131365361554	not:0.041056165607397895	:0.01
is:0.23674401525880664	had:0.16803731843843048	have:0.14390880328426628	was:0.14123825649857216	has:0.13995218378602775	are:0.07936935371313712	Is:0.033534120946437734	were:0.026570924309525623	do:0.02064502376479622	:0.01
have:0.3211091709972508	had:0.31621957297904585	has:0.2036965050024387	was:0.04238130039296249	and:0.02411083416011883	be:0.023051676120607136	is:0.0212770277499013	having:0.019161545070053323	been:0.01899236752762149	:0.01
the:0.5561706520498256	The:0.11229151438833224	of:0.1052119316874137	this:0.06673946912786048	that:0.05016780946772546	a:0.0313392754299363	and:0.02634934409106621	tho:0.025722441722559247	This:0.016007562035280504	:0.01
make:0.19685353404605221	made:0.17166064479701054	put:0.1184636467124338	get:0.10522195681558241	take:0.0971706204651447	keep:0.09092703438924916	taken:0.07915273705180279	give:0.06877270312143821	kept:0.06177712260128621	:0.01
the:0.19349656783908664	in:0.1850464866114887	and:0.16756300787322875	of:0.11579052314993234	to:0.09704226377818852	or:0.07542843515387129	a:0.07502828720940731	In:0.05110938717412653	at:0.02949504121066994	:0.01
the:0.7312085221187562	The:0.16103110069477217	tho:0.033236113824085325	this:0.016218607629127607	tbe:0.011784646913439062	that:0.0114089311438226	This:0.008735380165971742	a:0.008648468416300693	our:0.007728229093724685	:0.01
of:0.5134160660290498	to:0.08862039064558487	on:0.0792182001002301	in:0.0782813058792108	by:0.06644480246821434	and:0.045458698635126096	from:0.040291589677353384	that:0.039483915715763276	at:0.038785030849467425	:0.01
and:0.3466000856180892	he:0.14628283363514027	had:0.10008706473615675	be:0.09111665973860787	was:0.08162798666235387	I:0.06064167103019776	have:0.05912232329094801	that:0.052830354336991486	the:0.05169102095151463	:0.01
and:0.20576986051327525	be:0.14724677861411745	to:0.12535070885684524	of:0.12147274158796671	the:0.10006651747810341	in:0.07829719106333621	was:0.07464897261101211	is:0.06959459791180371	re-:0.0675526313635398	:0.01
of:0.2697221154774319	Mr.:0.13411429756002613	the:0.11772464232758852	and:0.10930082018188639	at:0.09552890448829228	by:0.08836495387960433	to:0.0749220914242491	dis-:0.051761149362353286	for:0.04856102529856804	:0.01
made:0.3028069374576309	and:0.2023193696646394	caused:0.07375981344017991	shown:0.07207509517503563	up:0.0704269184181151	ed:0.07002219172812583	out:0.06751988832599078	taken:0.0665966498616986	done:0.06447313592858381	:0.01
the:0.45230407617816315	a:0.0860143832846399	so:0.08344098776531732	other:0.07788037497232564	to:0.07643687756355651	such:0.05869314342219969	re-:0.05627090811878711	tho:0.051192401034251454	and:0.047766847660759164	:0.01
I:0.33107032691242044	they:0.14979650053711469	you:0.11655019993314432	we:0.11124386952233078	and:0.08573016942658868	he:0.05931908014391358	who:0.051257207627624105	You:0.04629085821713319	We:0.03874178767973022	:0.01
the:0.7469353475017634	a:0.05026289902145729	and:0.03939086069094591	tho:0.03201545916804408	in:0.02932218576491958	of:0.028326522401088527	The:0.025168615379391267	his:0.022762638935069655	great:0.015815471137320274	:0.01
the:0.3983883352373651	of:0.15566452470284114	these:0.08364452893625274	The:0.07843958681151557	his:0.07245067543002359	and:0.056674145547290805	two:0.04955030618304875	some:0.047938331750371835	their:0.047249565401290515	:0.01
of:0.43490842747986636	to:0.11561766729691891	in:0.08613561979137924	on:0.07768624432440238	at:0.07585072088353038	by:0.06102972444250152	for:0.05015039768933709	from:0.047727480915733284	and:0.04089371717633077	:0.01
the:0.24596288955955292	and:0.16331079864438022	of:0.1497562475098918	to:0.11241360832287664	in:0.09064769647032551	his:0.060910616163415525	be:0.060673008123120625	a:0.054443630683502685	for:0.051881504522934004	:0.01
as:0.188283813505136	according:0.14144678228402477	up:0.13904323060160725	and:0.1096650113200393	went:0.09104380703179268	back:0.08789812106037491	regard:0.08348580619122747	feet:0.07747526592666086	down:0.07165816207913696	:0.01
and:0.17424007532327282	going:0.12054605069883027	him:0.1140358960568757	is:0.11198066079957673	time:0.10153418794314156	able:0.09649645255060463	as:0.09632583922096134	order:0.0887420330273239	enough:0.08609880437941307	:0.01
the:0.5269882284711055	of:0.10402081129140275	Western:0.10284882185796496	and:0.07235196814516763	a:0.06599229766513055	The:0.04233924556067233	tho:0.02870399691592201	large:0.023689166945570342	an:0.023065463147063925	:0.01
I:0.29168188171604	to:0.14246453168012807	we:0.12512399906766936	they:0.0926478165570925	would:0.08510831077985431	We:0.07638683068926665	who:0.06452271763319462	you:0.06067599916542703	will:0.05138791271132767	:0.01
one:0.23605402837694311	part:0.17194359534856793	some:0.13057929531661294	out:0.1260986276816703	all:0.0823759925825205	portion:0.0721218186216587	any:0.05940159750764522	much:0.05636686489326106	that:0.055058179671120165	:0.01
he:0.2975938412664554	I:0.1471282251961426	who:0.133573698416004	they:0.09630194152462258	she:0.07780358321265957	and:0.07122033994947811	which:0.06282023249521906	He:0.05213221799963884	that:0.05142591993978003	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
of:0.36448427843454484	that:0.12587076084913046	by:0.12466168303486135	to:0.10221334951584064	in:0.07605065109935913	and:0.07165822170306844	for:0.04865936824083497	with:0.039211775834354055	as:0.037189911288006236	:0.01
in:0.31792377872811095	of:0.3160478906012063	In:0.0898556459397206	for:0.06884183363249786	to:0.06561217393555714	from:0.036908724386450584	at:0.03551889091090368	on:0.03218534376603158	that:0.027105718099521097	:0.01
the:0.5764976416279586	an:0.13960572032793642	The:0.07170536629848713	of:0.06944067143658406	tho:0.02845265927318444	in:0.028201974074869414	his:0.026683959099297636	a:0.02579697868301914	their:0.023615029178663084	:0.01
from:0.14084711281599818	and:0.13864073982157088	give:0.12308132543580362	of:0.11690498071019698	for:0.11194955137732551	with:0.0972548152554179	as:0.09548044624190304	in:0.09221888719258572	that:0.07362214114919813	:0.01
and:0.35191244160203966	that:0.20886184054775442	time:0.11633772747427895	but:0.10257574540072964	day:0.08700696739176636	which:0.0388066104096891	do:0.031193574372504505	days:0.02691965116487307	the:0.026385441636364387	:0.01
the:0.4009726631749312	this:0.21405817024818954	last:0.11797389095921394	a:0.11269801685148559	next:0.03882168692638592	every:0.02791842100844526	The:0.027578316398206088	first:0.025227684989017337	that:0.024751149444124924	:0.01
a:0.19695323005005635	the:0.16816913302810174	of:0.14822321855124104	and:0.13939369829278436	to:0.08838261293154281	in:0.07993288548178434	for:0.07847983990188921	that:0.05177581610431105	by:0.038689565658289064	:0.01
N.:0.3379391929569853	S.:0.26288407333735125	north:0.1254970416697125	8.:0.09503047110010224	south:0.06900896873959958	thence:0.03973352059523934	and:0.023359271772177982	of:0.019513221553331548	lot:0.017034238275500265	:0.01
him.:0.25317321457065084	<s>:0.18130793926850525	it.:0.15129184530075576	them.:0.09077664890082532	life.:0.0725418425406277	time.:0.06368201276776488	years.:0.06338560871683435	her.:0.06282010670713185	man.:0.05102078122690411	:0.01
the:0.48866660728654565	The:0.25966891414528076	and:0.07007923073118727	to:0.0444704676027286	of:0.0309929166904109	tho:0.026189677820558647	that:0.025479689685293475	a:0.023855975183393326	his:0.0205965208546014	:0.01
the:0.2885930082027725	of:0.176566445622439	a:0.12380099638058098	to:0.10274053766955328	and:0.0921597664603577	be:0.0664805226347077	in:0.04958752016343719	is:0.0472461089247686	not:0.042825093941383084	:0.01
as:0.22713013832443651	and:0.1491326856583664	up:0.1201487331602193	him:0.08859689887480425	came:0.08573191708160047	them:0.08362630907797407	come:0.08309578494597854	it:0.07827016552533762	is:0.07426736735128273	:0.01
the:0.3095876780584938	of:0.17316931702614413	to:0.12268602141238892	and:0.1208955756433255	a:0.08723231527611129	in:0.053330325220556314	be:0.046693641421454476	is:0.03842252484347463	for:0.0379826010980508	:0.01
to:0.26430537991195313	with:0.22189542876708748	for:0.13145966769727482	of:0.1209555724369938	upon:0.07041237561615138	on:0.0554738486082836	against:0.049417111828910364	in:0.03842099385453453	from:0.037659621278810736	:0.01
at:0.22606604972269345	of:0.20393953051698147	in:0.16750080429008357	to:0.0917821286021026	on:0.07338281661280804	for:0.07328046460725854	and:0.0653471204622718	that:0.04550393544793668	from:0.04319714973786389	:0.01
the:0.3704680288440819	of:0.16197959071813423	a:0.11620225545906814	and:0.08997785154833243	to:0.0753766646447617	in:0.05023684941323549	or:0.04761768841594651	that:0.04102547322371745	The:0.03711559773272204	:0.01
and:0.6773171550201492	of:0.08141862591455748	that:0.0690082451956554	by:0.057804335687591336	<s>:0.03670504221795488	to:0.03054880021198305	said:0.013451292119536433	sister,:0.01228149964998494	from:0.011465003982587287	:0.01
and:0.25607855654383166	the:0.23297601429758497	a:0.1011039369424828	A:0.0955058133629906	Mrs.:0.07816854155485183	of:0.06604198215718315	.:0.05542009680556162	<s>:0.0549636268597559	Miss:0.049741431475757485	:0.01
of:0.2879064669194967	in:0.24596414768051106	and:0.10820845216404888	to:0.09314630581640906	on:0.0814171359789106	for:0.05376069964023512	with:0.04108765711437138	from:0.04093770613401446	In:0.03757142855200293	:0.01
the:0.27980720543701304	I:0.21365608347386936	a:0.1393759861667667	and:0.08145605989252482	not:0.0754866834383188	we:0.06799077503383472	to:0.05613387561355519	you:0.03829825706549493	who:0.03779507387862267	:0.01
out:0.2599700220904281	number:0.12704920070854764	amount:0.1185888812941924	place:0.09967653950151971	purpose:0.09524074593671822	cost:0.08363864668320181	line:0.07174631736481124	tion:0.06725613563113787	board:0.06683351078944312	:0.01
part:0.23778318274648855	out:0.1365019499619024	one:0.13545965218630326	side:0.1302344410904651	day:0.11277447639813931	and:0.06248969107839791	portion:0.062455526515482314	that:0.05669612236879783	case:0.05560495765402346	:0.01
<s>:0.40503749299508096	it.:0.1648277973236291	them.:0.11978284897157626	him.:0.06475006504161851	time.:0.06110451381365807	country.:0.048447884928375005	.:0.044782726014186626	day.:0.04250298766166827	life.:0.0387636832502071	:0.01
the:0.2756188627453797	of:0.19525317326205122	and:0.16976870551504378	to:0.09508363779110572	in:0.07374570886239616	that:0.05499695557351461	for:0.04793679366161944	by:0.044316806584973285	on:0.033279356003916266	:0.01
it:0.22776674322087156	which:0.13941250667008595	he:0.12894566790074868	It:0.11860337441045683	and:0.0996620904434263	that:0.09770428239226574	be-:0.07946549882673552	who:0.05491329322416052	there:0.04352654291124894	:0.01
there:0.3940259511940087	There:0.20907678766799084	they:0.13591065617314912	and:0.056360437978240974	who:0.05580013674076892	They:0.041474364655914996	we:0.0387645155857635	which:0.035188380066608765	that:0.023398769937554183	:0.01
the:0.6996842814854729	a:0.10312846252546914	of:0.04210711987981017	The:0.040769118749780744	tho:0.028428914008963666	until:0.0239383456708827	and:0.02127681868524241	this:0.015913384117584316	too:0.014753554876793968	:0.01
it:0.22923910640386372	It:0.2169656170215026	This:0.15216872378118323	which:0.0937113430805337	that:0.08236996073179681	this:0.07426658989754333	and:0.053275560998039914	there:0.04840760209046867	he:0.03959549599506813	:0.01
the:0.30203881895949847	a:0.18395506785575846	of:0.16873631212843845	in:0.092042941809718	for:0.07023775506713063	and:0.058703932053046075	to:0.04384760128240317	by:0.04068199249373924	his:0.02975557835026753	:0.01
was:0.2797743360187055	be:0.17392506983137215	is:0.16142939698654662	been:0.14434339377608796	were:0.06694342776650357	are:0.05442745968003185	being:0.03868113374392319	and:0.03670683279936626	had:0.033768949397462854	:0.01
it:0.2203274546884766	he:0.20076413298571405	I:0.13323657851913467	they:0.09118638266553038	that:0.07899630474111166	who:0.06889970757666233	and:0.06846676232695807	It:0.0670534761113512	which:0.06106920038506109	:0.01
of:0.2302491811519916	his:0.2184242219427738	a:0.15199313852644622	the:0.11494307199710062	my:0.10959975039621678	her:0.09135754916266553	for:0.029450089144208293	your:0.022696931411569313	their:0.021286066267027823	:0.01
the:0.2562524097919641	a:0.15301953386577638	of:0.1479309955792538	and:0.1294145459537287	for:0.06950862362334673	in:0.06778691618690018	at:0.0598025549310835	that:0.05361278261152158	to:0.052671637456424836	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
and:0.2682983319507874	recorded:0.10717905104111182	was:0.10263907629409649	made:0.09927630384100071	that:0.09842569549211198	o'clock:0.08895025276229458	up:0.08173084504592748	is:0.07240199994443215	found:0.07109844362823738	:0.01
and:0.24772207342838354	not:0.13524746358901155	them:0.10733526047245204	up:0.1020747269829031	it:0.08779411077800152	there:0.08566688859275183	continued:0.07944584123046992	him:0.07438644159651922	her:0.0703271933295071	:0.01
of:0.20482777277060715	the:0.19157469019980297	and:0.1572133167841724	to:0.1549827058826635	a:0.0793226408414419	be:0.06258366802827799	was:0.05125038664443885	or:0.0473362165644865	is:0.04090860228410865	:0.01
of:0.3084672275065207	in:0.24423525117112438	to:0.12763288452368698	In:0.059674678964212954	for:0.057928157755689824	from:0.0523995362925572	by:0.04849583326779585	on:0.04739831106242107	with:0.04376811945599085	:0.01
hundred:0.1631051995366529	;:0.13365936507111423	him:0.11732615948902901	one:0.10942603140040551	feet:0.1079334711744123	up:0.10029179877010728	mile:0.09005038552425722	feet,:0.08590382326179402	time:0.08230376577222771	:0.01
a:0.28435808122547024	the:0.22544611216458726	to:0.16414621729417342	and:0.1015159208473302	I:0.057309791228208826	we:0.04622066456444568	who:0.041136893068694544	they:0.037247604435498134	The:0.032618715171591726	:0.01
and:0.1691886260226332	right:0.16769894398753116	as:0.1209764579935433	is:0.11060429371135437	able:0.10119767692139399	them:0.08828798698421468	necessary:0.0814337241223185	him:0.07807014862375604	time:0.07254214163325488	:0.01
and:0.2285931875285547	of:0.2068811531787199	to:0.10485675754180258	are:0.08093122689156017	with:0.07873748672845027	at:0.07698480693413874	that:0.07610940749225381	was:0.07183860938571969	in:0.06506736431880018	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
Mrs.:0.26992953161680283	.:0.14503034888408237	Mr.:0.13409471949114732	and:0.09677900791743692	of:0.09271080828113658	Dr.:0.0659741883395425	J.:0.06518747830155364	by:0.060716546085948626	W.:0.05957737108234924	:0.01
;:0.21404065237104034	mortgage:0.17515171653900855	Mr.:0.11907178366862221	street:0.0987546964492122	mortgage,:0.09579419019654718	contained,:0.07947761068705063	,:0.07874590570648386	feet:0.06699557099634464	one:0.061967873385690424	:0.01
and:0.1844066818514143	is:0.16176561123123676	as:0.10504970314699046	him:0.10056267282937408	was:0.0990886602616605	not:0.08980026513732768	necessary:0.08873931174861198	have:0.0831954798326229	them:0.07739161396076136	:0.01
the:0.30337617970676906	of:0.18860457588018725	and:0.131061740829474	to:0.0977610809207078	a:0.0809566554459928	in:0.055741965423345884	be:0.051143240024298715	was:0.041879765140534715	is:0.03947479662868964	:0.01
hundred:0.1631051995366529	;:0.13365936507111423	him:0.11732615948902901	one:0.10942603140040551	feet:0.1079334711744123	up:0.10029179877010728	mile:0.09005038552425722	feet,:0.08590382326179402	time:0.08230376577222771	:0.01
to:0.3547518826754758	will:0.20677282583166293	may:0.09349468960283791	shall:0.06687436688333058	can:0.06568132209987294	should:0.06315092515475462	would:0.05152084772785942	must:0.045602790914161	could:0.04215034911004468	:0.01
;:0.24522732450126675	up:0.16651269664144078	him,:0.09150646748715027	,:0.08879389618161869	.:0.08703383830847566	it,:0.08297729184831845	street:0.08120731690448335	in:0.07582930562633251	hundred:0.07091186250091348	:0.01
of:0.3416634011522421	the:0.16175208821525688	and:0.12075232765602154	a:0.11169557844010489	in:0.08490878159688152	with:0.05043303065584232	by:0.04863278961132174	to:0.039101831871376135	for:0.031060170800952996	:0.01
of:0.34450708428155963	the:0.3396800706484296	our:0.0719692206358643	their:0.0633063615469956	and:0.05631191258080513	The:0.03851069395185103	his:0.03255433129310032	all:0.021648263371635886	or:0.02151206168975843	:0.01
the:0.24586786277439152	and:0.16997323033442863	of:0.1608974002526721	to:0.1249237815759012	be:0.07553177693575927	a:0.061509878021570465	was:0.06041598053696065	at:0.04638918990689267	in:0.04449089966142337	:0.01
and:0.19838036453519367	he:0.1453517428701363	it:0.131545008281317	which:0.11067110084088178	who:0.1077580166352294	It:0.10079944995203657	has:0.06740741674997998	had:0.06414194332590191	He:0.06394495680932345	:0.01
the:0.2974502811850691	of:0.22091422415753312	to:0.09236837889488791	boy.:0.0741306415053232	and:0.06960437249933987	girl.:0.06679148007921792	a:0.06486805677156715	in:0.05550313372308324	for:0.0483694311839784	:0.01
the:0.7469353475017634	a:0.05026289902145729	and:0.03939086069094591	tho:0.03201545916804408	in:0.02932218576491958	of:0.028326522401088527	The:0.025168615379391267	his:0.022762638935069655	great:0.015815471137320274	:0.01
the:0.44410226745363673	at:0.1716862712260089	of:0.15907585157838577	for:0.06244345735371929	in:0.053800830320266106	a:0.0357723088113008	our:0.02499702869727131	tho:0.019524778028255734	their:0.018597206531155354	:0.01
to:0.572055677079507	the:0.10291631957412888	will:0.06550984875469673	and:0.06447387682459803	shall:0.06309012142066148	may:0.042569013494375516	a:0.03376112581359131	would:0.030599368192931117	should:0.015024648845509785	:0.01
him:0.22511585349940633	;:0.13425530321808518	man:0.1157463537230125	him,:0.09507188899750849	up:0.09324255187190895	and:0.09098934403345371	himself:0.08354952396536709	in:0.08043645717718255	man,:0.07159272351407525	:0.01
the:0.338574503132972	of:0.22661452688197228	and:0.0963203526568273	a:0.08298924954357252	to:0.07482028116055858	in:0.04977323439700067	for:0.047324661929020274	or:0.04134853028470125	The:0.032234660013375244	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
was:0.18494208007894078	and:0.15997546350220582	is:0.15088318462818165	be:0.09417887012570081	are:0.08723277081366447	been:0.08574587393443354	not:0.08232977490659425	or:0.0807162987267382	were:0.06399568328354056	:0.01
the:0.45072442068859586	of:0.1586369966384011	to:0.08274862814216812	in:0.0793414918178649	and:0.06519368185071724	a:0.04745882399311515	at:0.041722533192459686	by:0.03632105381386049	that:0.027852369862817555	:0.01
the:0.1846495627209599	at:0.16260406504428787	No:0.15552913126776768	No.:0.1506964975088086	and:0.1424188322218812	a:0.0534757735944785	about:0.05116867326426798	on:0.04879522944935518	of:0.04066223492819316	:0.01
and:0.40180925423370906	made:0.10572982649976298	necessary:0.09766421441472355	provide:0.0709677106558723	him:0.06679412563114624	time:0.06399940844444657	but:0.06226152597569863	pay:0.06140975827886298	responsible:0.059364175865777885	:0.01
foreclosed:0.2135442648197597	accompanied:0.15326393402647306	made:0.13791131994204262	and:0.13215418511823612	followed:0.12340081914410175	surrounded:0.06977781461101068	up:0.05787632017490193	caused:0.051337079258656944	secured:0.050734262904817244	:0.01
and:0.28696444333055643	that:0.21230168238117575	a:0.12792853825331463	one:0.08679078964537015	but:0.0632973699246526	long:0.06296471931113351	;:0.062260580702821526	worth:0.04862997779321496	and,:0.03886189865776052	:0.01
of:0.5151231485831419	to:0.1094708360552604	in:0.08723701215003624	by:0.07896969963281918	that:0.06079882569715587	and:0.04606545482233392	from:0.03754125372185365	with:0.029897590901215444	at:0.02489617843618358	:0.01
they:0.17575189562716814	we:0.15884948974267685	he:0.15316210749662415	I:0.14793626125930318	it:0.10583886363524378	that:0.06699093900055625	you:0.06459822303519581	which:0.06241058168563479	and:0.05446163851759721	:0.01
I:0.2972347413548833	we:0.15967374438190088	they:0.15880401414132644	We:0.10767922019127865	who:0.0681692146331263	to:0.06119250296084093	and:0.0512316825320449	you:0.04880768913955729	They:0.03720719066504116	:0.01
the:0.5065129055186695	in:0.11911641381828757	of:0.10992400739733786	to:0.08001010458359514	this:0.0497726851227517	at:0.03964459921675422	tho:0.0315880567703489	In:0.030663148771657968	The:0.022768078800597245	:0.01
the:0.3036331843673764	other:0.1561582030426096	and:0.1473047884289713	his:0.0770068332954697	more:0.07185834437800707	as:0.06160668779347604	two:0.058841822335042857	of:0.05874166010710457	a:0.054848476251942384	:0.01
the:0.3816830357894635	a:0.16525916432344626	of:0.11321478579410849	and:0.09345846911364306	to:0.07600139632985076	The:0.05908301390358625	with:0.03935390265816448	an:0.0355006712007448	in:0.02644556088699226	:0.01
;:0.20953252095776806	it,:0.11451281996419217	him:0.11252660622910599	one:0.10399558216214487	in:0.10038399485273586	and:0.09216727949281207	,:0.08702126563998025	it:0.08638247894281384	up:0.08347745175844686	:0.01
the:0.45412017451507897	a:0.29396358115039606	The:0.08376557528617748	and:0.04014103655199799	tho:0.03748791387777287	consumptive:0.025733043665043986	other:0.01865073546857744	of:0.018649820947862102	tbe:0.01748811853709325	:0.01
the:0.2885930082027725	of:0.176566445622439	a:0.12380099638058098	to:0.10274053766955328	and:0.0921597664603577	be:0.0664805226347077	in:0.04958752016343719	is:0.0472461089247686	not:0.042825093941383084	:0.01
and:0.2998733451215016	the:0.22640215733455918	of:0.08210686823067183	a:0.08171642934211865	an:0.07776831165431403	his:0.07009990466321545	their:0.06589032671166979	her:0.04527634339056338	is:0.04086631355138602	:0.01
be:0.21674228715651064	was:0.19883597471779574	is:0.14907155343599907	been:0.09979000617924066	and:0.09310455381641979	were:0.06504554459222144	have:0.05725799898149182	the:0.055872464014022544	are:0.05427961710629823	:0.01
it:0.2602933463206855	there:0.14822319293947891	It:0.13196436136428402	which:0.11581767029202342	they:0.08952698954231514	that:0.07758736314856882	and:0.07379772084395009	he:0.04666991240312073	There:0.04611944314557337	:0.01
the:0.3313690642176291	and:0.19719348372757114	or:0.10893704454958854	of:0.09519039093773556	in:0.06821987590230484	any:0.06621170965896835	to:0.044262097144170905	all:0.040820571907393126	at:0.037795761954638456	:0.01
a:0.30343415578187977	the:0.2451200147418438	of:0.151882956942652	and:0.08494109803405017	to:0.060921232290771905	The:0.03840862695709055	in:0.035851830687245616	that:0.035845251598764186	an:0.033594832965701725	:0.01
the:0.4256498749667299	a:0.11642927857628599	of:0.10502209791651212	and:0.08392627051613637	on:0.07715365309664192	said:0.07682894909750053	described:0.041719846615722575	The:0.037251746138637964	tho:0.02601828307583277	:0.01
of:0.23515797046924897	the:0.21040457790473271	a:0.1341002786887617	and:0.11383505619145994	at:0.06919173638100755	to:0.060728442135992704	.:0.05963452410421577	<s>:0.05756969667142495	in:0.04937771745315557	:0.01
and:0.2682983319507874	recorded:0.10717905104111182	was:0.10263907629409649	made:0.09927630384100071	that:0.09842569549211198	o'clock:0.08895025276229458	up:0.08173084504592748	is:0.07240199994443215	found:0.07109844362823738	:0.01
of:0.3436937449842661	and:0.13477565042182935	to:0.09311051889206208	Section:0.07564769460606262	for:0.07356350827302711	.:0.0712439485414503	No.:0.07088584383673634	New:0.06602168973016773	June:0.0610574007143983	:0.01
of:0.3639993698783782	to:0.1210798424864496	and:0.1155212406489051	in:0.0919858048222185	for:0.075015188213842	that:0.06897171265248547	by:0.05690482611439891	with:0.05265398629193258	all:0.043868028891389646	:0.01
the:0.2258770015376521	all:0.1699272268542919	of:0.168265373459021	a:0.15067014367269735	and:0.11456380532371623	in:0.05378052197744407	most:0.05319923025299218	to:0.027470986632373566	that:0.026245710289811364	:0.01
to:0.7868519828784943	will:0.05177002415980043	and:0.03715156090535634	shall:0.02485015980289791	can:0.02392949049623072	not:0.01942771608896717	could:0.017923701567647384	we:0.014429124678364397	should:0.013666239422241305	:0.01
the:0.34170127421390223	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093987	to:0.07847171568184984	in:0.05339647102682973	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
and:0.3090801335071954	covered:0.1560843497268833	filled:0.10343576130365886	but:0.09828767802052152	up:0.07943785469674321	together:0.07808385841040076	it:0.0571703601132212	him:0.055848629053660385	was:0.05257137516771523	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.04553578393787439	of:0.03051332981678091	tbe:0.02261446403444868	in:0.021612439669724332	or:0.020196218295911488	:0.01
the:0.24236202073652988	of:0.20536500222371457	and:0.166871077045992	in:0.11764969379678739	a:0.06877339806465796	was:0.060401645356168765	is:0.04771002123545104	are:0.041303355003815344	be:0.03956378653688296	:0.01
hundred:0.22195477685279946	up:0.14710691202085605	time:0.11944197195584245	street:0.11066766189320532	dollars:0.0940788333653787	boys:0.08880360799187317	women:0.07021450780780421	wife:0.06905875461531624	land:0.06867297349692422	:0.01
that:0.24132884699554183	and:0.1700701131842326	as:0.1547324710550209	which:0.11365476136805698	if:0.08132596680747974	but:0.07623447558669805	when:0.07541500930950364	where:0.04724811917308261	what:0.029990236520383722	:0.01
was:0.2053983438746056	and:0.15457631854299353	be:0.13158680156246966	have:0.10780379601668204	is:0.09122642801182795	were:0.08067132077180982	had:0.07384502749202256	are:0.07360077602093487	been:0.07129118770665374	:0.01
that:0.28107264151269107	which:0.16330646194209497	if:0.15419202713687433	as:0.118758610270962	when:0.10205747824016878	and:0.07038568506637399	but:0.033731946314704234	where:0.03354285866343214	If:0.0329522908526984	:0.01
and:0.23775528300491083	the:0.1966431987981943	of:0.15286674436082912	to:0.14711783919608962	which:0.05932969977169071	be-:0.054220222279525575	that:0.05078491743349833	a:0.046325802165609456	he:0.044956292989652265	:0.01
to:0.3189221649117745	in:0.19633956565334265	a:0.13922964775256802	the:0.12994283287083344	and:0.05634969246020402	of:0.05158155403608701	In:0.0393473712086291	great:0.029403233466809002	full:0.028883937639752333	:0.01
to:0.2831696873478767	will:0.2086299000641578	may:0.10070590427702159	shall:0.09113949230129781	should:0.08149028008056557	would:0.0769253460902629	not:0.05035286506123488	can:0.048860432262773326	must:0.04872609251480942	:0.01
it:0.18827238284428766	him:0.14410478355647563	in:0.12002795461836435	;:0.09734813611861577	them:0.09285374486468503	made:0.09231963418836174	it,:0.08698835628714738	them,:0.08677508666614253	and:0.08130992085591995	:0.01
hundred:0.8746405416588818	dred:0.0429950654321224	dollars:0.041483702537121116	due:0.010277419753322603	five:0.006457201375114532	one:0.004130492723747134	two:0.003413135342756493	Hundred:0.0034002988442463303	four:0.003202142332687627	:0.01
the:0.4170550160071506	of:0.17171051030744613	a:0.09840728246718562	in:0.0643440333311078	and:0.05927596120107458	The:0.05173151941110526	no:0.04976440471997887	their:0.04215581274747844	any:0.035555459807472725	:0.01
the:0.3293151813497015	of:0.2710829821550597	and:0.11219613221516729	a:0.06448823247541352	to:0.06339058069614362	in:0.0430322347428102	The:0.04247288851686076	that:0.03270834409185839	by:0.03131342375698504	:0.01
sum:0.16487037308920166	out:0.11307775521688435	amount:0.11090839996168092	number:0.11072884578616649	Board:0.10709279218170512	day:0.10091951320741446	line:0.09892782668492613	county:0.09783432205349216	purpose:0.08564017181852879	:0.01
the:0.2627044998354303	of:0.23784664643221268	a:0.20337466211127858	in:0.06234970577657423	and:0.0589852505558021	for:0.056638768660713046	to:0.04715637137189139	that:0.03448899416628202	which:0.026455101089815688	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
-:0.2245683815822158	ti:0.18655910701447107	to:0.12782386012359037	tl:0.10508110856411139	of:0.0834391115550611	I:0.0689515321106042	t:0.06867319621569538	.:0.0637878621416774	a:0.06111584069257328	:0.01
of:0.3728798589710131	in:0.10679255801003194	for:0.10548830657680137	and:0.09808468579533683	that:0.08977383915781682	to:0.08053331733226725	on:0.05522920803004977	with:0.049628025459149745	by:0.031590200667532986	:0.01
in:0.24333994743612922	of:0.18871067140801695	the:0.14254258973892459	and:0.10760876324558526	for:0.09174081455919121	a:0.06366595919272895	to:0.061841865908333744	In:0.057337053099849385	was:0.03321233541124056	:0.01
be:0.32223085388291756	been:0.11619279773416334	was:0.10302988715026962	I:0.09615217649139315	ever:0.08706688679821933	have:0.0822545081362927	he:0.06554511503108904	had:0.06134181901279175	never:0.0561859557628637	:0.01
to:0.350702352341012	will:0.23747072676545528	would:0.11152994476030599	shall:0.0836684506099716	may:0.0714993269375268	should:0.05078411471133304	not:0.03359463335243597	must:0.03352299392440999	can:0.017227456597549293	:0.01
to:0.3801713410396947	will:0.16905314483498002	would:0.09527916658290728	may:0.08675332896552816	should:0.06283728370881102	shall:0.06007446359778352	not:0.056307515032875996	must:0.039927651800072135	can:0.03959610443734722	:0.01
the:0.35456411370547614	The:0.23711981807442023	this:0.134829109160817	a:0.07826281692112516	that:0.06437077321336172	This:0.05933674880837931	his:0.022895764732005247	tho:0.020674077063327627	whole:0.017946778321087518	:0.01
was:0.29138222670598213	be:0.19159401601685397	and:0.1372577904926569	were:0.12269658257821765	are:0.06186015791515379	is:0.060510379556816075	been:0.05894902314256664	a:0.03332802779618203	very:0.03242179579557064	:0.01
of:0.22539411849701466	the:0.22235184329535707	in:0.15447834256799306	to:0.10560147083007036	at:0.0833860961366667	from:0.06340447184725079	and:0.06334138429756489	In:0.04423893995085345	by:0.02780333257722918	:0.01
is:0.15805939117099513	was:0.153522518426938	are:0.1519848234787124	a:0.14118437406449674	the:0.11943427380274751	were:0.09495337598432238	be:0.0785954647122975	and:0.04921993510688655	his:0.0430458432526038	:0.01
girl.:0.2805756160837208	boy.:0.275515803682147	of:0.16004546055608632	the:0.06507535498302387	lots:0.04734223819510954	.:0.04713329968531032	and:0.043276771932410855	<s>:0.039359040519750095	St.:0.031676414362441216	:0.01
the:0.21548267152692852	of:0.20664464973091626	and:0.1312118582568445	to:0.12121506917238048	a:0.08216664157460972	in:0.07841572167600787	at:0.07827295544935534	by:0.04082847867890061	for:0.03576195393405666	:0.01
the:0.47342887095760816	The:0.1408876004467291	a:0.1024134004623723	distressing:0.06698218129200106	of:0.045554168499187704	other:0.04194251187024853	no:0.04073660267909233	our:0.03957170489209389	and:0.038482958900666886	:0.01
go:0.1379256917699633	them:0.12646493036403733	put:0.12386155667120093	come:0.11846129453330463	went:0.10421152398322023	came:0.09912143707310431	brought:0.09758586594579569	back:0.09258561916109297	it:0.08978208049828058	:0.01
of:0.35945748903311125	in:0.15658093538193446	to:0.10117276570187698	for:0.09492462377634399	at:0.09321277780817147	and:0.06296068456577823	that:0.043515943592281656	by:0.040838248402200614	In:0.037336531738301336	:0.01
to:0.23010887890134038	the:0.20053456671514205	took:0.118186338152362	a:0.11236987470964088	take:0.10275809386248327	taken:0.0675912023663032	and:0.06371195103213197	that:0.04829963577618824	in:0.04643945848440779	:0.01
the:0.36160101496864905	of:0.14005264961863276	and:0.08823053970069596	in:0.08740800054709041	his:0.07978828603757353	their:0.06875611623618874	this:0.06537825595269264	that:0.05525421745880341	or:0.04353091947967346	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
the:0.2174964484148494	of:0.17361122254231232	a:0.15092206821280427	Mr.:0.09265055123437343	and:0.09214326307604657	to:0.0800775549417959	in:0.07430032121248575	at:0.054452678072661666	.:0.054345892292670506	:0.01
made:0.3028069374576309	and:0.2023193696646394	caused:0.07375981344017991	shown:0.07207509517503563	up:0.0704269184181151	ed:0.07002219172812583	out:0.06751988832599078	taken:0.0665966498616986	done:0.06447313592858381	:0.01
and:0.17964297478416197	of:0.16371697337866004	in:0.1088568354302069	that:0.10726223330526861	put:0.10248338569178427	on:0.091684706542284	as:0.0915852541178361	make:0.07720750119874842	take:0.0675601355510496	:0.01
of:0.27016977349931554	Mr.:0.1860042014368484	the:0.16301651962943944	and:0.11099230579083734	to:0.07346670218111923	.:0.05827837555672117	a:0.04824065315893515	was:0.041285094160119634	his:0.03854637458666419	:0.01
and:0.20248582949526706	day:0.15637489846934613	which:0.14050114765402744	he:0.1298877162237803	who:0.10424354112349118	was:0.07178583014832668	I:0.06523725538730674	He:0.060031099016804715	be:0.05945268248164972	:0.01
of:0.241076574979548	the:0.23978501408286743	in:0.14807146185041908	to:0.11124756306346488	and:0.0782424938944086	a:0.07385431283227954	In:0.037787522668594135	for:0.029972291628060328	from:0.029962765000358053	:0.01
well:0.3114097065760158	far:0.16389585514350904	so:0.11210585724895157	and:0.08500485111349255	soon:0.08148001157353815	such:0.06933250176455526	it:0.05860358140119117	much:0.05525634286939323	known:0.0529112923093532	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
<s>:0.24643505364970167	that:0.22567481111489604	and:0.11986402130738498	it.:0.10509411761497948	but:0.07308474448235741	as:0.06237988616146023	them.:0.060287180696994194	country.:0.04939834692648971	of:0.047781838045736394	:0.01
put:0.2124578323156187	taken:0.17736338020548742	made:0.11885532730363524	came:0.10050576076802607	set:0.09570022884922154	it:0.07829334006626691	come:0.07654691721179556	locked:0.06620644915383707	picked:0.0640707641261114	:0.01
of:0.4350691121933087	in:0.17590693507051808	to:0.10103820455278757	In:0.054102443561787054	that:0.04894784282719978	for:0.04796761694587245	by:0.04368040144683445	and:0.04226712549192658	on:0.04102031790976529	:0.01
the:0.3319253583682338	and:0.17176325614856017	of:0.14119926908580024	a:0.14004527676886452	to:0.0677640806612334	in:0.039275682563503306	was:0.035151092871250664	be:0.03293092268427289	is:0.029945060848281017	:0.01
he:0.2975938412664554	I:0.1471282251961426	who:0.133573698416004	they:0.09630194152462258	she:0.07780358321265957	and:0.07122033994947811	which:0.06282023249521906	He:0.05213221799963884	that:0.05142591993978003	:0.01
and:0.306967716676697	the:0.21218635586594248	to:0.1418726200201617	a:0.09766881027880747	of:0.08509857667908924	that:0.05081977290202808	in:0.03667826581808988	by:0.029940282937680824	as:0.028767598821503492	:0.01
and:0.2574968293755876	was:0.10283462459727934	went:0.10171688013078788	that:0.0996952247345389	go:0.0936940103198666	put:0.09049076169759401	Committee:0.09004910932115218	going:0.0830716780852947	up:0.07095088173789894	:0.01
the:0.2935930368874303	and:0.20003539239638438	of:0.16624491776673703	a:0.06985032675590187	to:0.06140063592601428	be:0.05651435993131476	or:0.05453491471866744	in:0.052873906437424914	<s>:0.03495250918012509	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
and:0.18784336682063274	as:0.15114329179679575	went:0.11423878004667351	him:0.10666558228731272	them:0.09110223752457794	up:0.08733803455919152	is:0.08689480544253657	go:0.08340199801381315	able:0.08137190350846597	:0.01
gold:0.5581642389104194	hundred:0.1205288907223759	men:0.08933798568758872	wife:0.057740763155311486	relatives:0.04174268668565326	city:0.03811482161167379	land:0.03093648252049141	in:0.026856518703656764	up:0.026577612002829334	:0.01
and:0.25722586168138173	made:0.16128606949170524	up:0.104727582934468	or:0.0911314071364928	down:0.08314410893250196	ed:0.07585297797866243	that:0.07579199100048335	out:0.0721423513788043	west:0.06869764946550015	:0.01
the:0.3323430185932751	of:0.16511810112924477	and:0.1435938625440195	a:0.07809521494992097	that:0.07723479213752327	The:0.052790940042757695	in:0.05155029346725437	no:0.04493030413297551	Mr.:0.04434347300302877	:0.01
that:0.3490116028270462	and:0.12905694289562097	when:0.11195805744935064	which:0.09515059839585661	if:0.09367029153968623	as:0.07503911277556881	but:0.05768311760395005	where:0.05382496917576191	If:0.024605307337158502	:0.01
of:0.43706900171149476	in:0.1630196962222967	to:0.11012073832208182	on:0.10832393423279824	at:0.04450932476739281	for:0.035436306139361703	by:0.033934282095988234	In:0.029957910628155556	from:0.027628805880429996	:0.01
of:0.22276029096296043	to:0.13574399600835377	at:0.12103741349443553	and:0.11172063505098612	for:0.09290060191875371	in:0.09109789925314646	with:0.07601683987291044	was:0.07506831853401578	is:0.06365400490443773	:0.01
of:0.3732262004706412	to:0.16397961393745195	in:0.1079815739495333	with:0.09797377869726831	and:0.07075888989169417	on:0.06567367712887782	by:0.04080960794755056	for:0.03597877695460182	is:0.03361788102238076	:0.01
that:0.26930417871230444	as:0.15727244996245027	and:0.15638766038407453	if:0.08484692381639035	but:0.07617680510850935	for:0.07077115245689192	of:0.0636813410327608	make:0.06024364834358515	which:0.05131584018303306	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
it:0.21317888410455543	he:0.18673248127798847	It:0.14093961810063962	which:0.10085580692903923	I:0.09523457785691532	and:0.07990794076262811	who:0.06284443033512091	He:0.05697400216718626	that:0.053332258465926576	:0.01
of:0.290216588950475	in:0.1552607907009458	to:0.12447644402228915	and:0.10519347352813001	with:0.09657977502028466	for:0.07860979980368667	by:0.052361637180520525	that:0.051686806033603185	from:0.035614684760065025	:0.01
the:0.8134874609674253	tho:0.04555737521613848	The:0.03699022068779267	of:0.03417102916568735	and:0.015071770799221566	tbe:0.014602814334692127	a:0.012437298176588653	on:0.009986290074269088	surface:0.007695740578184811	:0.01
the:0.23545616196851724	to:0.21569642625224034	a:0.13005552552302216	of:0.11929332247968742	in:0.11608041482540163	great:0.05970138833208001	good:0.043505594112636964	and:0.0355360925298618	full:0.034675073976552354	:0.01
the:0.2631654817253556	for:0.21435688977301026	of:0.17679819277510217	and:0.08111960049133107	no:0.06436576131329168	his:0.05702463253035599	in:0.04929170919365948	a:0.04233240140774907	their:0.041545330790144774	:0.01
within:0.23937838422352548	of:0.1736584962479804	in:0.16555706722739474	at:0.10161469330488498	to:0.07665398364704663	on:0.06787461221255567	for:0.06269511319667707	from:0.060597358956231584	In:0.04197029098370338	:0.01
he:0.16125553763111256	they:0.14906799396490872	I:0.13170414552340481	we:0.1219243679205125	Ameri-:0.10907088699533746	you:0.10514331890529448	it:0.09250845483084627	who:0.05983107782960598	one:0.05949421639897715	:0.01
the:0.7989383435071798	The:0.08176623643071222	tho:0.04484319457451365	a:0.013654185474192487	tbe:0.013539370589927442	this:0.01007959891267076	of:0.010048905067651976	said:0.008641005087402186	and:0.008489160355749436	:0.01
the:0.4732442578861198	and:0.11266250766263596	of:0.08363041862519983	States:0.07800362389399633	said:0.05688817883786641	National:0.052064241767156655	.:0.04810602565671861	General:0.046321490964149614	The:0.03907925470615668	:0.01
they:0.21581515924896308	who:0.14647323302501994	there:0.10944814168819973	we:0.10543841844844921	and:0.09555524539656335	which:0.09294776908795964	you:0.08173759452491638	They:0.07780237125368136	that:0.06478206732624735	:0.01
with-:0.3576129679711993	and:0.13267940693472854	with¬:0.11451310788620381	sent:0.08010058554602631	it:0.07285198521077864	went:0.07154533041769673	go:0.05574666501089949	the:0.05359584715113055	came:0.05135410387133665	:0.01
and:0.26420285639012336	that:0.14934347559364514	held:0.11323432212873084	at:0.08600477729894641	recorded:0.07931656944945917	was:0.07749633162156318	time:0.07599002066858544	it:0.07338907306293489	now:0.0710225737860113	:0.01
of:0.2742927091609713	is:0.14635573152347034	and:0.12503206966577318	know:0.10887768580561089	for:0.10819118786859674	in:0.06440831180714154	to:0.06378898532244269	but:0.04991621880425909	with:0.04913710004173425	:0.01
up:0.13644903635352137	out:0.12210445219008247	time:0.11636091465129163	work:0.11478891118616795	in:0.11341896840682665	it:0.1083960891905824	;:0.09574741576509771	him:0.09181676579376961	power:0.0909174464626601	:0.01
and:0.22548804382211918	of:0.16551647653467497	the:0.10910891880260937	to:0.10236234663377486	in:0.0951053918920172	be:0.09497265890153901	I:0.07406902428534615	was:0.06436870005309998	is:0.059008439074819334	:0.01
and:0.22813005603170378	the:0.15720990438600718	is:0.11521833637416952	an:0.1042086655807317	was:0.09504037588459191	are:0.08564450459716826	be:0.08247759847336691	that:0.06433907207568769	been:0.05773148659657291	:0.01
;:0.20953252095776806	it,:0.11451281996419217	him:0.11252660622910599	one:0.10399558216214487	in:0.10038399485273586	and:0.09216727949281207	,:0.08702126563998025	it:0.08638247894281384	up:0.08347745175844686	:0.01
the:0.42893723728726985	a:0.34720222477168544	of:0.04389796656323705	and:0.03684115299801049	other:0.029344071103317392	very:0.02694883841843839	A:0.026641567656328122	his:0.02640121664221987	their:0.023785724559493317	:0.01
of:0.266169217478062	was:0.11852028208898169	and:0.11370062134362456	on:0.11067531534978763	in:0.0997682502355033	to:0.09105935844538252	is:0.07090564579096445	for:0.061046709689013386	are:0.05815459957868041	:0.01
a:0.3409717907844584	the:0.28205193354604796	of:0.10201125377494587	so:0.07029218056613126	this:0.04979689434648451	and:0.04266416527135385	with:0.039253431511344875	very:0.036192691199728545	that:0.026765658999504616	:0.01
to:0.2327785327830104	and:0.21229427480962396	the:0.14104052683793944	of:0.1097530350144356	is:0.06340027349170997	was:0.0612521857423879	be:0.06066446160110153	for:0.058695770189739	re-:0.050120939530052235	:0.01
is:0.33423791441526146	are:0.27803412846542264	and:0.08834192250930642	was:0.08618918736439193	Is:0.057921124095948656	not:0.03844639545980022	be:0.038351896216271025	were:0.03436051376318329	he:0.0341169177104142	:0.01
the:0.356569618870926	and:0.1418214408213975	of:0.11647590377038264	in:0.09211705731779639	his:0.0736937292647815	at:0.0680294475191281	to:0.053062403798076786	their:0.04969262983506221	said:0.03853776880244891	:0.01
of:0.21375420201278875	to:0.1316319527879571	with:0.11460800261721144	is:0.10287803035493286	for:0.09674763520827173	and:0.09096280795503767	in:0.09048671477561979	was:0.07976563424224253	be:0.06916502004593822	:0.01
the:0.27062093316726427	of:0.2058837608840983	and:0.08834827289900335	The:0.08539875818703921	Mr.:0.0848051425396133	that:0.0818513311015996	in:0.0776092527328897	Mrs.:0.04911887553256453	which:0.04636367295592785	:0.01
and:0.21413769299810553	as:0.18929375789273398	is:0.09932585733157488	time:0.08928123282306943	or:0.08516700227721469	subject:0.08250606082622894	him:0.080799752131009	made:0.07850981231065023	them:0.0709788314094134	:0.01
of:0.42972831806257816	to:0.1009400046262172	that:0.10058827211850843	and:0.07865031065699772	on:0.0769266810143493	by:0.05735817700282708	in:0.05304836124828472	for:0.05116929256845302	from:0.04159058270178439	:0.01
of:0.25467931100246344	the:0.21224658817143938	to:0.13934186666122456	at:0.1060966210519837	and:0.0798825762501219	a:0.07716931015693985	in:0.04839906678965375	was:0.03728725035036538	for:0.034897409565807995	:0.01
of:0.28304905513241324	for:0.17830144708843587	to:0.1594373863128485	with:0.11203563042235974	in:0.07005163695336042	upon:0.054119285140589286	on:0.04873608585769111	about:0.0437208654003447	and:0.040548607691957034	:0.01
of:0.27758236549493237	in:0.14015884515621155	with:0.12158268163684098	is:0.09897663119884045	to:0.08864696712774393	and:0.07963801328291438	for:0.0760651003587999	was:0.059050824946662014	by:0.04829857079705433	:0.01
of:0.1631677934654842	is:0.1405692175077215	to:0.13652683140786073	was:0.11916121475650829	with:0.10752467690064553	and:0.10583015404260183	in:0.09724578560229614	as:0.06215370733395931	by:0.05782061898292234	:0.01
to:0.6567241123025418	will:0.09047880167121086	would:0.06894378392023517	and:0.05270548825120063	not:0.051000522942497795	can:0.019601063792458986	may:0.017515505127132795	should:0.017387085781568105	I:0.01564363621115406	:0.01
the:0.5718200597028765	a:0.2458144422318703	white:0.056055445796512414	this:0.029668448193327465	tho:0.02357655956250069	and:0.01739704158836123	large:0.015873343678005386	The:0.015574907565837993	of:0.014219751680708171	:0.01
the:0.2434308456948775	and:0.16178693456557883	of:0.13887751795222011	to:0.1244772705341572	a:0.11336884681343598	be:0.058183940614252486	is:0.050746831112712124	in:0.049860590702662695	was:0.04926722201010304	:0.01
<s>:0.48114807447858515	it.:0.11362845981686333	them.:0.08433884778029362	him.:0.07319816945502995	.:0.06969185095971073	time.:0.054997750252348626	country.:0.04116192008712956	day.:0.0392344528802456	work.:0.03260047428979333	:0.01
and:0.26276554424049875	well:0.1716573563828568	regarded:0.10215108442096364	him:0.0868823661881788	known:0.08594969760882572	soon:0.07468266047506814	it:0.07254659441566476	is:0.06743217334715046	but:0.06593252292079284	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
those:0.4529909351618139	men:0.17669254562461442	and:0.0777641735520194	people:0.06973463070913263	Those:0.06050506947218318	man:0.042282320231783334	all:0.04140258357632076	persons:0.03955708558100816	one:0.029070656091124202	:0.01
the:0.2974502811850691	of:0.22091422415753312	to:0.09236837889488791	boy.:0.0741306415053232	and:0.06960437249933987	girl.:0.06679148007921792	a:0.06486805677156715	in:0.05550313372308324	for:0.0483694311839784	:0.01
away:0.19041587022310327	and:0.16519107313931605	taken:0.13090618369387813	miles:0.11772895341262953	feet:0.10551786830952455	come:0.07393483029145144	them:0.07169234007196142	out:0.06832721446888708	came:0.06628566638924843	:0.01
of:0.3744679427904172	in:0.2578642457149877	to:0.10190561937957326	for:0.0981494593295894	In:0.04677455778021035	and:0.0349851305176954	with:0.028838314162317576	from:0.02590911410913225	at:0.021105616216076793	:0.01
in:0.20484377117992708	the:0.1789630476046136	a:0.15547726016817526	of:0.11853059252212451	and:0.10133357431383681	to:0.08414718432905637	for:0.06270303865495257	In:0.044838132417842555	an:0.03916339880947116	:0.01
all:0.21357881357464764	it:0.17109218651982136	and:0.1400993301240289	went:0.08953810753119093	him:0.08033885886518542	them:0.07688681981197466	was:0.07654321505881782	is:0.07157275585741621	turned:0.07034991265691715	:0.01
of:0.1804543805069557	to:0.1747026357974531	the:0.15749425223258814	and:0.15345542519140226	be:0.09235457882182141	a:0.07340216453377851	was:0.06625041891181835	re-:0.045984937709827485	for:0.045901206294354936	:0.01
the:0.4851063438211963	of:0.15786782881168962	and:0.06829240425307681	this:0.0585817685751215	said:0.04776419100240174	its:0.04469391525368746	for:0.04420630414541795	to:0.04387297722880149	our:0.039614266908606914	:0.01
day:0.2127116569079983	number:0.17031138217183855	half:0.12370043696738696	part:0.11357650258752708	millions:0.07506639444956954	all:0.07479293497957669	out:0.07474843860405789	one:0.07404754373587412	quarter:0.07104470959617087	:0.01
of:0.19222805621105235	and:0.190044925270612	for:0.16723821323246854	that:0.08157992246258691	by:0.08105634998065792	in:0.08085618155323195	is:0.07585553825917472	was:0.06193668086281726	to:0.05920413216739831	:0.01
the:0.3217504587634767	of:0.17761375424890746	in:0.1090603610310247	and:0.10868940118452106	to:0.08617207446285557	a:0.07441328189590997	on:0.045282357825037166	at:0.036014122737170216	with:0.03100418785109707	:0.01
a:0.23082638298730196	the:0.18473203257266818	to:0.18298004015784297	and:0.13988323579700143	of:0.07347320232300479	is:0.04936530600599035	not:0.04631862150705887	was:0.042817475339126325	will:0.03960370331000506	:0.01
of:0.31986936676220873	the:0.2276959356877378	and:0.11531327751649682	to:0.08792501874278845	at:0.07355297531030017	in:0.06924831602682051	from:0.0332993386946388	The:0.032924750980812045	<s>:0.03017102027819663	:0.01
the:0.7525022831610743	The:0.04544001048963289	tho:0.04073223758942157	Missouri:0.04025662037469138	Mississippi:0.0363081265529552	of:0.02383466068001465	Potomac:0.017504205503474486	this:0.01695694643458818	tbe:0.016464909214147627	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
;:0.17739627448209838	it,:0.15864753476062923	them,:0.12202049442370508	in:0.10623287372066594	up:0.10076138784534082	it:0.09469836016048808	him,:0.08551760767502341	him:0.07455127187730794	them:0.07017419505474125	:0.01
to:0.2620983149693371	and:0.19664402247129265	the:0.18720703494025467	of:0.14061051340842873	in:0.0675925481954826	a:0.03867755248806961	<s>:0.03389464108121401	not:0.032510411574388075	that:0.03076496087153255	:0.01
as:0.188283813505136	according:0.14144678228402477	up:0.13904323060160725	and:0.1096650113200393	went:0.09104380703179268	back:0.08789812106037491	regard:0.08348580619122747	feet:0.07747526592666086	down:0.07165816207913696	:0.01
to:0.24811034056819778	will:0.15906562908218813	may:0.11268835481634289	can:0.11191266308560788	could:0.07754591956635912	should:0.07608729864709453	would:0.06537604077149213	must:0.05317000182994435	not:0.045891321773007726	shall:0.04015242985976546	:0.01
the:0.21168661632910737	and:0.1734208758737908	of:0.1496524303109621	as:0.1486264042445669	a:0.08287979349307766	to:0.07107758859510922	be:0.05689152027188905	such:0.04860602071964437	in:0.04715875016185232	:0.01
as:0.188283813505136	according:0.14144678228402477	up:0.13904323060160725	and:0.1096650113200393	went:0.09104380703179268	back:0.08789812106037491	regard:0.08348580619122747	feet:0.07747526592666086	down:0.07165816207913696	:0.01
of:0.2225045828509223	the:0.1886514029189389	any:0.1364124846158964	and:0.1234983797864484	that:0.08793608166233315	in:0.06582267733185	some:0.05695725910916159	every:0.055135175571779806	is:0.05308195615266939	:0.01
and:0.2428061386481229	to:0.1830004481451072	I:0.12527212210714558	who:0.11938820193341103	he:0.0917881537923282	which:0.07118185387683089	that:0.05713993628169792	the:0.0567245327293871	we:0.04269861248596927	:0.01
the:0.5311990925914803	and:0.09227632831896372	all:0.08637267602817839	such:0.05446529710454998	other:0.048082695247672565	a:0.04695822781792548	his:0.04610602360707574	of:0.04584999667010406	their:0.03868966261404964	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
as:0.188283813505136	according:0.14144678228402477	up:0.13904323060160725	and:0.1096650113200393	went:0.09104380703179268	back:0.08789812106037491	regard:0.08348580619122747	feet:0.07747526592666086	down:0.07165816207913696	:0.01
brought:0.1413466857124098	go:0.1365473806122784	put:0.13636720900209112	come:0.11640087904604342	went:0.1133252386380207	get:0.09614108788246405	enter:0.08661757298090055	them:0.08205395895189371	came:0.08119998717389827	:0.01
the:0.504908771081215	an:0.19306384124705836	of:0.06995789719882832	The:0.04463181876476439	his:0.04324407181748861	years:0.03754873446644017	tho:0.03732368741428982	and:0.03259256120925733	their:0.026728616800658033	:0.01
man:0.30515668734518586	and:0.18052534267888165	one:0.1336284050013829	those:0.0924385342675891	men:0.08417323662346296	woman:0.07597687274857998	all:0.04879333182177433	people:0.03485717212897204	person:0.03445041738417123	:0.01
the:0.5800220065431336	The:0.10832340912252257	this:0.08281674497901027	that:0.06745202567958665	and:0.044556585889664456	of:0.03506343296660886	a:0.03398385268385195	tho:0.023220258205076838	said:0.014561683930544826	:0.01
and:0.1946838712838702	a:0.18095507928828244	that:0.1622406629659271	the:0.1217358636105048	it:0.09277941282360389	in:0.06335111809573848	t:0.058862677855572414	of:0.05835366226048243	land:0.05703765181601814	:0.01
the:0.3623743073210984	to:0.14350486213310282	a:0.12363071765223702	of:0.09598410471924136	in:0.09237098507639671	and:0.07127197880500498	this:0.047997708811554525	that:0.03121717347869273	In:0.02164816200267149	:0.01
of:0.24498788882894354	the:0.19903947791552742	and:0.17503263892200271	by:0.1147038060991805	at:0.10181209450865711	to:0.05249710282841382	from:0.04553721187581546	as:0.02853628011236932	<s>:0.027853498909090075	:0.01
of:0.3588123631542263	in:0.1285338836243428	to:0.11998898529565762	at:0.08902657570939344	by:0.07060823460612808	for:0.05798185485811391	In:0.05642277281485417	<s>:0.05487995576349957	and:0.05374537417378407	:0.01
in:0.22568021117096218	of:0.18692940341006398	as:0.09119042606390387	and:0.09008561466322935	to:0.0882975197459007	by:0.08805110529091952	with:0.08379714983136921	for:0.06883728213289979	is:0.06713128769075145	:0.01
the:0.23589076305120354	of:0.17953299779151125	and:0.1622804987266568	to:0.09482768306529225	a:0.09284848565164627	on:0.06829392660003043	in:0.05535223912765194	that:0.0546320976829596	was:0.04634130830304773	:0.01
the:0.18967412161958205	and:0.16039812387112395	be:0.12426122688981936	was:0.12339453984543905	of:0.11493837137436898	to:0.0870008771225483	is:0.07482363279220873	been:0.06158286699078447	a:0.053926239494125026	:0.01
of:0.29427840420111334	and:0.1903735033779135	in:0.11041665492830456	to:0.0953233373283196	at:0.07052500963088408	that:0.06631245887492296	with:0.05553709306732292	on:0.05551614886137548	for:0.051717389729843494	:0.01
the:0.3671538948632982	a:0.22460418130383322	and:0.11416831703140223	of:0.07965576309132158	The:0.06996438284003616	an:0.052105023299329166	Mr.:0.02894891408067273	to:0.02729745344786352	as:0.026102070042243113	:0.01
of:0.2947816448856356	and:0.12077975314964741	in:0.1197290099243993	to:0.1117799677067787	on:0.08837148109666025	that:0.07191167799060619	for:0.07003551989762358	at:0.06508226108411524	from:0.047528684264533834	:0.01
Lode:0.2037900833653692	Silver:0.19503946440285622	the:0.13540570808329994	Hill:0.12633038508304612	and:0.1242849244316623	Eureka:0.053780769787899495	Copper:0.05269500137309758	<s>:0.04972754254863102	Consolidated:0.04894612092413817	:0.01
of:0.40160425868992866	to:0.12940907486784567	and:0.11721245436230142	that:0.09996236437385166	as:0.05934313569671024	in:0.05595313280181264	all:0.046285493078963375	for:0.041108072947504876	by:0.039122013181081425	:0.01
the:0.4505268490143757	The:0.12382932207234319	this:0.1065375699431913	a:0.08809605124955457	This:0.07190644659005399	that:0.048044645403905455	his:0.04336685526363409	and:0.030757195651882955	of:0.026935064811058805	:0.01
went:0.19991699894079917	all:0.13927563090629322	go:0.12589226480828672	turned:0.11588874239844678	was:0.10155804675837408	came:0.091016733535265	come:0.08477744309718706	and:0.07577402761511733	going:0.055900111940230715	:0.01
about:0.2144029101056578	and:0.18945399737070748	or:0.13651302579651453	to:0.1132398605230725	at:0.1088521290056714	of:0.0763669706777337	than:0.0669177184758039	the:0.04459017209438302	for:0.03966321595045583	:0.01
interest:0.5907043265660901	terest:0.10817216277256267	Interest:0.10181777450281498	improvements:0.09483879796225868	it:0.025013640545234084	and:0.022721810366120032	due:0.021528165172107695	them:0.014128957186385427	is:0.011074364926426238	:0.01
and:0.29116711795804945	is:0.12469124485907976	of:0.1089427915391583	was:0.10583177372684865	as:0.09535784369342873	be:0.09159230336863275	are:0.07781067499096941	or:0.05015296003744344	were:0.04445328982638952	:0.01
the:0.23344748130381157	and:0.17210789865171341	to:0.158230742789393	of:0.12877797232842478	a:0.11898645914507015	in:0.06201385462739438	at:0.04132155046118328	or:0.040853512442438504	is:0.03426052825057097	:0.01
to:0.2781501673776037	can:0.12288803604774144	could:0.11386580113242162	will:0.11333771452498029	I:0.08631427755128546	would:0.08227564498583297	they:0.07371524695440178	we:0.06664766556103377	and:0.05280544586469905	:0.01
ten:0.15930487185285927	10:0.14541430797534555	50:0.1363965197067913	fifty:0.13138648452723573	20:0.10428185732475169	three:0.08217797916488719	five:0.08128407590711606	25:0.07571109758089106	5:0.07404280596012217	:0.01
W:0.14910773017956414	M:0.1227699057854245	J:0.12075148222724486	C:0.1115655270998523	S:0.10363588713123016	E:0.1024768877844631	A:0.09710894198133284	H:0.0941368354934298	B:0.08844680231745826	:0.01
of:0.23263405770696685	at:0.15112258939896794	in:0.1307159962315888	to:0.10950454781810544	for:0.10123944611094401	on:0.10013154685253053	and:0.07507416717033927	from:0.04755879529717125	In:0.04201885341338588	:0.01
part:0.2616051257347694	one:0.17241232749815008	side:0.16360342569786457	portion:0.08433966332604263	payment:0.06971510808453478	parts:0.06227259080338477	members:0.05993740974274763	that:0.05968262067665107	and:0.056431728435855075	:0.01
the:0.312222523800202	and:0.19229799678170353	a:0.15297568833488714	The:0.07678939828477899	one:0.0674208587683041	two:0.05654997731917387	be:0.04533070588963481	that:0.04508871115389863	this:0.04132413966741714	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
seems:0.2006103222456249	ought:0.1626558226948623	seemed:0.11415043407775209	seem:0.1135010970217188	and:0.09261260981894813	is:0.08389850523345985	said:0.08225642808909558	supposed:0.07131107961557845	not:0.06900370120295983	:0.01
and:0.23117365540512336	the:0.22805433822783505	of:0.14786840873560955	a:0.09057998236261681	was:0.06845767528770506	in:0.06568274004476997	to:0.06156117459071878	is:0.05235743490164658	be:0.0442645904439748	:0.01
purpose:0.18290206844241896	instead:0.1780943560934268	out:0.15385676105028806	sum:0.09616524194807972	is:0.0946898715734833	question:0.07270410560399736	are:0.07250961517754781	amount:0.0720320991031957	disposed:0.06704588100756216	:0.01
a:0.21203539588932938	of:0.20273634930724	or:0.11062939063911777	and:0.09091202161650652	in:0.0901345661734736	the:0.07553796626981299	any:0.07145478732652497	for:0.07094948267458664	by:0.06561004010340808	:0.01
that:0.252642048246336	and:0.1778771772190445	which:0.13410784903447365	to:0.1055241922244886	when:0.0984815426264279	as:0.08169724026971381	will:0.05888602708846722	but:0.040721680243326216	if:0.040062243047722004	:0.01
know:0.2397647968656112	of:0.16285760555461512	and:0.12629778616492704	to:0.10395816150459335	see:0.09003617630358085	do:0.08877429164822437	is:0.06141778713790322	matter:0.061380777358478064	for:0.055512617462066864	:0.01
<s>:0.5323931200162186	it.:0.11018390482601273	.:0.08144299270952146	time.:0.05016526239221659	him.:0.050117008558639396	them.:0.048924011245975466	country.:0.043958271330991505	year.:0.03665303146153076	day.:0.03616239745889335	:0.01
the:0.5422329948031502	a:0.13700134661686608	and:0.07915192256133127	of:0.0653114651923588	The:0.04711151237075323	or:0.03664031733476879	tho:0.032272186261714804	their:0.026557707992417422	his:0.023720546866639578	:0.01
of:0.3057759901600336	thank:0.26165047447263573	to:0.12750466447335984	and:0.06941342403641217	Thank:0.05171254325461182	Almighty:0.04800110538703917	for:0.04780857493989794	with:0.04437798583957529	that:0.033755237436434576	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
of:0.42910467850079	to:0.11694084642140463	that:0.09550998098478819	and:0.08115582928505194	with:0.06790549012358102	by:0.0659098273260134	in:0.049966720608171485	as:0.045049042102085546	for:0.03845758464811389	:0.01
he:0.22480229380192834	it:0.17485728277577844	they:0.12397626271710332	I:0.10874733808034656	that:0.09441150165732329	It:0.0934061924792438	we:0.05704965258936926	which:0.05692367062721335	and:0.05582580527169371	:0.01
to:0.2992770412624508	will:0.22358185789002524	may:0.1077301146818152	can:0.07798152413512124	shall:0.07444335231231783	should:0.07350153058539124	would:0.048016971920965344	must:0.04793997642554108	could:0.03752763078637195	:0.01
the:0.6768627974896106	in:0.06291856457056888	The:0.05850989130993271	and:0.049060590157670135	a:0.04250614034914327	tho:0.037566801590070434	great:0.021563916433142073	In:0.021135527735493306	of:0.01987577036436874	:0.01
the:0.6337331662659316	and:0.100385275269275	of:0.04502915812563193	in:0.0446265384225453	The:0.04052682497589725	tho:0.03890434100479111	a:0.0367021526749023	to:0.027326210880625385	on:0.022766332380400437	:0.01
is:0.20531716177253914	of:0.1548571616806375	was:0.14749203504570196	and:0.13792749623615277	in:0.10120155365734504	as:0.07174518036482276	to:0.06110690582472407	by:0.05557954502909938	any:0.05477296038897739	:0.01
the:0.3325071927242356	of:0.1566955881553053	their:0.12630701346575182	our:0.08334007842782924	his:0.0789097427581228	other:0.07393811121642563	its:0.05045332490563487	all:0.048438215556899644	American:0.03941073278979517	:0.01
of:0.3627162522924915	on:0.14777626212566092	in:0.10499507233309362	to:0.09590546738412442	by:0.085476571520882	and:0.07162450506560371	that:0.04334562425684729	from:0.0400549662211594	for:0.03810527880013725	:0.01
of:0.2879095906736429	by:0.15147283143704132	to:0.13226073003663072	that:0.12854693906523482	and:0.12636804441264757	with:0.05074601143565901	<s>:0.04360499343411608	which:0.0371634933117646	as:0.03192736619326301	:0.01
he:0.24719856121055872	and:0.2259664209672716	be:0.18043712108469986	I:0.06763838984712327	who:0.05956856378393957	was:0.057405082327085785	have:0.05597562453216026	He:0.04917787814708191	is:0.04663235810007885	:0.01
and:0.3359723945695815	fact:0.1316189254902583	said:0.1066744964356081	so:0.08713045707286647	is:0.07379644658727266	say:0.06578006710118527	was:0.06486039920086528	him:0.06351804887687972	found:0.060648764665482496	:0.01
be:0.2849878177734486	was:0.1637697052226186	been:0.139630523095664	is:0.08137535428611144	and:0.0778977821742777	have:0.07402961052937597	has:0.0635515075652333	were:0.05296384061566199	had:0.05179385873760839	:0.01
and:0.18784336682063274	as:0.15114329179679575	went:0.11423878004667351	him:0.10666558228731272	them:0.09110223752457794	up:0.08733803455919152	is:0.08689480544253657	go:0.08340199801381315	able:0.08137190350846597	:0.01
to:0.2512498341081137	the:0.2077406337385336	an:0.12707537333556376	of:0.10691938488883482	a:0.08890702376417499	in:0.07304419790113846	and:0.0726098827425332	with:0.033542506341725044	not:0.028911163179382447	:0.01
and:0.19828130361329424	as:0.16167001911362971	order:0.12838003305491685	necessary:0.11568964512965318	right:0.09125643904208526	is:0.07914562994113429	able:0.07577434613577108	power:0.07142568609181338	him:0.06837689787770189	:0.01
<s>:0.31345759865139594	it.:0.1892532436862689	them.:0.09223545836743488	him.:0.09104007570893208	?:0.08764720621449308	.:0.07958514196739586	me.:0.0575697165509186	her.:0.039737977301242004	you.:0.03947358155191864	:0.01
and:0.2682983319507874	recorded:0.10717905104111182	was:0.10263907629409649	made:0.09927630384100071	that:0.09842569549211198	o'clock:0.08895025276229458	up:0.08173084504592748	is:0.07240199994443215	found:0.07109844362823738	:0.01
the:0.33287846452402825	a:0.3000172810719571	this:0.08810612702178715	The:0.06278575814637037	and:0.05403456660297029	his:0.04766172559897665	one:0.04668513545776391	every:0.02902607767489951	tho:0.028804863901246768	:0.01
and:0.2158252055569765	made:0.21453689943992602	up:0.09803578163061594	done:0.09626327661874683	out:0.08223069536840102	caused:0.07758227475220321	or:0.07321594564414956	it:0.06760504051608551	taken:0.06470488047289556	:0.01
of:0.2183879757557015	the:0.17649589997180137	a:0.14875984665409098	to:0.12615447465296736	and:0.10084460306115489	in:0.08195425316673363	at:0.04989567614174828	for:0.04657604012914679	by:0.040931230466655144	:0.01
them.:0.27514958012342783	<s>:0.22225148301750727	it.:0.13910165523665471	men.:0.07376108718434343	him.:0.07191919462122999	time.:0.057778753413971484	country.:0.05375983421240473	people.:0.04831609422015593	day.:0.04796231797030452	:0.01
not:0.27165351613371524	to:0.2538743558014354	I:0.17131508817521834	don't:0.073723341318433	you:0.06668533152739856	and:0.051332788879850856	we:0.041367378139270945	We:0.03374217987649434	You:0.026306020148183434	:0.01
the:0.5461620972172785	a:0.18438980614723416	brick:0.05462017209407853	his:0.046919785144607956	frame:0.03680502876428873	The:0.036049896865917065	tho:0.034198390829661335	and:0.027160853178749986	their:0.023693969758183754	:0.01
and:0.24428898768597004	years:0.13326866598301407	free:0.11224566031641814	miles:0.08920688626231561	him:0.08709309114977148	taken:0.08637906415696273	of:0.08202568009718236	away:0.0799816986516852	them:0.07551026569668048	:0.01
as:0.2306138152667857	so:0.15852530170502627	are:0.12423250100713852	is:0.10807778502254058	very:0.08588972279447576	be:0.0714980580428274	and:0.07125699082365847	of:0.07075605044119214	was:0.06914977489635515	:0.01
it:0.2827850527348108	It:0.13400289869302948	there:0.11771483856766453	they:0.0914384776859708	that:0.08313239062920649	which:0.0769409879360296	he:0.07501873352304173	and:0.07330080551631972	I:0.05566581471392691	:0.01
the:0.3090880620499531	and:0.20211997521403144	of:0.1348691219872843	a:0.08156652884358068	to:0.0687251533042976	that:0.049147080372366606	The:0.048815868331618946	Mr.:0.048123373857994804	or:0.04754483603887259	:0.01
and:0.28120375981593776	bill:0.19265358774268582	President:0.0828459890673966	known:0.08260189600063993	was:0.08002417100261604	resolution:0.07319588784922872	is:0.07075165837341908	of:0.06546454969156504	not:0.061258500456511225	:0.01
out:0.15061324814149513	amount:0.1403752343055769	purpose:0.11515068212881413	number:0.11452490315736612	one:0.10308737030665857	means:0.09968348434168546	matter:0.09688408133894989	years:0.09105673508103557	way:0.07862426119841825	:0.01
the:0.5343885214523834	The:0.11192511746240345	this:0.0976696521792893	a:0.06421440630193793	that:0.06383905538795155	tho:0.03611613032332446	of:0.03392473156818184	his:0.026689943324278088	and:0.021232442000249766	:0.01
the:0.3661510278115807	of:0.18604011314490673	and:0.11091525756473093	in:0.09556882822052382	a:0.07472429387547164	The:0.04949365505368285	to:0.04579469490461243	at:0.03277907132192454	tho:0.028533058102566393	:0.01
<s>:0.5911664716768235	.:0.0925416286131135	it.:0.07581705834204042	them.:0.05818195815929815	day.:0.03772668638663001	him.:0.03479060365958301	time.:0.03473040556580826	of:0.034040180206403495	country.:0.031005007390299676	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.04553578393787439	of:0.03051332981678091	tbe:0.02261446403444868	in:0.021612439669724332	or:0.020196218295911488	:0.01
the:0.8863726773530108	tho:0.04767429894468295	The:0.020379110130635744	tbe:0.0148488543841555	of:0.010704508851547227	and:0.002907084065353344	by:0.00269076816764734	a:0.0026265092802739095	tlie:0.0017961888226931213	:0.01
and:0.2057490146464805	be:0.17826278710718887	was:0.13772308974308828	to:0.0883281909653392	been:0.08618103965957717	is:0.08100416015488449	of:0.07967589319502678	he:0.07002166678811851	were:0.06305415774029603	:0.01
feet:0.21959778359237705	went:0.17182185695741506	according:0.12713284125120347	go:0.10324709531960384	and:0.09690431191880237	sent:0.07196762290527006	subject:0.06704859689201847	relating:0.06685884328000284	back:0.0654210478833068	:0.01
and:0.243245828883782	the:0.1385113941096484	of:0.12598359052043423	to:0.11712117345795753	was:0.09128462150356687	for:0.0720983562371112	in:0.07175195145176771	a:0.06672163572922717	is:0.06328144810650484	:0.01
the:0.2644739053163246	a:0.2522557778891288	The:0.13832675624623259	and:0.1270370395895451	he:0.05649105501499377	that:0.05115664723860372	I:0.039583790160760086	A:0.03464186224940538	little:0.026033166295006096	:0.01
and:0.2433965671591451	him:0.15918576125558442	was:0.15546468801479865	is:0.08403713707126538	it:0.08119311744346455	up:0.0765112129798562	as:0.06975526414728685	come:0.06105440877997867	placed:0.05940184314862022	:0.01
would:0.15442914376698164	and:0.14168467513298824	a:0.13350973032411653	was:0.12299992576973756	not:0.09749386756535242	something:0.09441086586069226	to:0.09257702422377682	is:0.08900408687539607	looked:0.06389068048095843	:0.01
the:0.27575335073370955	of:0.2091089729440173	and:0.13153684155828668	to:0.09358304438585405	a:0.08114602167249799	be:0.06265229726697667	in:0.048776867006062735	was:0.045169969758803476	is:0.042272634673791505	:0.01
the:0.4900875945826456	this:0.08872430676872341	every:0.07362007382279014	that:0.07110460668351594	next:0.06553868705175456	other:0.05389769724925967	a:0.05225802273133187	one:0.0504778778217309	all:0.04429113328824782	:0.01
and:0.2997631725031806	for:0.11762014969641485	of:0.10909083458797499	not:0.09994261400957208	about:0.09981071867952003	time:0.07049569260427091	as:0.06561263650320782	was:0.06407523833209523	in:0.06358894308376359	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
that:0.31477914547653374	and:0.2007516869227008	but:0.10787600368676739	as:0.09014379652450286	when:0.08237908127361927	which:0.08073958256682875	if:0.047673805523884664	where:0.03845583820312527	until:0.027201059822037178	:0.01
the:0.24476093978117963	and:0.20200444718786137	of:0.19869759948468674	a:0.0909893927345677	to:0.061454316891002246	in:0.056321147622810055	was:0.053870341480870616	that:0.04219405318052174	by:0.039707761636500034	:0.01
of:0.29571310815330076	to:0.16134431248745904	on:0.10365585392281453	and:0.09379325289278308	for:0.08372949555213698	in:0.06788885987559361	by:0.06495718587385457	at:0.06020931335696608	that:0.0587086178850913	:0.01
-:0.2513458311170888	and:0.155899430645663	to:0.14789117603391252	I:0.08999456443107923	f:0.07551422879808233	<s>:0.07480276735679821	.:0.07222994257573005	the:0.06261379310970658	f.:0.05970826593193924	:0.01
the:0.24130576549866314	of:0.18833662870322207	and:0.16607091897550066	a:0.12226357561830728	to:0.08119819928176736	was:0.061441215918139495	be:0.05012797215849653	is:0.043156408701399925	been:0.03609931514450369	:0.01
of:0.22980118444730693	and:0.2269387393811804	to:0.18343447929216947	for:0.0804423747324406	that:0.07132088794940027	in:0.06761276248258315	with:0.045766683745943344	or:0.04315907661758912	nearly:0.04152381135138664	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
of:0.3661033215516148	in:0.15226722649351415	the:0.12925482330191357	and:0.12787554077324392	from:0.09260293830664063	for:0.03413930081493478	or:0.03008031303746014	In:0.029330240256690537	by:0.02834629546398733	:0.01
that:0.30371066784491974	if:0.1528592157661182	which:0.13093290885882844	as:0.10676435373005919	and:0.09146677604370171	when:0.06012942554608972	where:0.057718502696278005	what:0.04749107325609487	but:0.03892707625791013	:0.01
<s>:0.2613088549649224	and:0.1558098142343409	was:0.12353456311453881	be:0.12011264833573743	is:0.07434522515091423	are:0.07263628290767324	that:0.06650679362055878	were:0.06277393866159388	.:0.0529718790097201	:0.01
of:0.28768034382228136	in:0.18122734920518865	that:0.12344716691703686	to:0.07446492834042218	under:0.07124158816500614	any:0.07113046011996972	and:0.06211198641638576	for:0.06028084362685404	with:0.058415333386855194	:0.01
the:0.4674396058621598	said:0.25902485690697763	a:0.06223409487262601	of:0.058944103055170595	this:0.04173797499910365	his:0.038822690357591026	tho:0.02712109922489681	in:0.018178630098256245	their:0.01649694462321807	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
of:0.2259884777378865	in:0.1279502676123141	as:0.10803511903377902	with:0.10289676309994414	to:0.10092096777749439	is:0.0958816162923596	and:0.08543175696245596	was:0.07364376919960383	for:0.06925126228416238	:0.01
and:0.27994906078504356	to:0.13536145426027976	was:0.12532311977518978	is:0.1164762370044922	the:0.0955408097677598	not:0.06275589560373089	be:0.06115216251063991	of:0.05681845625814637	an:0.056622804034717866	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
and:0.3128127214263046	made:0.1905990268468962	that:0.10357879789052056	or:0.09051445745057837	it:0.07070940136880875	followed:0.0608299522505448	done:0.058568545637133415	caused:0.05119705814262676	given:0.051190038986586736	:0.01
the:0.38530627318034133	of:0.26851085639706024	and:0.12172038244582212	an:0.041537988704356286	other:0.03884216903352835	or:0.03782545596815828	his:0.03650157694018281	this:0.03013000471924316	one:0.029625292611307325	:0.01
to:0.37952110829019453	will:0.22813591070009	and:0.07407512922843669	shall:0.06720206575966285	would:0.05676695798690711	they:0.05560609344885099	not:0.044166170131221164	may:0.042484794246015936	should:0.0420417702086207	:0.01
number:0.3091317030967422	hundreds:0.10855346930098951	amount:0.10683042086046841	thousands:0.10656691544426493	kind:0.07747549316354949	class:0.07462368935965677	couple:0.07411187986607166	series:0.06707273205706366	plenty:0.06563369685119343	:0.01
as:0.188283813505136	according:0.14144678228402477	up:0.13904323060160725	and:0.1096650113200393	went:0.09104380703179268	back:0.08789812106037491	regard:0.08348580619122747	feet:0.07747526592666086	down:0.07165816207913696	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
the:0.47730124653411293	of:0.1463716440383816	a:0.13402815856165168	in:0.052754742101480186	for:0.0525790508573663	their:0.03698018319437072	some:0.03261764881817374	this:0.02908317929269075	his:0.02828414660177229	:0.01
<s>:0.5359515666430382	it.:0.12050481997505647	them.:0.09946406045368159	country.:0.04303754649527292	time.:0.042237560535157655	him.:0.038485454865163096	us.:0.03832367945957663	world.:0.036586498899646776	day.:0.035408812673406696	:0.01
be:0.2345405189018952	and:0.1676955911536511	was:0.14578585294472102	is:0.11136358349180824	been:0.08044474608740007	are:0.07063395726020119	were:0.06757492996930883	he:0.06497274172000983	have:0.04698807847100464	:0.01
the:0.6189860714686292	court:0.10609282030723602	a:0.08110612244266761	tho:0.045487320121527716	The:0.03587128991625342	my:0.034457396206893316	his:0.027299421716290302	this:0.020673433489368325	opera:0.020026124331134033	:0.01
they:0.2751949705560759	who:0.13687574294120827	we:0.10795658789329479	and:0.10148995877582906	which:0.10032550830058981	They:0.09536625522992094	there:0.06387304290634531	that:0.05838431659953506	you:0.05053361679720105	:0.01
Mr.:0.23912125449713859	the:0.23705660495456385	of:0.1415327706790359	and:0.12992053668767986	The:0.07124486107907668	Mrs.:0.05082361753551818	<s>:0.04553110798174795	.:0.03955863766768127	that:0.035210608917557576	:0.01
one:0.2130394399448926	out:0.16983408056098007	part:0.14726877981533334	some:0.10564771493692292	account:0.10473606704876827	any:0.07239176869495877	all:0.06334962810761696	that:0.06091520523433157	tion:0.05281731565619534	:0.01
the:0.40388888790225175	a:0.2023547081363746	to:0.12538393066255402	of:0.0571764238612245	every:0.04819440225894617	this:0.04400082948887444	his:0.043170159244785615	their:0.039113598107239515	tho:0.0267170603377496	:0.01
and:0.19663565717511108	he:0.15906046297512688	be:0.13889038343981763	was:0.09977118342110917	has:0.09044065856844663	have:0.0799595607034155	had:0.07759116643716985	who:0.07706681423755467	I:0.07058411304224854	:0.01
the:0.27004892961346216	1st:0.1510986315068078	first:0.12513779671039008	a:0.1037870356043818	25th:0.08044042951759474	7th:0.06850863141428767	10th:0.0652308917143553	12th:0.06469097803790061	21st:0.06105667588081993	:0.01
in:0.3003157086259071	of:0.22129030242522596	from:0.16746925589096082	with:0.061261484605720604	In:0.06054996169660682	by:0.05094237284046593	on:0.048221521884666704	upon:0.040068523460947865	for:0.03988086856949815	:0.01
the:0.46582213401798644	of:0.11813564524698672	in:0.11020948254759116	a:0.10064028122380037	their:0.04425105083954608	to:0.039586213836416834	and:0.03835151812051627	any:0.0383492552613269	In:0.03465441890582906	:0.01
the:0.4841379428532902	a:0.17642480431468033	this:0.10047183440007879	dining:0.09816400206178334	The:0.0285865678447612	his:0.027059205287243097	court:0.026949020991310798	tho:0.025791753533663454	and:0.022414868713188832	:0.01
the:0.6770184269171865	of:0.08221178394185445	other:0.04801151431183628	this:0.04008252814359068	a:0.03373720145075685	The:0.03226977211178734	tho:0.031945108872370336	said:0.02543880382577581	our:0.019284860424841732	:0.01
in:0.1408192277730354	up:0.13874891581862403	made:0.11438803758118406	;:0.10805266909721244	it:0.1078637396460523	it,:0.10716033417897487	him:0.10013324207554893	out:0.09478209019737471	work:0.07805174363199328	:0.01
as:0.17570771504429286	and:0.14691264794322195	is:0.12976908359000947	enough:0.09574300393056602	able:0.09384229814825551	right:0.09185656418392348	order:0.08641351679538918	going:0.0852788000007006	him:0.08447637036364089	:0.01
of:0.2616976228646262	in:0.15724106356757453	to:0.14017010901911814	and:0.0996468308069245	at:0.09934946078596399	on:0.0976413629769958	with:0.047363782856807105	from:0.0468989206534757	for:0.03999084646851399	:0.01
to:0.2082400486603598	the:0.2040097545902015	and:0.19980432728505823	of:0.15978957334487476	in:0.06337877849958568	a:0.05463758289552893	not:0.03746152227349155	I:0.03180451839090819	be:0.030873894059991414	:0.01
and:0.22597815624741485	one:0.17456606454071233	it:0.1164630046428801	that:0.11137613281567904	<s>:0.10062115029033251	out:0.090674534897487	day:0.06148663065325185	work:0.0552186661235739	time:0.053615659788668446	:0.01
of:0.240546126640304	the:0.23134729317373148	a:0.12307836210816839	in:0.10200644051443103	and:0.08358327811089314	for:0.06284983155258313	to:0.05941456848440096	on:0.048971089791448756	as:0.03820300962403916	:0.01
the:0.3015204877027446	his:0.1389304511982788	healthy:0.0947691922424341	this:0.09211837708584614	a:0.08429806198471268	her:0.07974273356816743	good:0.07846486135418046	my:0.067078255806129	their:0.0530775790575067	:0.01
the:0.4196040085190086	of:0.15747386278790595	for:0.14672900967112526	and:0.0777294088461848	in:0.06903788063487801	by:0.03595020229745051	from:0.03289346723342859	to:0.02964678078321371	at:0.020935379226804635	:0.01
and:0.25037799561132223	to:0.19051743664518078	of:0.12818071300755096	the:0.11341275889843262	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.05790590474591629	for:0.056443486992488516	:0.01
beginning,:0.36444622023234624	and:0.1366403463969216	west,:0.1121287668990809	ning,:0.07537013120510831	ginning,:0.06877614759837279	lot:0.06734749449273872	beginning;:0.06721444198740888	one:0.0524601584325912	section:0.04561629275543148	:0.01
of:0.2961378364416715	in:0.19634095764499693	the:0.1225294808236725	to:0.08693925818903894	from:0.06951187292445549	and:0.06550253851847375	In:0.05401352671592254	for:0.05179931626505327	at:0.047225212476714885	:0.01
to:0.2620983149693371	and:0.19664402247129265	the:0.18720703494025467	of:0.14061051340842873	in:0.0675925481954826	a:0.03867755248806961	<s>:0.03389464108121401	not:0.032510411574388075	that:0.03076496087153255	:0.01
and:0.4753630914642693	And:0.1690822998817453	not:0.12181233288152346	as:0.09084502398258332	that:0.03638346719579382	but:0.027684844771815594	is:0.02766307990589727	do:0.020661093844602546	it:0.020504766071769247	:0.01
and:0.1390807564514581	able:0.11726999213398069	inclined:0.11264383740129874	began:0.11257028316868084	reason:0.11186394006528023	enough:0.10371048650475503	him:0.10279962615609585	me:0.09955985379255257	as:0.09050122432589786	:0.01
the:0.2594205302439902	of:0.18654111504155343	and:0.1498045758896035	a:0.14300445659557268	to:0.11266998464881192	in:0.045066931684193075	for:0.03328899549660754	with:0.03251529618747521	The:0.02768811421219262	:0.01
of:0.2805949549855109	in:0.23042676682598112	to:0.1432586879575375	and:0.09284208615396104	by:0.0717157089108626	from:0.06568617558142205	In:0.06454452850648082	at:0.02082509909038658	for:0.020105991987857393	:0.01
it:0.20622348714107272	that:0.16057455996523645	there:0.14151153360535965	which:0.11963266539685385	they:0.10506951759105809	It:0.08276968157081657	he:0.06915141905166503	and:0.0620236112565421	There:0.043043524421395654	:0.01
the:0.4669302625652774	his:0.14971417949244148	a:0.09688904568483586	of:0.09077132678288213	their:0.05240475428279839	her:0.041327605251229256	and:0.04026952673935645	our:0.02642036593098351	my:0.0252729332701956	:0.01
to:0.22154552107591222	of:0.19360580187253085	in:0.1518829022355311	on:0.14491741763150146	at:0.0796976930492374	for:0.062243289809009755	from:0.05064191390435878	with:0.04828790688251881	and:0.03717755353939949	:0.01
three:0.192796977315329	two:0.16467916308965083	many:0.13785310916254612	four:0.11005783504033952	five:0.10177810510635742	several:0.07569980042604026	few:0.07568938861103441	ten:0.07107366265411401	six:0.06037195859458831	:0.01
and:0.21979909131611078	is:0.144005578764634	as:0.10990698663355272	time:0.10202671916292025	them:0.09734720049568549	him:0.09482600801483519	able:0.08197968099286952	right:0.07077411017721659	was:0.06933462444217536	:0.01
and:0.24413116292889295	closing:0.18173686344826198	was:0.10859381659603785	valued:0.08665763038641584	held:0.07932710425709102	sold:0.07518688429361538	2:0.07335995221601971	is:0.07241280837793868	arrived:0.06859377749572665	:0.01
he:0.2580415372618821	it:0.11645350547970211	which:0.11494095259334056	who:0.10016493861859874	that:0.09505879060940099	and:0.09020174911822763	He:0.08658782201620922	It:0.07978162569655856	she:0.048769078606080055	:0.01
all:0.20520723763627322	and:0.16567937805446445	of:0.13814563563246338	for:0.11622597132013017	was:0.1117747451793676	at:0.07291753114374439	it:0.06332698793736741	went:0.06101312218261674	is:0.05570939091357281	:0.01
and:0.19784363851704326	the:0.18276704782244832	to:0.14500827149026405	of:0.1294561561278999	in:0.09818664300029178	or:0.07959240523144687	for:0.05705759260499336	that:0.05427595194482774	con-:0.04581229326078483	:0.01
it:0.27850627297595004	It:0.20141476549610263	he:0.13744314665694496	I:0.09219424675928593	and:0.08935763302433071	which:0.06441254018903078	He:0.05106361378784876	she:0.045915339445330834	there:0.029692441665175283	:0.01
and:0.27051795203339984	he:0.17781324535012288	I:0.13106289081721967	which:0.0958728230899502	He:0.0842750188411847	that:0.06663701734323695	who:0.0621913277646562	they:0.05546951679773762	she:0.04616020796249194	:0.01
of:0.31505676065712435	for:0.14198206426555585	in:0.1303070469046236	with:0.09056470374389107	to:0.08702466807146245	and:0.0755133197445542	at:0.05363768612538176	all:0.04933666472755602	by:0.04657708575985058	:0.01
and:0.28728559325889963	is:0.1302801038085514	are:0.11054302141998959	that:0.11043108689342072	<s>:0.07899774008845052	was:0.07845754025910609	of:0.07135483338811019	or:0.06470552774243195	Is:0.05794455314103983	:0.01
and:0.33670550057808163	of:0.2602413151544292	is:0.06586432030345325	so:0.06487023442640298	are:0.06461919220269706	that:0.05435846048137373	for:0.05150615769412265	was:0.04757260471433216	in:0.044262214445107036	:0.01
he:0.246907792825781	who:0.15499339054592176	I:0.1323034173376514	they:0.10007106586891545	and:0.08935552743836533	which:0.08545949904563288	that:0.08069740997367805	she:0.051435265871970566	it:0.04877663109208336	:0.01
the:0.5581495681161999	a:0.13920673957599977	to:0.07531796461344047	of:0.07410402713355416	The:0.04396118736046769	and:0.03146434554517054	tho:0.02494207542657485	its:0.02246543176322003	no:0.020388660465372733	:0.01
of:0.20107488417226121	in:0.19550670575836912	to:0.12736169210442203	and:0.11990727085676903	the:0.10452104830073981	a:0.09033202467013655	In:0.05201744545910611	with:0.05187831826816671	for:0.04740061041002951	:0.01
and:0.19228401073364063	the:0.1313298526858574	or:0.1306311199332915	of:0.12354888965716773	in:0.09078030986414556	about:0.08859208648564272	for:0.08247831140363643	with:0.07561706832829147	are:0.07473835090832669	:0.01
the:0.33768817317697836	a:0.2304929568176765	and:0.10377232537822302	most:0.07245686973857796	be:0.05806473712285159	is:0.05752114733357368	are:0.054554929876979324	of:0.03920830460313158	an:0.036240555952008126	:0.01
of:0.2947816448856356	and:0.12077975314964741	in:0.1197290099243993	to:0.1117799677067787	on:0.08837148109666025	that:0.07191167799060619	for:0.07003551989762358	at:0.06508226108411524	from:0.047528684264533834	:0.01
the:0.6337331662659316	and:0.100385275269275	of:0.04502915812563193	in:0.0446265384225453	The:0.04052682497589725	tho:0.03890434100479111	a:0.0367021526749023	to:0.027326210880625385	on:0.022766332380400437	:0.01
and:0.1468709706351973	was:0.13144016153503105	be:0.1298179898420686	of:0.12690902780920804	to:0.12400741317345797	the:0.1220840953546289	a:0.08691788614863778	been:0.06163426610110867	were:0.060318189400661734	:0.01
and:0.21653818074666914	the:0.18724203922351232	of:0.14904754853675406	to:0.11548725602063736	be:0.07888300539379996	was:0.07500647985195938	in:0.06698318540006266	is:0.05563421583847635	are:0.04517808898812875	:0.01
and:0.26276554424049875	well:0.1716573563828568	regarded:0.10215108442096364	him:0.0868823661881788	known:0.08594969760882572	soon:0.07468266047506814	it:0.07254659441566476	is:0.06743217334715046	but:0.06593252292079284	:0.01
men:0.22190510562162424	city:0.15947862646083896	hundred:0.10902804997747163	William:0.09595112931661434	James:0.09533316606871435	Mayor:0.08504890097049624	Robert:0.07743686913537777	land:0.07385896376951134	street:0.07195918867935111	:0.01
in:0.3302897215144837	of:0.19543775312740444	In:0.11191210748799377	for:0.0822566596826741	to:0.06692099718183327	and:0.06391144187588396	from:0.05189946606090555	with:0.04695782759469488	on:0.040414025474126286	:0.01
in:0.33840462247098024	of:0.2548854361175108	that:0.11765585266810749	by:0.07024243908853048	and:0.06555247812144435	In:0.05069046553217974	from:0.03296785496955466	to:0.030947238208389276	for:0.028653612823303042	:0.01
United:0.8210352873053699	the:0.05193240601161513	other:0.031664765990964266	Southern:0.022310179292304493	per:0.01666977130017219	this:0.013235139122835925	a:0.012963405179057665	of:0.012287502725140427	and:0.007901543072539827	:0.01
the:0.7415188984257353	The:0.07137370005054187	tho:0.04031699194886824	and:0.030647586935438266	of:0.026363994990554786	other:0.02157769072979183	all:0.02101128333812236	a:0.020370155139201505	tbe:0.016819698441745974	:0.01
the:0.42554143142955875	of:0.2577977205916756	for:0.056153980969998525	a:0.05321026813068561	The:0.04512552027592636	any:0.04480077717637476	and:0.04154104857248508	by:0.03606314187654978	every:0.029766110976745547	:0.01
of:0.30645481284108467	in:0.1345102195857431	that:0.13128206868390752	to:0.12156052498107268	and:0.08000629054803012	for:0.06198795378243896	with:0.059517001671169155	by:0.04790608925107298	at:0.04677503865548069	:0.01
the:0.5631640663811454	The:0.139518375248108	of:0.08121619885629583	this:0.05425547071865801	federal:0.038332516246623594	that:0.030759120944151484	our:0.029421214498232894	general:0.027689958637903758	tho:0.02564307846888114	:0.01
the:0.5684260195411849	an:0.14944716454307577	this:0.07844721601286261	The:0.06797442052530624	tho:0.04146836053800902	a:0.02320946779707811	other:0.02157902847576105	This:0.020560361800532848	tbe:0.0188879607661894	:0.01
him:0.22511585349940633	;:0.13425530321808518	man:0.1157463537230125	him,:0.09507188899750849	up:0.09324255187190895	and:0.09098934403345371	himself:0.08354952396536709	in:0.08043645717718255	man,:0.07159272351407525	:0.01
the:0.7057212104862841	The:0.07664644842588077	a:0.05587399214473551	rapid:0.0418050590363808	tho:0.03989008937989239	great:0.022893421097266144	and:0.020121244650809653	of:0.013746453695272389	tbe:0.01330208108347818	:0.01
a:0.5665464804332417	of:0.169451292084179	in:0.08027467306873486	the:0.055638861558703664	with:0.031630819551501176	very:0.026642228415813537	for:0.024919761893286523	no:0.019922694059749706	In:0.014973188934789959	:0.01
to:0.22174639716224256	and:0.19225798005313668	the:0.14719297366548925	of:0.13936763631664392	was:0.0700426155661776	in:0.05699809170812658	be:0.05643252036394439	is:0.05594569383473537	a:0.05001609132950341	:0.01
of:0.3053201260176514	in:0.15502082667269165	to:0.11061818913111034	and:0.11005072871403838	for:0.07858318538356224	on:0.07122161957957238	with:0.06800385353867228	from:0.0481285832951577	at:0.04305288766754373	:0.01
the:0.37152690722546006	a:0.16067729015132773	and:0.14675088427856237	of:0.0772432366571188	The:0.05477457886971273	in:0.05300380563761826	with:0.05155482245315288	to:0.04436625587688855	is:0.030102218850158714	:0.01
the:0.7549208027183821	and:0.06359700639886884	tho:0.04988074477289363	a:0.040282390032892905	The:0.037038722232661116	tbe:0.014894298990189568	an:0.01051498187173781	that:0.009668489090085528	in:0.00920256389228834	:0.01
and:0.42426274040057693	that:0.21105928904320093	but:0.11670747282001928	But:0.05483910148901718	day:0.05090720571104528	time:0.05024178815036635	come:0.030763782863498474	ago,:0.02771168213340699	And:0.02350693738886856	:0.01
out:0.2048418485670288	that:0.12506863279874877	name:0.11139414049963874	people:0.10713282517056187	favor:0.09149850587936388	time:0.08978360858091115	and:0.08866766464000635	case:0.08771994010626803	tion:0.08389283375747252	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
of:0.651864419588417	among:0.07523679949031054	for:0.06698582107718153	to:0.04766601983186334	with:0.045978591102542064	by:0.04333923567778217	Among:0.021945938712085	upon:0.019760277507308042	in:0.017222897012510504	:0.01
<s>:0.4908714673405831	it.:0.10171612779035906	them.:0.0853363068286809	time.:0.06666658130492205	.:0.050650860594710925	country.:0.05052855270776321	him.:0.050439534074252224	day.:0.049567361152273816	year.:0.04422320820645476	:0.01
the:0.35758734255702057	this:0.12087079699776561	his:0.11591844649120514	in:0.0788183714102024	of:0.0742079105912105	that:0.06722002403597778	same:0.06558088018037042	my:0.05651659715160706	their:0.05327963058464065	:0.01
and:0.26276554424049875	well:0.1716573563828568	regarded:0.10215108442096364	him:0.0868823661881788	known:0.08594969760882572	soon:0.07468266047506814	it:0.07254659441566476	is:0.06743217334715046	but:0.06593252292079284	:0.01
;:0.20953252095776806	it,:0.11451281996419217	him:0.11252660622910599	one:0.10399558216214487	in:0.10038399485273586	and:0.09216727949281207	,:0.08702126563998025	it:0.08638247894281384	up:0.08347745175844686	:0.01
of:0.2111073510533656	and:0.20278641045667967	in:0.1579395119428971	to:0.11515431977061773	the:0.07094383169745808	for:0.06282730478898167	at:0.059596521040834724	street:0.05783646837335894	or:0.05180828087580654	:0.01
of:0.2996428603763788	to:0.1973461481650174	in:0.11367634842915557	on:0.0987250376586758	and:0.08128524018819364	at:0.05405735291263534	from:0.04973522323593642	with:0.048754264637581896	by:0.04677752439642518	:0.01
on:0.5065240920531671	On:0.16089344459627275	next:0.06982864016697485	first:0.05527591117960176	of:0.05010539578416345	last:0.04501307800237622	and:0.04439937930840699	until:0.0313862396862419	after:0.026573819222795187	:0.01
the:0.7162356429148994	The:0.0729563281724872	a:0.057198663858981855	tho:0.04352948392122805	and:0.041627778476195657	his:0.020411283050697136	tbe:0.014207466374072695	in:0.012036037686214925	great:0.011797315545223145	:0.01
the:0.2669291970050974	of:0.17016801151255764	and:0.14307566690737147	that:0.08567233779178109	a:0.07140473673112663	to:0.06686547652312638	The:0.06591693537233993	which:0.061088294506854435	in:0.05887934364974504	:0.01
the:0.7094443771499301	of:0.04754199299244464	tho:0.04729723752600465	this:0.040456396751398775	an:0.036222794245305105	and:0.03499057927177151	a:0.02574572922942972	that:0.02548740186303129	in:0.02281349097068404	:0.01
sum:0.18676829411122214	number:0.1566486321513545	line:0.11140081741272478	city:0.10844765106291132	out:0.10739005474369737	day:0.09286734076326106	county:0.08286139477536687	amount:0.07384405151900511	Board:0.06977176346045691	:0.01
of:0.3013673442186535	in:0.22560598591809108	to:0.13825846817005005	by:0.07653120446551107	and:0.05526908536858179	that:0.05456542266561977	with:0.05318899329078901	under:0.04275851937319165	for:0.04245497652951205	:0.01
the:0.2682113975472033	of:0.23211160921641008	and:0.11288330434358386	to:0.08399494534037547	on:0.06633191961513756	a:0.0647474884575061	in:0.06461078114177617	by:0.061856488735223196	from:0.035252065602784016	:0.01
of:0.32153092075083495	to:0.1463635207131803	in:0.12020528648288606	with:0.08515544760817306	by:0.08505441320243932	and:0.06822706649198651	for:0.05915445134060039	that:0.05791059525000759	from:0.04639829815989167	:0.01
the:0.4907118101333903	of:0.09917142227616706	a:0.09063038226324947	The:0.0727969335837977	and:0.06260663546232868	their:0.06105850829128821	these:0.04089188814292678	other:0.038084164881560446	such:0.03404825496529113	:0.01
of:0.21411416347999992	in:0.18647533155173593	to:0.15714479075579268	and:0.0978568439697121	as:0.08489726601416411	with:0.07019692340321759	for:0.06756193300320391	is:0.06000967470036056	by:0.051743073121813005	:0.01
the:0.5914295936594018	a:0.18334209618777736	The:0.0641742254597642	tho:0.04858409811479545	tbe:0.025635234192037358	an:0.025247243123658208	this:0.02026449583944286	any:0.016455839984361058	every:0.0148671734387616	:0.01
;:0.16641041687082392	it,:0.14067740649544608	years,:0.13016694302705759	here:0.0948769059447095	them,:0.09378174610294239	him:0.09260168877066721	it:0.09104309653116785	time,:0.09065192185789875	<s>:0.08978987439928653	:0.01
a:0.29459157634302763	said:0.19749915414356223	by:0.18578639526570032	the:0.1529819938006253	certain:0.07475452484656477	in:0.027082724148591558	and:0.022034744630031057	of:0.021519440331039162	first:0.013749446490857941	:0.01
No.:0.32530556107980835	and:0.18394250833647077	at:0.1064516596632131	as:0.08624725062986706	that:0.07920270058459143	<s>:0.0552165751761326	an:0.05448007274820888	to:0.05305403293549412	about:0.046099638846213806	:0.01
the:0.479297469074927	of:0.18326111607408496	a:0.12176801382651573	his:0.05001698621037921	and:0.03639113505255365	The:0.03249319387397701	text:0.030933958834820904	on:0.0284861094864104	said:0.02735201756633121	:0.01
and:0.32745107267362	do:0.18773941909960112	was:0.10311454738647158	And:0.08496158551250992	is:0.08096017701334907	not:0.05975866024961793	be:0.054803920691154064	or:0.04734272101241277	but:0.04386789636126359	:0.01
they:0.2226293496907488	there:0.19100560444436882	There:0.12146331199472161	we:0.10627940553074859	who:0.09196498255020336	which:0.0809323550407741	that:0.06340125388297388	They:0.05947029151878235	and:0.0528534453466785	:0.01
and:0.29215264426448745	was:0.1460354725977545	is:0.11436710339533344	do:0.11312222476873186	or:0.09142103944770522	not:0.07731038256170697	be:0.05918875390546549	are:0.0548521171508009	were:0.04155026190801416	:0.01
I:0.41183269237478504	we:0.2411150913205089	We:0.07001021100705587	to:0.06406421634019335	will:0.05202224065111495	you:0.04381434758636353	they:0.042650331162148655	can:0.03285651563687867	not:0.03163435392095097	:0.01
of:0.34071689275770173	in:0.16224417032864302	to:0.13602454263306105	and:0.09829462600808651	that:0.07028386805482816	for:0.05338832817077374	with:0.053280333835712575	from:0.042272547350020125	by:0.03349469086117296	:0.01
a:0.41226519124232336	the:0.3056100948610436	his:0.11280249870586778	their:0.03760163659598786	The:0.034980944621399536	of:0.028756253403325868	my:0.02322595954230733	tho:0.01874897574783571	its:0.0160084452799088	:0.01
and:0.25037799561132223	to:0.19051743664518078	of:0.12818071300755096	the:0.11341275889843262	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.05790590474591629	for:0.056443486992488516	:0.01
of:0.2812485144227742	by:0.18085435051799098	that:0.1534232281314506	and:0.12560963837085165	to:0.08512146307422219	<s>:0.061748713703936906	said:0.03757167016804163	which:0.034272190907426364	with:0.030150230703305317	:0.01
sum:0.3984421952373454	rate:0.19102718714147898	number:0.10107406831849886	one:0.07030403102755707	period:0.06589496185945466	depth:0.0546915939029751	hundreds:0.036714750440402344	amount:0.03648721074369094	payment:0.03536400132859676	:0.01
that:0.2552027492246131	and:0.2473961613738114	but:0.13951823211335046	as:0.10047275784378419	which:0.0766585693520188	if:0.05195519272673161	when:0.049729138842514876	where:0.03626071909960701	But:0.03280647942356842	:0.01
to:0.1880772824910383	and:0.1515828472138269	of:0.1273234727010086	the:0.1198991035873443	be:0.09156640694129753	was:0.09149474371442058	for:0.0796694851503024	is:0.07505444615083409	I:0.06533221204992715	:0.01
of:0.37134695095445647	to:0.15147080175553038	that:0.1052798479724718	in:0.08678755123881998	and:0.06990737924797068	by:0.06375572719248992	on:0.05528833896664811	for:0.04561655489153375	from:0.040546847780078825	:0.01
as:0.25033954135231246	and:0.12846489575016076	up:0.10870416592958963	according:0.10281356858919301	come:0.10184768512104388	came:0.09155280243263225	regard:0.07971471354938514	given:0.06387518649061749	it:0.06268744078506551	:0.01
it:0.4334731399805189	It:0.2107448523220539	there:0.07298484346345296	he:0.06149203904707086	that:0.057646142214233344	which:0.05397202818190804	and:0.043207789586334006	who:0.03457676858302666	He:0.02190239662140143	:0.01
the:0.2242170242488241	to:0.20168663080796442	and:0.172876766991225	a:0.12563426816930676	I:0.06389598056808911	will:0.0581435683655189	1:0.053873587926483134	The:0.0456219636969403	that:0.044050209225648305	:0.01
of:0.3311218871503176	to:0.1564545346777244	on:0.12171314300533281	and:0.08029237477792399	that:0.07444739103807399	at:0.059837595508940244	in:0.0585803128778996	from:0.05477694988243367	by:0.05277581108135367	:0.01
and:0.3069176884138074	to:0.2747214705260884	he:0.09147576289552703	who:0.07292943807615561	I:0.060066379845630596	will:0.04998309545694458	be:0.045457189175457796	not:0.04460289589245125	they:0.04384607971793738	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
the:0.33307803060956587	a:0.17652479588184375	his:0.16814996203988844	of:0.09796946140624413	my:0.06276378778866087	said:0.04390984793035816	her:0.03729615798546441	to:0.0354885494553529	in:0.03481940690262126	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
the:0.46512986269624595	of:0.20137203535293408	The:0.08913732041017779	and:0.054256105461296666	that:0.048125950621903585	by:0.04577219867108797	to:0.037048876209474835	at:0.024624264167202117	for:0.02453338640967705	:0.01
to:0.36667853889223306	will:0.1646919726348606	may:0.10213546745188039	would:0.08070490333150065	can:0.0686782914258341	should:0.06539141353700823	not:0.04951409229282808	could:0.04758234607309525	shall:0.04462297436075962	:0.01
to:0.3382095320489564	and:0.21216579017137735	the:0.10137482389519036	of:0.07701780818657018	had:0.05933134710609209	in:0.05556651823637922	will:0.053761476616422804	he:0.0477042053539179	not:0.04486849838509361	:0.01
and:0.18929310138123437	covered:0.16935884120870554	filled:0.14496098815620131	together:0.11493894675974159	charged:0.08927804784918367	it:0.07994316895661391	up:0.07366667277508841	him:0.06832445206581947	them:0.06023578084741164	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
and:0.22042126890701255	of:0.20408318417113178	the:0.18452980186415882	a:0.0875055535589495	to:0.07065734084190221	is:0.05873176727113705	was:0.05726416189082199	be:0.05368261462279396	in:0.05312430687209208	:0.01
of:0.1586224136498121	and:0.15751333905624854	to:0.15637447451180364	the:0.14620390380107715	in:0.12953211612277396	a:0.06776996118423509	was:0.06062990956871154	is:0.06058567911506543	for:0.052768202990272496	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
that:0.23765207088066914	and:0.1516446398694438	to:0.13666909515574893	which:0.10948628312431527	will:0.09129694954360514	as:0.0810667111359323	would:0.06737271352788327	may:0.05776309551919012	should:0.05704844124321187	:0.01
it:0.2602933463206855	there:0.14822319293947891	It:0.13196436136428402	which:0.11581767029202342	they:0.08952698954231514	that:0.07758736314856882	and:0.07379772084395009	he:0.04666991240312073	There:0.04611944314557337	:0.01
of:0.24059244853094627	the:0.19754824402226043	and:0.18620911162898604	to:0.0940624459293436	in:0.07839068317494358	said:0.05665927836728467	be:0.04793254180743412	for:0.045822730391474956	was:0.04278251614732633	:0.01
a:0.47603451673343294	the:0.3445984379323249	The:0.06497185602960437	A:0.029768807124429926	this:0.026527571906620244	appropriation:0.014602758364860528	tho:0.014526762829882491	tariff:0.011418314041628538	any:0.00755097503721594	:0.01
the:0.33601536274839616	of:0.16958902826991315	Mr.:0.10573912457216138	The:0.10541590539910749	and:0.08531333366099247	that:0.07291914405203648	a:0.05455260066519831	this:0.031900905979156575	in:0.028554594653037956	:0.01
the:0.3365966658243966	and:0.20501544104395614	an:0.17235823722784888	The:0.07229250691781659	most:0.04980042104260055	of:0.046806427709355974	as:0.041806218226451454	very:0.03271660160966339	their:0.03260748039791042	:0.01
the:0.2974502811850691	of:0.22091422415753312	to:0.09236837889488791	boy.:0.0741306415053232	and:0.06960437249933987	girl.:0.06679148007921792	a:0.06486805677156715	in:0.05550313372308324	for:0.0483694311839784	:0.01
and:0.47213562521669233	that:0.0955292035698057	interest:0.06633862067005994	recorded:0.06581405347603823	it:0.06375319088470738	or:0.05782577173616123	out:0.056380375218767334	made:0.05633802753622011	time:0.05588513169154786	:0.01
be:0.23777448438562837	and:0.23277087236218894	he:0.09795705709236378	was:0.09569718703722503	are:0.0866161824406393	is:0.0696802890386259	not:0.05915657588391208	have:0.057742835935115346	had:0.05260451582430131	:0.01
be:0.20041205542997406	and:0.19192143477940649	was:0.15047935641832674	is:0.10973087489465472	as:0.09292349854651333	are:0.0913911449349977	been:0.07526429608737537	were:0.048633188706139134	the:0.029244150202612524	:0.01
a:0.32074622139833636	the:0.2513526725554668	to:0.1833359461506022	and:0.06562279063843385	The:0.0650960021225186	A:0.031347900898184504	annual:0.03097735549568	will:0.02364308181197525	this:0.01787802892880237	:0.01
an:0.2973471137200026	the:0.20970566545962255	of:0.15795840446901824	and:0.1324058376338581	for:0.044512857303391835	such:0.03993063696053186	a:0.03877420397824059	two:0.0371973692088642	their:0.03216791126646992	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
.:0.1693614511198382	-:0.12313394165127724	and:0.11904540782536616	in:0.1148715293539567	of:0.11128802790537222	from:0.10328317285499174	pre-:0.086879270842067	de-:0.08118706016701101	lots:0.08095013828011968	:0.01
Mrs.:0.24033768850685602	.:0.2311062065514034	Mr.:0.13844615762874063	Miss:0.07946885595310747	W.:0.06888513245583278	J.:0.06882609839082171	No.:0.05880096456443667	E:0.05376838040971032	John:0.05036051553909101	:0.01
and:0.3001656816032404	that:0.12299120516127932	look:0.10934118211629934	depend:0.10273980746253977	effect:0.07901041552719543	it:0.07546251114244455	called:0.06879594237836703	one:0.06575310023665826	depends:0.06574015437197629	:0.01
the:0.40313068482336106	a:0.32514982627354916	this:0.052015550278981325	of:0.05010604022470407	The:0.04242790244166413	and:0.031817407687846404	to:0.030417021410474386	at:0.030313078859614383	tho:0.02462248799980506	:0.01
of:0.33611487495201114	for:0.19210725473668655	in:0.10818094247355718	to:0.08159078494581755	by:0.06873892298104063	and:0.056328922128825704	that:0.05319050008505763	with:0.051479890185528634	In:0.04226790751147482	:0.01
the:0.36051072052476696	of:0.1728130421543447	and:0.11398118154036081	a:0.08979779750195725	to:0.07563618370616315	be:0.05662951240474316	his:0.04213558723998379	was:0.04190956329290083	in:0.0365864116347796	:0.01
he:0.18571066689230945	and:0.16676591246660752	I:0.13413312303436992	it:0.11377491236401947	they:0.08736727002712688	that:0.08594340343874562	which:0.08154139504180333	who:0.07203626067406563	we:0.06272705606095212	:0.01
was:0.23600170019866615	is:0.23412256680353313	are:0.1154570221416555	be:0.09183092668178114	and:0.07830921407445678	been:0.07615344449291499	were:0.07025704863497513	the:0.04735912065861074	very:0.04050895631340639	:0.01
to:0.4608529062456119	and:0.11652995864792712	be:0.0943461659350198	the:0.08492949338161158	not:0.062471693312705766	will:0.05453399183130367	was:0.052348499399101134	a:0.032691225225703356	been:0.03129606602101595	:0.01
of:0.2858532653014873	to:0.1348257034074615	and:0.1303573513695322	in:0.12079378938377171	for:0.09785161584784224	that:0.06817765478204973	with:0.06121400735728225	by:0.04885327774234175	from:0.042073334808231305	:0.01
and:0.5630281288305425	but:0.10302092752128046	that:0.0812533115639331	time:0.06129767969981133	was:0.052502973522977	it:0.03540004017652129	day:0.034614542548110305	But:0.030544240461019296	him:0.028338155675804434	:0.01
was:0.2536821813140286	and:0.22186253365249647	be:0.10069714171800459	were:0.08968383041608656	are:0.08466949998887617	is:0.08264160557064389	him:0.05751391696433493	it:0.050152834341272504	them:0.049096456034256115	:0.01
of:0.4609069158437067	in:0.0990865475207385	for:0.0851460975277517	to:0.08327262414943462	and:0.07923412556309486	that:0.07281514634220612	by:0.047534580375105315	as:0.03182967740107222	with:0.030174285276890072	:0.01
is:0.17584928940821604	and:0.14374385353460684	as:0.12438223965353472	order:0.10482343512803231	enough:0.09856456654501891	have:0.09607742412944775	right:0.08371014603419488	not:0.08357053442996634	had:0.07927851113698227	:0.01
be:0.46803135984810923	was:0.11963664141733153	been:0.09886277056318875	is:0.08963763801479635	and:0.05218674652229352	are:0.04596174383887309	were:0.042549093816806986	he:0.037108545991857526	have:0.036025459986743016	:0.01
a:0.3582157510093197	the:0.25864270423568986	no:0.17877262463608135	this:0.08390129525367031	easy:0.026979567663135806	any:0.02456936649282437	his:0.021954530877026663	The:0.020909419553009963	every:0.01605474027924204	:0.01
the:0.2715969304368773	and:0.17087970434708707	of:0.16050658211856703	a:0.10294521031332216	in:0.09172950058765035	to:0.06745564032066943	for:0.05555808418792827	In:0.03616940127240591	that:0.03315894641549226	:0.01
of:0.35430141237100415	in:0.1700025641715244	for:0.11325356514142945	to:0.10889191627224203	at:0.055970980256015435	is:0.053485284525333784	and:0.04912243497738307	from:0.04283306054399791	with:0.04213878174106974	:0.01
of:0.3728798589710131	in:0.10679255801003194	for:0.10548830657680137	and:0.09808468579533683	that:0.08977383915781682	to:0.08053331733226725	on:0.05522920803004977	with:0.049628025459149745	by:0.031590200667532986	:0.01
of:0.21562148913240275	was:0.16341970512045761	and:0.1288276608281716	are:0.11418573478946278	is:0.10619178627104268	were:0.084693943036442	for:0.06286157464713574	in:0.058373258989052844	all:0.055824847185831895	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.04553578393787439	of:0.03051332981678091	tbe:0.02261446403444868	in:0.021612439669724332	or:0.020196218295911488	:0.01
;:0.24189029576339333	it,:0.1444745588631968	him,:0.130785605415117	them,:0.09615167478019503	it:0.08115502745303596	him:0.07882403108585183	in:0.0779552762576166	time,:0.06946212330919996	States,:0.06930140707239348	:0.01
to:0.30697129920102373	a:0.24485556382943727	the:0.1649249257674121	and:0.09880362291316572	of:0.045061265209158895	will:0.04303698769554439	his:0.028957233266756057	not:0.028866978048613514	or:0.028522124068888228	:0.01
of:0.23852788508159006	the:0.16802364293714536	and:0.12948864632017903	to:0.1275690955641225	in:0.08455289842744297	a:0.07072259306338713	be:0.06299644397177792	for:0.060946834134431874	is:0.04717196049992301	:0.01
of:0.22210004503670164	the:0.21500454818389803	a:0.16368969057326233	and:0.1363518166058804	to:0.10325468372960225	or:0.04079835149928492	in:0.03986736789094005	at:0.035588074655142875	for:0.033345421825287616	:0.01
of:0.18880213152044253	be:0.1595263442161473	was:0.14484364565729574	and:0.12188592596947892	is:0.11522722466958861	as:0.07186882862224962	to:0.06784985882723786	in:0.06762663294412086	been:0.05236940757343836	:0.01
to:0.7884561688984091	not:0.05480100401443988	and:0.04305423259706709	will:0.023978293897347014	would:0.02068454959609632	may:0.016942833415359626	of:0.01665312820706065	shall:0.013006400876492161	can:0.012423388497728269	:0.01
and:0.23269702242011067	made:0.22981759683133623	or:0.11115481161761777	that:0.07236086063876272	him:0.07054273789002967	followed:0.07041660789627405	owned:0.0702007188855845	ed:0.06697266320322268	accompanied:0.06583698061706161	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
I:0.18929863357942386	you:0.18108444203793936	we:0.17220944510444866	he:0.13741726989333503	they:0.11894787389618648	We:0.0608338369467268	You:0.046615493091903625	it:0.04617587515779038	she:0.037417130292245734	:0.01
this:0.534772749929023	the:0.09130246595335188	to:0.0695412233773667	his:0.06677669691809522	in:0.056301588630906216	a:0.051903033902338476	my:0.04391576707252007	good:0.038897206274742045	that:0.03658926794165627	:0.01
is:0.3429263294255722	was:0.11793252288422891	have:0.11026298811053771	be:0.10828603541182338	and:0.08695989161149831	had:0.08271305474595515	will:0.052189383848504634	has:0.044463831832014335	Is:0.0442659621298654	:0.01
to:0.33374178194784143	will:0.25057634785895	shall:0.1115458164177688	should:0.06726724657547434	may:0.05762681793275022	can:0.04891924077201312	would:0.04531039027144713	not:0.03767469818076324	must:0.037337660042991654	:0.01
it:0.1867930519614759	he:0.16876783716295493	which:0.14326776303978445	and:0.13233713303363695	It:0.12485685047701775	that:0.09411031057835115	who:0.07572467526344327	He:0.03495006206398802	as:0.029192316419347643	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
it:0.3082060212048176	that:0.25450170073784895	It:0.14048942886279406	which:0.09295052193456221	and:0.05934738884551539	he:0.047862330821698454	There:0.031995916383998194	there:0.027716269030763366	That:0.02693042217800166	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
the:0.3252987174674212	and:0.1491237284131674	a:0.14027165602407987	of:0.11217120035068993	to:0.08552326351301595	in:0.05793017434097348	for:0.052379419801740955	The:0.03409502491110042	his:0.03320681517781064	:0.01
to:0.4578279007081993	a:0.16194838756314905	will:0.09758166500396735	the:0.0864644335426264	not:0.05117953158224913	would:0.04600231184759994	and:0.03434119270843066	shall:0.02754035224458743	his:0.027114224799190758	:0.01
and:0.33389676458448425	was:0.12033738840254272	is:0.09593434813429895	Beginning:0.08318566721134905	look:0.08299409277174181	be:0.074248917394391	it:0.07028023932803563	are:0.06640065738748732	that:0.06272192478566904	:0.01
of:0.25698592109109875	and:0.22466833566588235	on:0.10349429081463891	in:0.07800366875150576	is:0.072435919349626	are:0.06888718439648403	to:0.06409222627708074	was:0.06166781805959302	an:0.05976463559409046	:0.01
the:0.6669487995185507	a:0.08093680959932315	The:0.051585234263794515	tho:0.048204175939438716	and:0.04752405418776559	great:0.029542942421192472	tbe:0.022823301172393663	in:0.021981329697412972	this:0.02045335320012819	:0.01
and:0.30639892174136835	the:0.20132860796042198	a:0.10590145685930406	that:0.07728658596259633	of:0.07256561656862083	to:0.06625169406545323	man:0.06198327032368993	time:0.05679892857441252	men:0.04148491794413284	:0.01
and:0.19583342605332957	that:0.18389940502030627	as:0.1211918184428455	of:0.12112615315282575	to:0.08831964160181252	make:0.0809898492695742	which:0.07701187457248797	but:0.06372021473945982	if:0.05790761714735823	:0.01
is:0.2524479625653079	ought:0.12100787889195094	are:0.1178352422795325	seems:0.11055594763804424	was:0.09614106152581381	not:0.0941843627106136	said:0.07532254921697497	seemed:0.06249828089648135	as:0.060006714275280794	:0.01
a:0.639666412802424	the:0.130762916535647	A:0.052269724777842766	of:0.03948258706678376	The:0.037437889169423984	no:0.03158426011958629	and:0.026274585328231487	his:0.018526445758892573	as:0.013995178441168375	:0.01
a:0.5765616261484376	the:0.13322779110835514	and:0.06475787291124381	of:0.046419404290213316	most:0.04632223857386957	A:0.03472864728920152	very:0.03295687119338822	an:0.030899026819810334	one:0.024126521665480568	:0.01
of:0.29761573190784407	in:0.1491174583738098	on:0.14804127792147417	to:0.14639099932020175	and:0.06611044620172797	that:0.054043752700906264	with:0.050066580843258955	from:0.03985613826210002	for:0.038757614468677024	:0.01
the:0.1983617563665552	and:0.16741303523898565	of:0.16070716605411695	to:0.14121474152525526	a:0.12385002738842145	in:0.07400006600096734	at:0.05176589527226297	or:0.0416811268853122	that:0.031006185268122963	:0.01
and:0.18929310138123437	covered:0.16935884120870554	filled:0.14496098815620131	together:0.11493894675974159	charged:0.08927804784918367	it:0.07994316895661391	up:0.07366667277508841	him:0.06832445206581947	them:0.06023578084741164	:0.01
the:0.25470561870247765	and:0.17871018174426181	of:0.12454106589558235	to:0.11666316244862257	in:0.07582920922781208	was:0.07101916294765158	a:0.06560002811236121	be:0.05991783825325078	is:0.043013732667980115	:0.01
the:0.5336041412528113	an:0.1373884164206292	of:0.0845753659902762	his:0.08033215778090935	in:0.038213984912790544	this:0.03767370732242049	The:0.02669966529283964	tho:0.026262108632563456	good:0.025250452394759818	:0.01
well:0.18763885440258532	known:0.18484329533803032	such:0.1312109444336379	and:0.11650300559404793	far:0.10672026401295966	soon:0.07431929105806054	is:0.0676950141355078	just:0.06709023500275703	was:0.05397909602241354	:0.01
and:0.18784336682063274	as:0.15114329179679575	went:0.11423878004667351	him:0.10666558228731272	them:0.09110223752457794	up:0.08733803455919152	is:0.08689480544253657	go:0.08340199801381315	able:0.08137190350846597	:0.01
of:0.2259884777378865	in:0.1279502676123141	as:0.10803511903377902	with:0.10289676309994414	to:0.10092096777749439	is:0.0958816162923596	and:0.08543175696245596	was:0.07364376919960383	for:0.06925126228416238	:0.01
the:0.6033536273118829	to:0.0861984608677465	The:0.05844124409803903	and:0.04807396439227473	an:0.04708616680107924	a:0.04515991093655969	no:0.037559700191581315	his:0.03436651565686119	tho:0.029760409743975366	:0.01
the:0.3852091685420713	of:0.15029792416713436	and:0.13361736839571417	a:0.1189103262448572	in:0.050552263420260375	to:0.042450229405257604	for:0.03799538051249682	or:0.036335932445468226	that:0.03463140686674004	:0.01
as:0.16965826325559194	is:0.1481840428365681	and:0.12370882301475286	in:0.12067544892233732	was:0.09955790788094802	of:0.09227919201671769	be:0.0917758190955384	to:0.07493973968889546	the:0.06922076328865011	:0.01
the:0.2409809782812845	any:0.23434526587205276	a:0.1765789027437234	Any:0.1044056506318439	every:0.0780946304433511	no:0.04864308723907967	other:0.03860270995766924	some:0.03531423212995606	The:0.033034542701039456	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
It:0.23127912378197046	there:0.21240176058284072	it:0.19501212350781538	There:0.10713821937054821	This:0.06595333365099704	which:0.047712659827713756	he:0.045979252169049335	that:0.04565003547638063	this:0.0388734916326844	:0.01
the:0.29750761558543176	of:0.1809570860383029	and:0.1614355865118985	to:0.08106366127438581	in:0.07679923815828024	a:0.06949398083985757	his:0.05294351649241177	was:0.035313464742926085	In:0.03448585035650552	:0.01
six:0.33905415523933563	three:0.1564880324192537	two:0.11940733535829025	four:0.08554906959177853	twelve:0.06550989383399557	eighteen:0.06426640412740776	few:0.06079806300728536	several:0.05674305764930497	eight:0.04218398877334835	:0.01
and:0.25037799561132223	to:0.19051743664518078	of:0.12818071300755096	the:0.11341275889843262	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.05790590474591629	for:0.056443486992488516	:0.01
the:0.5527271289635454	a:0.2030071162066496	The:0.06412612671151674	of:0.06285482464797436	tho:0.027959737784924964	A:0.020766997712155077	our:0.02059324543607769	in:0.019255126856054443	great:0.018709695681101878	:0.01
of:0.3502654551173153	to:0.1523459129000418	in:0.10319985591373622	and:0.09531871382987542	that:0.08167055777904977	by:0.06529500002452972	for:0.06188896889054971	with:0.04751425180819734	as:0.032501283736704696	:0.01
amount:0.18451834698770148	payment:0.12752257453928736	out:0.11773798217753963	value:0.11619392664193294	part:0.11477524831687133	proof:0.10470183198149745	all:0.08274505676876125	tion:0.07631394920116806	proceeds:0.06549108338524053	:0.01
in:0.20345496226247656	;:0.17695854283381698	Under:0.17163420516011307	given,:0.09453327128477791	him,:0.07130837865540353	them,:0.06915994318530759	,:0.0689132427611452	up:0.06728634748145537	thereof,:0.06675110637550359	:0.01
the:0.634749255887633	an:0.15710610441607537	The:0.057955688016873744	tho:0.039970872376930776	a:0.028398605435779184	this:0.021578354189370357	tbe:0.02109794419547631	general:0.015690507515481074	said:0.013452667966380276	:0.01
.:0.20206955643298385	Mr.:0.17418034381683262	W.:0.12883202090091847	E.:0.1141201235810274	No.:0.08566901686849104	Mrs.:0.08208207691852153	C.:0.07351024019634196	J.:0.06836457579081946	H.:0.061172045494063715	:0.01
the:0.6435060471113394	a:0.09870753063840179	of:0.06387753741145191	The:0.06334318196111483	tho:0.04513961085184882	and:0.026998609317255066	tbe:0.01786939796381922	to:0.015999719382074916	in:0.014558365362694076	:0.01
of:0.34204220533703655	to:0.1388434664336376	in:0.13786264416522528	and:0.0802795492422938	with:0.07123181302638901	for:0.06369579859368074	on:0.061350835439372385	by:0.04859824571313037	from:0.04609544204923424	:0.01
the:0.3158707750996543	Mr.:0.15477102232615658	a:0.11798136622636758	and:0.10900965656765252	of:0.0911691763265817	The:0.06986701955179864	was:0.05295538635833026	is:0.03974878602813904	to:0.03862681151531932	:0.01
to:0.6029234748158574	not:0.10685677045378245	will:0.0805053125791318	would:0.07348435472152394	and:0.058714604224932174	may:0.01928356596757801	must:0.017761258017253204	I:0.01655037912139117	we:0.01392028009854968	:0.01
the:0.8324016039459744	The:0.03187988907783874	tho:0.025588773809154475	their:0.022543128218297154	our:0.018089732749315992	of:0.01667772274643491	his:0.015946426822304717	and:0.014896887191593955	its:0.011975835439085506	:0.01
in:0.20281717445107109	men:0.14646012796596725	hundred:0.12379687775898003	time:0.1008381114662337	law:0.0900564145398995	large:0.0859346949491736	one:0.08273998301468376	due:0.07868251104220819	and:0.07867410481178293	:0.01
they:0.20124633534100808	we:0.16666595401666803	you:0.15042255995523593	I:0.10630417606470045	he:0.09662443763235763	that:0.07705456427798453	and:0.07626434214614043	which:0.057950326858836276	who:0.0574673037070685	:0.01
the:0.20297176158172933	and:0.16705750159562585	of:0.1544601086497806	a:0.1243991756124099	to:0.10003975780361755	was:0.07873778199592486	be:0.06650673834653327	is:0.04849649966466754	been:0.04733067474971117	:0.01
and:0.24980766035303945	the:0.15812205616062136	of:0.15096372228139088	was:0.11308799789430322	is:0.08626553811482889	an:0.0697526296841939	in:0.06951094226348356	or:0.04859320112978297	from:0.043896252118355905	:0.01
set:0.25319223556465337	setting:0.20595504330944744	put:0.202732742192866	brought:0.10243738304654382	sets:0.06949290530693013	and:0.06018953158677758	bring:0.03788366469387497	to:0.031404769800379394	came:0.026711724498527198	:0.01
no:0.16383426669996737	the:0.16096678700436481	a:0.13348490154014106	and:0.11690715638858676	of:0.10686004421265385	or:0.10555936219923011	any:0.07396600306776148	much:0.06897306676301218	for:0.05944841212428215	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
a:0.44873641295271416	one:0.12092158695872617	the:0.11491351471220318	in:0.06124765768674701	certain:0.059871303937042764	this:0.051782887523732675	of:0.047585571650248265	any:0.04755624231829039	A:0.037384822260295346	:0.01
are:0.17809276837375532	be:0.16994242510261787	is:0.1585564967493265	was:0.10524764198701136	and:0.08690699566508309	most:0.0835144699536368	more:0.08027734850629666	were:0.06704882314090184	a:0.060413030521370585	:0.01
and:0.306397819984861	made:0.18857775553738781	or:0.10116367823942712	that:0.08336196094440913	ed:0.07717108177345786	him:0.06215773039327581	them:0.06153410543261167	held:0.05710412962573844	done:0.05253173806883094	:0.01
a:0.543472948626212	the:0.2766192494630576	of:0.0526812226805816	The:0.04077924202197932	and:0.019352554621149116	this:0.015266936728435541	A:0.015212976898206356	with:0.015030368873365547	for:0.011584500087012924	:0.01
to:0.4552192659675856	will:0.18594422095363206	would:0.0974585316864772	shall:0.0728943710740203	may:0.05683910299099607	should:0.043366223740312626	must:0.03845959021492064	and:0.021032498581461678	not:0.018786194790593947	:0.01
that:0.3466634403017666	and:0.1749718313221938	is:0.11679788666773895	was:0.07514006615255879	of:0.06717883306863673	be:0.06690738475733247	but:0.06495289296463623	by:0.03882550961966268	which:0.03856215514547376	:0.01
the:0.7059184965614644	of:0.07127411412236752	tho:0.042249213271269154	at:0.03901733445816018	and:0.03423496875881574	The:0.03292856195901232	to:0.03102643275920717	said:0.0168227086791656	tbe:0.016528169430538003	:0.01
he:0.1873476096042647	they:0.175440790880164	we:0.1428531066222751	who:0.09872903257710124	I:0.08627515898021765	you:0.08402156633095975	it:0.08259440146704976	which:0.07080488006890755	and:0.06193345346906011	:0.01
the:0.2444462219370155	a:0.21070276872029017	of:0.18000364208530253	to:0.11433824818265097	and:0.06876034913778473	as:0.05465808066348925	at:0.041209447820092525	in:0.04099398487702256	for:0.03488725657635162	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
of:0.3219759356734433	the:0.26717656812187884	in:0.16989209992281432	to:0.05132459757010136	and:0.04908927654004384	for:0.038478507417565484	a:0.03631030784080087	In:0.03285069627434784	The:0.02290201063900428	:0.01
virtue:0.2164966330534184	one:0.17113157944299776	out:0.12577844537907082	quarter:0.11631476226635021	part:0.09655937994218515	that:0.08251174278924364	payment:0.07048469827377575	tion:0.057816097124314625	side:0.05290666172864361	:0.01
the:0.6836003844780519	The:0.08057949553085787	an:0.049866533416409134	that:0.039644562316322365	whole:0.031907263487793686	tho:0.029844341710000815	this:0.026630508232868638	and:0.024855513557358613	a:0.023071397270336906	:0.01
the:0.25470561870247765	and:0.17871018174426181	of:0.12454106589558235	to:0.11666316244862257	in:0.07582920922781208	was:0.07101916294765158	a:0.06560002811236121	be:0.05991783825325078	is:0.043013732667980115	:0.01
<s>:0.24116078095046173	.:0.1378782263417606	it.:0.1114060214592783	them.:0.10210391005902562	him.:0.09199456872905588	it:0.08449396330934805	Mr.:0.07924758866587517	her.:0.07514970734003497	me.:0.06656523314515969	:0.01
and:0.20576986051327525	be:0.14724677861411745	to:0.12535070885684524	of:0.12147274158796671	the:0.10006651747810341	in:0.07829719106333621	was:0.07464897261101211	is:0.06959459791180371	re-:0.0675526313635398	:0.01
was:0.16783388477194522	he:0.16559296991617678	be:0.16115150855833085	and:0.15561970896256277	I:0.09990939779325755	is:0.08470513645523049	were:0.05540720491439051	are:0.051099458819542684	who:0.04868072980856313	:0.01
of:0.5064776734418204	in:0.1023676067687955	to:0.08340638910029577	and:0.06302426422445553	by:0.054098461106151206	from:0.04935791935323135	on:0.048305466576526554	at:0.043610636722180234	that:0.039351582706543604	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
there:0.20563433726255975	mortgage,:0.16633944273323617	;:0.1652792544170093	it,:0.10278803046054673	cause,:0.09836095393889274	mortgage:0.07159413669324426	them,:0.06948418655480337	States:0.05815939786276587	you:0.052360260076941875	:0.01
the:0.35861451900589214	Mr.:0.1291559629555713	of:0.1199072506314825	The:0.10475232618943306	and:0.09673714076044429	that:0.07632406646832235	a:0.04689593712709312	his:0.030747167493934732	Mrs.:0.02686562936782656	:0.01
the:0.6232878691609006	of:0.10940303110140487	an:0.08855754241958991	The:0.057774214189156625	and:0.0309258972404544	tho:0.028894948723270558	on:0.018624533144957538	in:0.017874603085172247	by:0.014657360935093228	:0.01
the:0.34170127421390223	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093987	to:0.07847171568184984	in:0.05339647102682973	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
of:0.3121130917931821	in:0.28069143472779107	to:0.12211248716026636	In:0.06247424376473109	for:0.06069219902832362	by:0.05108121940590246	with:0.03537355471409984	that:0.0342543724897363	from:0.031207396915967224	:0.01
the:0.44383544886970194	this:0.32528477207428314	The:0.04888551606067053	our:0.03397968153782058	that:0.032589831492001724	a:0.031328738749405435	his:0.026370570312858322	tho:0.02614417128876742	whole:0.02158126961449093	:0.01
out:0.19410720960531888	number:0.16286854340133328	amount:0.14681127806228364	matter:0.10918298107210347	state:0.09661801138626915	point:0.0769541072926697	time:0.06846915911927438	day:0.06785349014899644	kind:0.06713521991175089	:0.01
the:0.5445665403319038	a:0.13334192540996662	of:0.09008615283386563	and:0.06596182529299759	in:0.04788149246379173	tho:0.030389584700167647	an:0.029976218007223773	The:0.024258286610770948	or:0.023537974349312277	:0.01
and:0.30937248239004295	that:0.1492617720776809	as:0.12706581059587677	which:0.07533535813185006	the:0.07458527956854871	of:0.06797592753701467	but:0.06524530027187	<s>:0.06371476663143535	when:0.05744330279568062	:0.01
of:0.43653014550406777	in:0.10236862017871817	all:0.10035552265474348	that:0.08559961225200034	and:0.07273712572101033	with:0.05850994195057122	for:0.05428549929810644	to:0.04120185199518462	as:0.038411680445597736	:0.01
of:0.21541462742457776	in:0.15438757465469372	to:0.12862453448469677	or:0.10505581650870473	at:0.0979598402773329	by:0.09058990353060345	than:0.07457521615261045	that:0.06582894510998913	from:0.05756354185679112	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
one:0.163052568396552	in:0.14213280308304757	right:0.1320887975668438	up:0.1181786581453102	him:0.09929130749317912	hundred:0.09915976699800116	time:0.09050181720973705	;:0.07571431915759991	good:0.06987996194972915	:0.01
the:0.257748774584745	of:0.16989528800263906	and:0.13569593344895242	a:0.10548156714768446	to:0.09952150639238352	in:0.0954266404112933	for:0.052531437082001455	that:0.03887026062634079	an:0.034828592303960036	:0.01
is:0.17170256932686415	and:0.16836705931951684	that:0.1607640133888108	by:0.12303468772789919	have:0.1188451286897893	had:0.07043846417042725	of:0.06782389220285837	was:0.05720057337406861	has:0.051823611799765565	:0.01
and:0.2900786883299696	of:0.25381232923104796	that:0.08708574710429355	when:0.08166504740598167	to:0.07834823250440313	said:0.07813083924942217	until:0.04501500554389411	the:0.04050614546841561	by:0.035357965162572065	:0.01
the:0.33017816077465006	of:0.18075403296259016	his:0.11053593692597291	their:0.10565816247408265	and:0.09510790313743045	a:0.05203199212473484	its:0.04155624448731219	an:0.037295615810387525	her:0.0368819513028391	:0.01
of:0.23702438907190562	at:0.14471262428549633	to:0.14156937724059837	in:0.11951136004391019	the:0.10804852171397425	from:0.07176711640436838	on:0.058881604044370976	and:0.057378793228093104	by:0.05110621396728272	:0.01
of:0.25570693145847484	in:0.14419123250619173	with:0.11336512042686663	to:0.0998574611424579	for:0.09407172617169005	and:0.08970143280563708	is:0.07422936045027281	by:0.06228906523600142	was:0.05658766980240744	:0.01
the:0.45455287422955387	of:0.14502552481441433	a:0.11212257685930473	in:0.1017862017423887	said:0.042169292056719904	other:0.036960991127087686	and:0.035596140174378614	large:0.031230243681199824	two:0.030556155314952517	:0.01
able:0.14833483905604578	time:0.13682406356138466	began:0.12467071949213204	and:0.1144457497730863	him:0.10960657525432708	enough:0.10358792513567684	is:0.08643740640707337	as:0.0838962545044344	right:0.08219646681583939	:0.01
instead:0.46146154555432883	Instead:0.15333888833879078	capable:0.10324435793393678	purpose:0.06996793152075002	number:0.04975038760252698	sum:0.045064736289356956	amount:0.03869425640159926	rate:0.037205302972511616	question:0.03127259338619874	:0.01
with:0.18862366244226822	of:0.1782550432825307	the:0.17379549097689212	and:0.1672703499330958	an:0.10403317103249586	their:0.05092872009920956	no:0.05056565174762098	any:0.041561840472257736	as:0.03496607001362896	:0.01
and:0.279693101415729	as:0.1579154658651132	time:0.10938155322271748	order:0.08052743475522818	power:0.0802332666842336	necessary:0.07710775468599014	right:0.06978605574536571	go:0.06855718797301755	is:0.06679817965260515	:0.01
the:0.35544739261111763	of:0.23825298810102488	and:0.15588421134226554	im-:0.06625138476681836	a:0.04148684029239988	<s>:0.03928598661304236	.:0.033299160026632406	for:0.032214228562280726	two:0.027877807684418224	:0.01
of:0.2925588232145619	to:0.18035538095064121	and:0.1021938926360966	in:0.10150081051557103	that:0.07752730521818313	by:0.06314122566921454	on:0.05853739608897071	at:0.05770531454441443	from:0.05647985116234645	:0.01
it:0.18447446061811804	they:0.12956356347511147	he:0.1253876313154486	and:0.11739805248978236	you:0.11016561764994898	I:0.09147486235176638	It:0.08770120057790098	which:0.08044227712984217	we:0.06339233439208097	:0.01
and:0.2803666967466386	day:0.247902766462391	time:0.15247613327527174	that:0.09556432698885878	but:0.0751082035559887	o'clock:0.03634940402068186	night:0.03481976732160155	as:0.03437013797342835	times:0.0330425636551395	:0.01
in:0.261148966665051	of:0.21067357476621087	to:0.1364737716512774	with:0.0784322438057976	from:0.07127929825705684	for:0.06747220566425505	on:0.056343949273573814	and:0.05562758158433989	In:0.05254840833243781	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
the:0.29893655576751194	a:0.20188632162657705	at:0.12007999648121845	to:0.10286359934418574	of:0.08968951868149837	an:0.05129879924659534	and:0.0480482294112927	in:0.04686617675875944	from:0.030330802682360995	:0.01
the:0.4747727822706784	this:0.14367525507524093	an:0.10218592085174645	of:0.08011052374214994	and:0.05144283301273682	The:0.04875844935962319	a:0.03891707784834416	in:0.02989943099948819	tho:0.020237726839991855	:0.01
a:0.37837728491511874	is:0.1408193546823629	the:0.1317193834351486	are:0.08933317168620596	was:0.08244676818757911	be:0.06978648405320831	were:0.03388024621624236	not:0.03360562510070591	and:0.030031681723428252	:0.01
that:0.2552027492246131	and:0.2473961613738114	but:0.13951823211335046	as:0.10047275784378419	which:0.0766585693520188	if:0.05195519272673161	when:0.049729138842514876	where:0.03626071909960701	But:0.03280647942356842	:0.01
few:0.2107799938300363	ten:0.13422941407837435	thirty:0.12343747714049556	several:0.10851983467874467	three:0.1026106779948449	sixty:0.08634674470432886	the:0.07685708565979464	twenty:0.07444679626580657	two:0.0727719756475741	:0.01
the:0.5163116242370707	of:0.17748543015320045	his:0.05596491502322679	for:0.04718000720511191	and:0.04290220573061184	their:0.04168781446867273	The:0.038500241185487574	tho:0.036047719756674694	all:0.033920042239943216	:0.01
miles:0.18218830279971132	and:0.14844128008493104	away:0.12341278470982957	came:0.11233925870778051	feet:0.10585433489069547	taken:0.0847421109005346	come:0.08100167628675065	up:0.07961070278211209	far:0.07240954883765473	:0.01
made:0.30077457550068193	and:0.1778222810621618	accompanied:0.09241099391475195	held:0.07222732479560394	ed:0.07195767259738695	owned:0.07146889143988808	shown:0.06967742525825103	taken:0.06798770417552862	given:0.06567313125574568	:0.01
and:0.30270925673550475	fact:0.16943001944517186	so:0.11358010044095931	is:0.11266763121327539	know:0.07568042407507537	believe:0.06812016133190102	say:0.05750618905495805	was:0.047547212930166706	found:0.04275900477298741	:0.01
the:0.16903444272115994	Fifth:0.1229111177903722	Lake:0.11616602902560272	Pennsylvania:0.10704096519500289	Central:0.10305713908033985	Third:0.09892652562204927	Summit:0.09462416094458838	Jersey:0.09393422129929074	Union:0.08430539832159396	:0.01
that:0.19875799997718666	which:0.14972540138712553	and:0.11821881214711465	it:0.11124925113133295	he:0.10810063780139853	who:0.10252441025308529	It:0.07545320673700033	there:0.07462184746156375	never:0.0513484331041924	:0.01
be:0.32279974146937407	was:0.19647259892444757	is:0.11651413537157494	are:0.07924911764751065	and:0.07313784791743592	been:0.07229615881917904	were:0.059948396356277606	being:0.040408865183704734	he:0.029173138310495377	:0.01
the:0.23796499947839342	and:0.18783625054922265	a:0.13835001913050796	of:0.11958198165565803	to:0.11265980894360406	for:0.061810280981810455	that:0.04900826643699942	will:0.042770843880955575	in:0.04001754894284839	:0.01
the:0.18661899462528775	very:0.1310631785080613	of:0.1302027596154975	a:0.10754295862411148	so:0.10620062304400113	feet:0.10021080279210763	as:0.0963596553507922	and:0.07793160151712927	too:0.053869425923011624	:0.01
and:0.22813005603170378	the:0.15720990438600718	is:0.11521833637416952	an:0.1042086655807317	was:0.09504037588459191	are:0.08564450459716826	be:0.08247759847336691	that:0.06433907207568769	been:0.05773148659657291	:0.01
and:0.22928252146739705	of:0.1701333815029671	the:0.149850432222504	to:0.11015798563392723	is:0.081471086064952	I:0.06496087311483224	be:0.06297856374405812	there:0.061067719206287	or:0.06009743704307533	:0.01
of:0.20320302958578998	the:0.18282831414365514	a:0.17999937914220984	and:0.13463196437136632	to:0.10298600865919075	for:0.05459977424803587	in:0.052303829469308324	that:0.040139659840323014	at:0.039308040540120937	:0.01
the:0.3222700586422684	of:0.19748303497032527	and:0.14821900911444638	Mr.:0.0814022366829615	a:0.07018330339807605	to:0.05211795477222556	The:0.044962636484870665	.:0.03895710737577016	by:0.034404658559055994	:0.01
and:0.26276554424049875	well:0.1716573563828568	regarded:0.10215108442096364	him:0.0868823661881788	known:0.08594969760882572	soon:0.07468266047506814	it:0.07254659441566476	is:0.06743217334715046	but:0.06593252292079284	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
and:0.22235177351789787	be:0.1738858042569332	I:0.13277557413080354	was:0.12295642712649398	he:0.10254238490992812	have:0.06953610770899255	is:0.06266374535991706	had:0.05588579510453758	has:0.04740238788449617	:0.01
of:0.3685090914844918	and:0.15187707116139643	in:0.12089065787925025	that:0.10006704077109937	for:0.08046740887700529	to:0.07112397565734672	by:0.03477208956711928	from:0.03247639007058403	on:0.02981627453170693	:0.01
a:0.37899957604053736	the:0.2372612158591478	in:0.113034448303017	of:0.06227816678340587	and:0.055004336377117644	no:0.041292015465296136	for:0.04044406933057197	his:0.03278240970023275	with:0.02890376214067337	:0.01
the:0.6337331662659316	and:0.100385275269275	of:0.04502915812563193	in:0.0446265384225453	The:0.04052682497589725	tho:0.03890434100479111	a:0.0367021526749023	to:0.027326210880625385	on:0.022766332380400437	:0.01
the:0.2771155889270388	of:0.24269960898010035	and:0.14355132143555957	to:0.10157275248549205	a:0.061372425635517924	Mr.:0.04988208219852696	or:0.03904323643783612	The:0.037533202587623965	as:0.0372297813123042	:0.01
the:0.6441343416368642	said:0.1564647042639866	of:0.06991248835860733	tho:0.02802172995096601	his:0.026044674620792775	The:0.019370297332392043	a:0.017318401801060243	and:0.015557865761736463	this:0.013175496273594045	:0.01
it:0.20745969707657905	and:0.14500638011715372	they:0.11310372486032579	I:0.11198693729958908	It:0.10350087404960545	he:0.09199939737971656	you:0.08039231433963595	which:0.06952220276335667	we:0.06702847211403776	:0.01
number:0.27948000841117376	line:0.1567163463742397	state:0.13087462069010292	State:0.08743627344798972	county:0.07585706273559338	city:0.07382232154963744	people:0.06360653245896622	out:0.062154817626769006	quarter:0.06005201670552776	:0.01
the:0.6107023059621512	a:0.17745175086087106	The:0.07803570526721214	tho:0.04366533621230765	and:0.02025871823504228	any:0.017181851444011336	tbe:0.017064395504996804	this:0.013991718698914352	great:0.01164821781449306	:0.01
of:0.2308695472657073	for:0.16732703149749464	in:0.14859794298274415	at:0.12840016808128685	to:0.10433148098311643	and:0.07216586239965414	on:0.05927989407345589	that:0.04062428736224334	from:0.038403785354297094	:0.01
one:0.2130394399448926	out:0.16983408056098007	part:0.14726877981533334	some:0.10564771493692292	account:0.10473606704876827	any:0.07239176869495877	all:0.06334962810761696	that:0.06091520523433157	tion:0.05281731565619534	:0.01
to:0.2620983149693371	and:0.19664402247129265	the:0.18720703494025467	of:0.14061051340842873	in:0.0675925481954826	a:0.03867755248806961	<s>:0.03389464108121401	not:0.032510411574388075	that:0.03076496087153255	:0.01
the:0.4572017942798052	his:0.16439463000151883	a:0.13920100095083104	of:0.052163692218052705	their:0.0509661326376222	said:0.03598240029566251	our:0.0338957077371244	her:0.03211538703077671	in:0.024079254848606384	:0.01
of:0.1869062405363318	is:0.14951843146486987	was:0.12890124163326633	for:0.11286675001465872	and:0.09179728605878558	in:0.08766788863050963	to:0.08550472714000508	with:0.07597618279519122	as:0.0708612517263817	:0.01
and:0.25232232525208637	of:0.20073920713238702	in:0.11445167234888987	for:0.10336633557765898	to:0.0944879069369424	by:0.0758034375005898	was:0.04977872976009279	In:0.04961509079528413	or:0.04943529469606871	:0.01
of:0.3131157064262503	in:0.26013142230336034	for:0.10236725134916166	at:0.07424373507989428	In:0.05972054905416503	by:0.05705397496383892	with:0.0424779569422673	to:0.042433449712493874	that:0.03845595416856826	:0.01
sum:0.16487037308920166	out:0.11307775521688435	amount:0.11090839996168092	number:0.11072884578616649	Board:0.10709279218170512	day:0.10091951320741446	line:0.09892782668492613	county:0.09783432205349216	purpose:0.08564017181852879	:0.01
be:0.22756752642691924	was:0.2011520672794074	been:0.17152238735197792	were:0.09380973065459247	and:0.08067994467719047	is:0.05639298577011893	have:0.056104791662245176	are:0.05234710898963243	he:0.05042345718791579	:0.01
provisions:0.1662709801773117	copy:0.15165327534695816	date:0.12617568642366098	part:0.12388683156619235	one:0.1044724200406653	out:0.09585475097905363	people:0.09019386903076455	publication:0.07733017020422428	members:0.05416201623116908	:0.01
the:0.2974502811850691	of:0.22091422415753312	to:0.09236837889488791	boy.:0.0741306415053232	and:0.06960437249933987	girl.:0.06679148007921792	a:0.06486805677156715	in:0.05550313372308324	for:0.0483694311839784	:0.01
of:0.28274243567018453	in:0.21014752229747102	to:0.12587195710757518	and:0.09512296715854124	with:0.06733268768015438	that:0.06451142125688963	on:0.05725565672133972	for:0.046222798229545	In:0.040792553878299206	:0.01
the:0.5811417902841594	The:0.08064135120079062	a:0.06991732963962169	of:0.06467810614682597	and:0.05375658412543408	his:0.04174275629688252	tho:0.03459573136560702	in:0.032635050334809346	for:0.03089130060586927	:0.01
the:0.6515278990228168	a:0.08314851502353764	tho:0.05406359579153468	of:0.04947543402913502	The:0.04630700395056156	and:0.04184648149229256	that:0.022883236539712824	tbe:0.02236357329387469	our:0.01838426085653428	:0.01
the:0.2778917821478307	and:0.18179560941880735	a:0.14065748077955534	of:0.13586837423975323	was:0.05779269367297565	be:0.054895235703175	Mr.:0.0537919387281957	to:0.047339774524958855	or:0.03996711078474807	:0.01
as:0.188283813505136	according:0.14144678228402477	up:0.13904323060160725	and:0.1096650113200393	went:0.09104380703179268	back:0.08789812106037491	regard:0.08348580619122747	feet:0.07747526592666086	down:0.07165816207913696	:0.01
such:0.2104032791312894	the:0.16241001713062622	same:0.14046064934403796	this:0.10499158212929628	that:0.09644260391669034	some:0.08635987751985141	other:0.07306165534552983	and:0.06566716314864493	any:0.0502031723340338	:0.01
feet:0.26479860947664047	went:0.17370347231911912	and:0.11787993626257925	according:0.1156894611774227	go:0.10010052761117115	them:0.062374272287637755	him:0.05705740237730474	sent:0.05512647602885074	came:0.04326984245927418	:0.01
the:0.4542796024249059	The:0.1881623997739809	a:0.11986235539034314	this:0.05759524035141283	of:0.043030615268999296	This:0.03932392159886094	and:0.033257522653166206	that:0.028637882231088988	his:0.025850460307241863	:0.01
I:0.21278249455494858	he:0.17300513953069946	they:0.13893687562979512	we:0.1275124464476536	it:0.10925212384308822	you:0.08379430337544326	and:0.055687594738720876	It:0.044535217655474954	she:0.044493804224175725	:0.01
of:0.20667154411335312	to:0.1674821884595449	and:0.1606457744552367	in:0.09585524705784275	by:0.08986780053057816	was:0.07868452882315856	for:0.07424830958531053	the:0.06159507944998718	with:0.054949527524987975	:0.01
of:0.20088200805334167	to:0.19611740019001628	in:0.12074298326090976	for:0.10583219840067397	and:0.104411017201938	that:0.0931323811861136	with:0.07206792351187223	by:0.05797895376482622	as:0.03883513443030843	:0.01
as:0.17622633130773108	and:0.17061575916946506	right:0.10999394893267617	go:0.09710914953617608	made:0.09638101756897334	time:0.09288631510571049	subject:0.08506944501657378	went:0.08200011288502762	him:0.07971792047766639	:0.01
the:0.2389691024868803	of:0.23587199507601783	and:0.16290085719960612	to:0.1142178192192693	a:0.08471100618357327	by:0.04271710010153091	for:0.04125786050004584	in:0.03596677859485822	with:0.03338748063821819	:0.01
and:0.34761637696324155	the:0.18216983056316902	of:0.1207242901069218	is:0.06638054910020977	in:0.06563767924444622	was:0.0592039299893505	a:0.0532768127652075	as:0.04972575181896662	are:0.04526477944848714	:0.01
the:0.4080745361662223	last:0.16266991244839857	at:0.0985686816922427	Saturday:0.06849594151123206	a:0.061045060782530775	of:0.05896874793422529	Monday:0.05139645137015447	that:0.04413006727128221	day:0.03665060082371166	:0.01
was:0.294852053728711	is:0.22249745177240318	are:0.13275209874181298	were:0.07880949092469385	and:0.057760063230929415	did:0.055349116331092636	do:0.054996983968089545	had:0.052866973200090116	could:0.04011576810217737	:0.01
and:0.20576986051327525	be:0.14724677861411745	to:0.12535070885684524	of:0.12147274158796671	the:0.10006651747810341	in:0.07829719106333621	was:0.07464897261101211	is:0.06959459791180371	re-:0.0675526313635398	:0.01
the:0.2142120177686633	and:0.19227183371566595	other:0.1784688787201754	all:0.09401068080295942	this:0.08196603162651823	these:0.07203626524470809	of:0.05392074747755545	that:0.05171751156393933	by:0.0513960330798148	:0.01
;:0.20981887758387888	it,:0.16642171471435435	him,:0.11610054940859088	him:0.1143861286287806	them,:0.09664584678272661	in:0.08347234845136187	us,:0.08028965333944302	time,:0.06602311178532058	time:0.05684176930554309	:0.01
it:0.35198910554493584	It:0.19169204501469547	there:0.14353398241598922	and:0.08497295031605918	that:0.05656415793090324	which:0.05149954391776076	he:0.044346211633252225	more:0.03322746175171691	one:0.03217454147468709	:0.01
of:0.21728456168929203	in:0.18412140852330924	to:0.18404658202355514	on:0.09751617818915521	for:0.0805301789848098	and:0.0649640452665756	that:0.06482148173118844	from:0.05313336231245104	In:0.04358220127966369	:0.01
the:0.2631912044142173	and:0.18177858700986538	of:0.14875049451154682	a:0.08006357929843981	to:0.0789838888100162	be:0.06920432845900125	Mr.:0.06859485992842064	is:0.05073981200152062	or:0.04869324556697197	:0.01
and:0.28631779538902824	held:0.10695800936331133	was:0.09961144432841229	that:0.09484508790470556	it:0.09305052804842408	out:0.08562565059198392	up:0.08166012462488846	people:0.07179272073791575	him:0.0701386390113302	:0.01
to:0.7884561688984091	not:0.05480100401443988	and:0.04305423259706709	will:0.023978293897347014	would:0.02068454959609632	may:0.016942833415359626	of:0.01665312820706065	shall:0.013006400876492161	can:0.012423388497728269	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
to:0.6702984522878931	not:0.09556775167484524	will:0.057694900148372856	would:0.04484246669418183	and:0.03588683912659726	can:0.025312426638070592	should:0.02199223492750312	shall:0.019583031518921587	could:0.018821896983614497	:0.01
of:0.18090795727068248	and:0.1761697047091155	to:0.16079173061607868	the:0.15909889375982425	in:0.13190669680213846	for:0.06705243699736167	with:0.04452330416099904	a:0.03809030471707842	In:0.03145897096672183	:0.01
the:0.25166109836563477	and:0.2059180498216905	of:0.12850810508649735	to:0.08874145419088499	at:0.0815296173300952	a:0.07890664421591195	for:0.06512632521055457	about:0.045948066007582195	was:0.04366063977114844	:0.01
and:0.19683677196900626	of:0.1880323507648262	to:0.1450841060944621	know:0.14469689205758202	see:0.06672008048854207	or:0.06565730824402155	but:0.06504434385915053	is:0.06068048593769312	in:0.057247660584716184	:0.01
hundred:0.1631051995366529	;:0.13365936507111423	him:0.11732615948902901	one:0.10942603140040551	feet:0.1079334711744123	up:0.10029179877010728	mile:0.09005038552425722	feet,:0.08590382326179402	time:0.08230376577222771	:0.01
he:0.19428736266208546	it:0.1798532848285253	It:0.1408249277223706	and:0.1191707918479156	I:0.08716537943386851	He:0.08035754464888334	which:0.07074609856429304	there:0.0620308434800496	she:0.05556376681200875	:0.01
the:0.545683299647931	a:0.12932390735221377	of:0.11091327046427236	to:0.05218145959562609	The:0.04139086384772242	in:0.03475738914397843	and:0.030978663158239213	tho:0.024526240265454007	that:0.02024490652456259	:0.01
a:0.29400891168706483	his:0.2718747379341291	her:0.14157544459729282	my:0.0848786421831943	the:0.08206437046494333	their:0.04585847418971458	and:0.029031062348279447	was:0.023499994690905017	your:0.017208361904476572	:0.01
the:0.5445665403319038	a:0.13334192540996662	of:0.09008615283386563	and:0.06596182529299759	in:0.04788149246379173	tho:0.030389584700167647	an:0.029976218007223773	The:0.024258286610770948	or:0.023537974349312277	:0.01
the:0.5231971391262931	and:0.12884068291935852	a:0.11597537520661416	Prime:0.055617110419346714	The:0.050771043081292024	tho:0.04220079792647476	of:0.032490081325633	or:0.022013320923108096	tbe:0.01889444907187972	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.04553578393787439	of:0.03051332981678091	tbe:0.02261446403444868	in:0.021612439669724332	or:0.020196218295911488	:0.01
the:0.36225120031903363	a:0.1809775584614521	and:0.10916772066772196	or:0.07348144689535711	any:0.06548686307183808	that:0.058904811008227205	other:0.049162630686518834	some:0.04596155890884501	his:0.04460620998100606	:0.01
of:0.316242363653744	the:0.26109668804193154	and:0.1012199238324354	to:0.06702590891337294	a:0.06157695992500224	at:0.05141800075804658	on:0.049133046806994825	in:0.04370633135151151	.:0.03858077671696083	:0.01
the:0.28600965693828945	a:0.19429997308187952	every:0.08535452580316134	next:0.0837836576991459	one:0.07865703734752473	that:0.07459644314605131	first:0.0718082596527181	this:0.06398654488837228	to-:0.05150390144285716	:0.01
have:0.3555515786596666	has:0.289962390924289	had:0.21930081028149487	not:0.04942892773149173	having:0.03621411477393522	never:0.015094617798870558	ever:0.008372903406581835	lias:0.008201251596288333	bad:0.007873404827381846	:0.01
to:0.2082400486603598	the:0.2040097545902015	and:0.19980432728505823	of:0.15978957334487476	in:0.06337877849958568	a:0.05463758289552893	not:0.03746152227349155	I:0.03180451839090819	be:0.030873894059991414	:0.01
him.:0.21783980816964943	<s>:0.18816651629683437	it.:0.1455699660351358	them.:0.09542484047946036	years.:0.08165280573516275	time.:0.06663694024572439	life.:0.06644808684166796	himself.:0.06627199267947892	and:0.061989043516886194	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
and:0.22839390066057522	he:0.22079184069588623	I:0.11814427923174792	they:0.11518249093612817	be:0.07440694478362916	who:0.06464417355058126	have:0.059937346980607514	which:0.05522544913790607	we:0.05327357402293837	:0.01
the:0.8578490396942529	tho:0.030996843167094747	this:0.02758157249743664	a:0.018823889636692	The:0.014938953481215737	and:0.012942389341143374	tbe:0.010616656544222015	of:0.008432406705198986	our:0.00781824893274378	:0.01
and:0.1605153849203944	able:0.12584552037456034	order:0.1202327490477498	him:0.10411986755347347	is:0.10230358199714916	was:0.09725639894996212	time:0.09647037435760988	had:0.09226467812513446	as:0.09099144467396625	:0.01
the:0.7060662628237305	an:0.12455744140839517	tho:0.03319048077770169	The:0.0304417544377452	of:0.026018755971976327	and:0.021367479750873355	to:0.019561274167738896	a:0.014463193189744202	tbe:0.014333357472094667	:0.01
and:0.2573729064518667	of:0.17957405422491726	the:0.14619567225470498	a:0.0957918271651453	to:0.08822594087171945	was:0.06802146797304325	in:0.06036719409128018	be:0.05001638858422127	he:0.044434548383101555	:0.01
to:0.5852840912026807	will:0.15116656423982314	and:0.05265461018305461	shall:0.052395099636923445	would:0.03924646489280947	not:0.035125279947457635	should:0.027360860401677525	we:0.024357132436039416	must:0.022409897059534032	:0.01
to:0.38773789005942416	will:0.20108599556288748	would:0.10069656282236036	shall:0.0755954366359698	should:0.06465065204867343	may:0.06294092780737742	not:0.04273192402255579	must:0.03678785945404828	can:0.017772751586703193	:0.01
the:0.32414272374648134	of:0.3215959180212808	and:0.15336505647012283	a:0.045734877199819515	in:0.041844500567163136	for:0.031159638302324152	The:0.026512585273372254	with:0.023908222002105992	to:0.021736478417329837	:0.01
get:0.1466179279908691	was:0.13816166858847517	and:0.13411725524820045	him:0.10611862598008345	it:0.10231181039389517	them:0.09727726821367766	are:0.09515897845536368	go:0.0876807812405961	come:0.0825556838888391	:0.01
be:0.3215726545882276	been:0.15458058586588103	was:0.11927004877738491	and:0.11669859835657483	is:0.08112516770342504	are:0.05537358703409489	were:0.05242976560590004	case:0.045725475687294403	being:0.04322411638121722	:0.01
to:0.5359484624719786	and:0.1643937489031909	you:0.05998122131055234	I:0.057702040423891925	not:0.04755454790149271	will:0.03457377110520776	they:0.03285578005258848	we:0.029756790951933357	may:0.027233636879163876	:0.01
in:0.2713127362150924	and:0.16062418521231436	of:0.12392868277347686	to:0.10425752810284739	that:0.07595229166838137	almost:0.07426688912660825	In:0.0634497790188723	with:0.06014290192028519	on:0.0560650059621218	:0.01
the:0.4757858429557693	a:0.24067200078513937	in:0.11810052915121995	In:0.037829770101378786	and:0.030379358312137294	The:0.02802651995153634	tho:0.026185258774691876	of:0.021231918252036748	great:0.011788801716090334	:0.01
it:0.2602933463206855	there:0.14822319293947891	It:0.13196436136428402	which:0.11581767029202342	they:0.08952698954231514	that:0.07758736314856882	and:0.07379772084395009	he:0.04666991240312073	There:0.04611944314557337	:0.01
the:0.575966384389734	a:0.14484787068192656	and:0.09116512270257097	The:0.06050125953311486	tho:0.03198916073573538	general:0.026876900932927918	or:0.02318668525635186	State:0.020758996938686106	first:0.014707618828952268	:0.01
to:0.37126525083350526	can:0.14323290771799696	not:0.10434597342712909	may:0.08699826319414183	cannot:0.0844073138556691	could:0.06476732843758298	will:0.05758413099629764	would:0.04013383131990166	and:0.03726500021777544	:0.01
the:0.5240064275307966	a:0.11376600701497741	every:0.09632102655977248	this:0.08833279969369102	great:0.0416730845992036	in:0.03594909703556622	tho:0.03209089424377234	first:0.02915120741952298	and:0.02870945590269738	:0.01
and:0.1828487188357314	was:0.17082437509609846	is:0.1319028517345912	be:0.11688577765073967	are:0.10946121259218372	it:0.07947039795334276	were:0.0731415249016126	been:0.06514253877313089	engaged:0.060322602462569264	:0.01
an:0.7230207926844454	the:0.1326569685397044	this:0.03197835677578367	in:0.027283250536899027	and:0.02150424186257958	of:0.01899343741092294	his:0.012666212486831424	to:0.011264699007766587	An:0.010632040695066803	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
the:0.59711033620222	of:0.08538204909960145	The:0.053631470142143575	American:0.051573507470315146	colored:0.04453036421383636	young:0.041931222617471994	our:0.041190414535101326	and:0.039837409303504	many:0.034813226415806225	:0.01
that:0.3398159603842372	and:0.1881959735196832	as:0.15637377401951938	but:0.07943633285122904	which:0.07677650296033542	if:0.04988403186174071	of:0.03827480466933514	what:0.031040417619258957	though:0.030202202114661004	:0.01
per:0.3818716052576635	a:0.3577590795238883	the:0.08771957730210346	one:0.08143717603329335	and:0.021466448838669314	A:0.015607669020801417	each:0.015574984110882966	to:0.014422891461654881	his:0.014140568451042931	:0.01
and:0.391529613076269	of:0.16129853896448199	so:0.07916908696704543	is:0.07785460120908609	but:0.06773890590586674	fact:0.05924922401414923	was:0.05359481879123313	all:0.05204787919065704	in:0.04751733188121141	:0.01
that:0.4537119146489765	and:0.16717023459917277	which:0.12878443786705387	as:0.05871226652318454	when:0.043321152558266705	but:0.03813313222139026	w:0.037056716108286675	if:0.03446599491468521	where:0.028644150558983276	:0.01
man:0.2533348151608897	those:0.20047937694808066	men:0.17290997684888892	one:0.08857891083816309	and:0.07621457843870721	woman:0.060789725421566985	all:0.05318370979398915	people:0.043685138922370075	person:0.04082376762734435	:0.01
the:0.20810652200496746	of:0.19194742700049125	and:0.15533559588595755	to:0.10953449622986333	in:0.07669519386248697	a:0.07338105888324313	Mr.:0.06678394289599235	was:0.06469408396412236	be:0.04352167927287537	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
with:0.18862366244226822	of:0.1782550432825307	the:0.17379549097689212	and:0.1672703499330958	an:0.10403317103249586	their:0.05092872009920956	no:0.05056565174762098	any:0.041561840472257736	as:0.03496607001362896	:0.01
able:0.16476468956565668	enough:0.11618499558449112	order:0.11277740044333048	and:0.10770230905684038	right:0.10423521491986491	is:0.10418823328546226	unable:0.09963857793164675	began:0.09074479233141822	ready:0.08976378688128922	:0.01
and:0.2823662746530108	the:0.20723426604969655	of:0.17114462321901844	to:0.08349457292475697	that:0.061058627458997594	a:0.0496816598535165	in:0.04771436371628906	which:0.04537779706400119	will:0.041927815060712734	:0.01
the:0.31875333103658077	of:0.19153223533904778	and:0.1333377565756217	a:0.08569118153695421	to:0.07805362827458313	his:0.04896787193732948	be:0.04728575140178598	my:0.044784222538298106	I:0.04159402135979894	:0.01
was:0.1577910124140149	and:0.13899060672553437	by:0.1359734934821855	or:0.12086172850265266	in:0.10246535814449147	of:0.09563733083426601	is:0.08469039880618426	the:0.07983551302932099	are:0.07375455806134971	:0.01
it:0.2665934037164222	he:0.16842000760947723	It:0.1609155054073966	which:0.08745394146349116	who:0.08136897266351027	and:0.07786637980186847	He:0.06115469630834937	be:0.047725195065888015	that:0.03850189796359677	:0.01
and:0.27932793635627345	of:0.1636929224208879	the:0.14397728582457842	to:0.10141444015278946	was:0.07080095043168784	that:0.06528672122276853	is:0.05946179901674443	he:0.0544025711154127	be:0.05163537345885715	:0.01
the:0.2033079133619809	and:0.16374723220953158	of:0.12203318026621937	to:0.1197947532458313	a:0.11596184956525814	be:0.0837146771961551	was:0.08039980232180863	is:0.0604430544374977	in:0.040597537395717254	:0.01
the:0.26442548175895014	and:0.18014879086040034	Mr.:0.12832048149158512	of:0.12707666645287982	was:0.08326480499279762	a:0.058911948881383444	he:0.05269954700167158	The:0.051437917992428715	be:0.04371436056790325	:0.01
be:0.4355779513002904	was:0.19317412363888517	been:0.12340148781034053	were:0.05533878087065047	is:0.04646864571433207	not:0.04568223262308421	are:0.039019066585551015	ever:0.027971199512000746	bo:0.023366511944865314	:0.01
it,:0.17421113456748955	them,:0.14906553813066806	;:0.13828906800596458	years,:0.09999381587070143	him,:0.09963841692320599	it:0.08448295039229897	them:0.08274290150541948	here:0.08138321576958409	time,:0.08019295883466776	:0.01
of:0.17313822640573254	in:0.13522580147977067	for:0.13311029130127686	to:0.10137752405273424	is:0.09994851265777847	was:0.09965911742799513	and:0.08350230743372589	with:0.08204865751619801	as:0.08198956172478812	:0.01
and:0.29169997815308213	was:0.1328703627143118	out:0.08873310066938216	that:0.08746131418060452	placed:0.08440072742047074	work:0.08020079681811661	made:0.07677797059304475	is:0.07472371838239819	up:0.07313203106858901	:0.01
-:0.1955940160750217	ai:0.19131789701304536	the:0.12500546945761565	a:0.11226632200318121	at:0.08318561829437636	to:0.08033157879587685	I:0.0721994987905799	in:0.06640281037451584	of:0.06369678919578707	:0.01
to:0.782864042121591	can:0.04352852314486114	will:0.04058278005660874	and:0.030469737705751405	not:0.027505938383357437	would:0.021907784768754535	To:0.01601666926297308	could:0.015026323410685707	may:0.0120982011454169	:0.01
the:0.8010282570943209	The:0.05367089911047593	tho:0.03851598241294985	and:0.02622415451637479	a:0.0217917837084946	tbe:0.01508682257970066	of:0.013319600169074214	his:0.010439130317046602	in:0.009923370091562446	:0.01
that:0.34515865426972514	which:0.14418346863785736	and:0.14063477854162032	as:0.13621630044207123	if:0.06864968766858044	said:0.05077334785026146	when:0.04128325713194355	but:0.03727610168445904	what:0.025824403773481525	:0.01
of:0.27180982581551	the:0.17805119635661038	to:0.1307756043208467	and:0.10323660692677075	in:0.09588271044631401	his:0.062016229825061296	for:0.05747827036123852	be:0.04549082310543441	a:0.045258732842213975	:0.01
made:0.3028069374576309	and:0.2023193696646394	caused:0.07375981344017991	shown:0.07207509517503563	up:0.0704269184181151	ed:0.07002219172812583	out:0.06751988832599078	taken:0.0665966498616986	done:0.06447313592858381	:0.01
he:0.2123697658464264	who:0.15091908100628376	which:0.13423069933853984	they:0.11142265066260212	it:0.10310378443593027	that:0.08782466281035547	I:0.0712737738819633	there:0.06045635920866449	she:0.05839922280923447	:0.01
of:0.28920527063369583	and:0.18132655593954747	the:0.14484680346240247	to:0.09646174812551189	a:0.09107383914586827	for:0.05153471305605285	that:0.04785426466741116	in:0.04409747291579139	by:0.04359933205371852	:0.01
the:0.26547828815838903	other:0.21627227262658935	of:0.19214420579753297	all:0.13298246812161998	such:0.04882294121435099	their:0.03768395763578416	to:0.03714210639158958	any:0.032953336515278486	these:0.026520423538865454	:0.01
of:0.39246512864561983	and:0.09782550431900483	to:0.09605318013270166	that:0.09007567826974702	in:0.08237385670978745	with:0.07396276102751001	by:0.0714869372848906	from:0.04423740324050847	on:0.041519550370230016	:0.01
and:0.26683582195491784	the:0.2342041979419889	of:0.11735065555210616	to:0.10434520491725816	he:0.062110540407542915	for:0.053653668979111814	in:0.05127683655184912	will:0.05107800685677817	be:0.04914506683844674	:0.01
the:0.6675381482024637	of:0.0777640841714047	in:0.06693201889280626	and:0.061868831268679016	The:0.03528531217308075	tho:0.035181332253900494	In:0.021560321220045923	that:0.012100949875857825	tbe:0.011769001941761274	:0.01
of:0.3414177599849592	the:0.18371322475518034	in:0.10601700956856638	to:0.10160870602154502	and:0.0804152066127969	a:0.0690752790266085	on:0.04278452589889865	for:0.033585292324569666	at:0.03138299580687531	:0.01
of:0.27358707487840733	in:0.2127599467084538	and:0.12405989795172427	was:0.07532570727249761	In:0.06845350676951423	to:0.06633125126333016	on:0.06444848629025927	is:0.05386414450603086	by:0.05116998435978248	:0.01
and:0.23910122123352057	of:0.18009849406521639	in:0.1364110595813788	was:0.11018091047535486	are:0.09213592170886416	be:0.06152033555166568	been:0.059822966474979276	is:0.05762692655783329	were:0.0531021643511869	:0.01
the:0.7402683741964898	a:0.06494245197373716	his:0.05138872598673614	tho:0.029543135737210048	The:0.028379247265796364	of:0.02552206871083367	their:0.02225747700750497	my:0.015345461704832674	this:0.01235305741685929	:0.01
the:0.2811646289976183	and:0.228793444818657	he:0.09665923094029816	was:0.09291531962749497	be:0.07230924672133916	I:0.07078679991030787	were:0.051785625816794474	The:0.04999259369953409	had:0.045593109467955986	:0.01
the:0.5842319507205476	of:0.11142355193804654	and:0.07038974149827897	.:0.04729714203640899	The:0.04446567813423841	said:0.041360303094457276	tho:0.03572993345863866	in:0.02943593755104548	Mr.:0.025665761568338302	:0.01
feet:0.7951655646353245	chs.:0.05991398355095311	went:0.029485802654863134	ft.:0.021559121574989255	chains:0.01932141788116548	right:0.017028704292478505	and:0.016724858207230693	feot:0.015756091389452817	down:0.015044455813542312	:0.01
know:0.20599655176729012	of:0.18434115747854096	to:0.12011641673283838	in:0.10851281012538883	and:0.09472398870260729	see:0.08847136685872697	with:0.0633492314880539	matter:0.06266605240735394	for:0.061822424439199476	:0.01
the:0.37747190762743077	a:0.27873576421113166	to:0.13145810777925387	and:0.04615616003204945	his:0.038353178662479157	their:0.033018540724401885	this:0.03230033372139253	The:0.027877530333519456	its:0.024628476908341246	:0.01
with-:0.5091642809403101	and:0.08917161909754927	find:0.08162869987296703	with¬:0.07484519970796577	went:0.051956395963267496	with­:0.049332953914623	set:0.04855885424924363	carry:0.042956854177215474	go:0.04238514207685827	:0.01
would:0.22980511667265655	to:0.17299540970927663	who:0.12482764014450815	they:0.10355307675313528	I:0.09251266344910342	which:0.07981734282547859	must:0.068890066387715	might:0.06196287097814179	shall:0.05563581307998454	:0.01
the:0.6771604125454543	The:0.10405495946918283	a:0.05955263304505963	of:0.04513217032495798	tho:0.0354005786815231	and:0.025523389898689547	in:0.019624987803883828	by:0.012120843026961373	tbe:0.011430025204287365	:0.01
more:0.3399511309798217	of:0.12338976351398348	the:0.0900303278503253	to:0.0899475012809197	less:0.08196787438196217	and:0.07234666857485642	for:0.07055527090226876	greater:0.06903229487451258	better:0.05277916764134964	:0.01
as:0.29851613429986756	be:0.21538515598508545	is:0.12162806494449845	and:0.08749895254638534	are:0.07859686173524183	was:0.057728003037305624	herein:0.04521854126074256	manner:0.044331060728287644	been:0.041097225462585554	:0.01
of:0.19994246871256988	in:0.1656467326208487	with:0.11645299053601683	is:0.1040801064141914	was:0.09222275369589086	to:0.09117078987590281	as:0.08128756733327806	by:0.07100448636304192	and:0.06819210444825956	:0.01
it:0.18996776648825842	which:0.16693146919859037	It:0.16388385093027855	that:0.10887832266608082	who:0.09754653858074362	he:0.09729440751502057	there:0.07644641877125939	and:0.04784424293313712	There:0.04120698291663113	:0.01
right:0.14498930154108566	and:0.1449062705902589	able:0.13089070000017228	order:0.12160117565788678	made:0.11144490107913343	began:0.09571438731439802	go:0.08064696002923301	as:0.08001489741286015	necessary:0.07979140637497179	:0.01
of:0.3157160003613231	and:0.1448157486679456	the:0.14213332720074184	for:0.1226838964611895	on:0.08698856620131303	from:0.0553071163125035	to:0.04865667337815363	about:0.04601522841175804	feet:0.027683443005071712	:0.01
<s>:0.18123499925102443	of:0.1485336386140675	and:0.1300606126255289	that:0.1216297621348622	for:0.11327536416934485	to:0.10727666673496508	as:0.0943296289802197	in:0.047328756450730224	but:0.04633057103925719	:0.01
the:0.2985070367095664	of:0.22823883383643848	and:0.18509944745462073	a:0.07009287037703318	.:0.05496107869977591	The:0.04325544799080887	in:0.03866355116298236	at:0.03579386840732647	<s>:0.035387865361447376	:0.01
it:0.2785617870082724	It:0.14058657073537018	as:0.12754388100244876	which:0.12453991685388906	that:0.10374278837395835	they:0.0775235962159316	there:0.05505262519992346	and:0.04275356669332104	he:0.039695267916885144	:0.01
hundred:0.38841378645436947	up:0.09123185635738856	men:0.08930224671194738	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.07306411117914521	him:0.0668423327581923	;:0.06651424040074755	due:0.06192290086804839	:0.01
of:0.37888252473908907	in:0.12820861803559516	to:0.10441990140392647	and:0.09593832568712526	that:0.06971949913892457	with:0.06106707741411147	for:0.0608570667914635	by:0.05176039007607272	from:0.03914659671369176	:0.01
know:0.20831005322820814	of:0.17490440833293888	and:0.16422534047026324	to:0.1137983156626941	or:0.08946778871800111	see:0.08277321125482821	do:0.056574108317144295	with:0.05186213472630066	for:0.04808463928962136	:0.01
seems:0.2006103222456249	ought:0.1626558226948623	seemed:0.11415043407775209	seem:0.1135010970217188	and:0.09261260981894813	is:0.08389850523345985	said:0.08225642808909558	supposed:0.07131107961557845	not:0.06900370120295983	:0.01
of:0.39762324547172645	in:0.2668336506319252	to:0.09361883493416967	In:0.06946543047279936	from:0.045265683327552673	and:0.03681849183446851	South:0.03184269964413894	for:0.028722466161897504	with:0.019809497521321686	:0.01
he:0.25961962303470815	it:0.12744278086804214	that:0.12689022067345632	which:0.09481371991846407	who:0.08854500497100852	and:0.08462410245094608	I:0.07966538436950996	they:0.07047920691886865	It:0.05791995679499614	:0.01
and:0.264592960552112	well:0.20310619057021648	known:0.11089893342512756	far:0.10994961450543629	that:0.0743669830167934	in:0.060928470903236	made:0.05715551260876778	as:0.05645340864511418	it:0.052547925773196426	:0.01
of:0.362133078449096	to:0.15828912049680102	and:0.13783771530404565	in:0.1176538162137908	by:0.05571393626330591	for:0.04597070552506935	all:0.04516481996387241	with:0.0412909746637797	In:0.02594583312023911	:0.01
and:0.2488676835574539	to:0.2104528790760637	of:0.19649089327769587	the:0.14065730354852882	I:0.045718123382777455	in:0.0391691284725516	<s>:0.03831833146332004	a:0.0365566577986376	for:0.033768999422971006	:0.01
the:0.32344792120366006	and:0.1357498396866892	a:0.12045919366652863	of:0.11144736938601565	to:0.10819936268192318	so:0.05485077267885555	is:0.05113804921283257	in:0.04560258755074352	be:0.03910490393275158	:0.01
the:0.24986431031678558	Deer:0.22777600614574037	Grand:0.1559531001396664	said:0.13508505221619752	of:0.08724238075116691	sub-:0.04226343954244799	or:0.03307215888831134	and:0.029922159619855834	street:0.028821392379827948	:0.01
I:0.2732489239644518	we:0.17617814803174361	they:0.14749598107071732	who:0.1081268550855799	We:0.10074190001411792	you:0.05379187475987475	They:0.04594620870144866	would:0.0430423795777022	to:0.04142772879436394	:0.01
the:0.3006017935640113	of:0.1882618902191101	and:0.16358060993491344	to:0.13449089246542414	a:0.058556419042379904	that:0.04632405944145142	<s>:0.03635869961260623	The:0.032777833298809074	in:0.029047802421294452	:0.01
the:0.31014694642458385	and:0.1813925729617655	of:0.11897508322047748	in:0.09177950457907183	to:0.06476035881673944	for:0.06265243913967722	that:0.061634979391935435	or:0.050305972339911416	be-:0.048352143125837646	:0.01
and:0.33239989233247474	of:0.10906428886952287	so:0.10194209472296804	said:0.10084916516986978	fact:0.09491754657429345	to:0.07090237211259408	all:0.062189491814995224	is:0.06158182084015963	given:0.05615332756312231	:0.01
hundred:0.38841378645436947	up:0.09123185635738856	men:0.08930224671194738	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.07306411117914521	him:0.0668423327581923	;:0.06651424040074755	due:0.06192290086804839	:0.01
and:0.24880342808396733	it:0.13004082066380335	not:0.11531520210772177	him:0.09655116730315641	was:0.08707426415382355	there:0.08370981791677358	is:0.0825605726489113	but:0.07757204074433985	that:0.0683726863775029	:0.01
and:0.29080940807751343	be:0.2127504289071023	he:0.12518402030855472	was:0.07548558761465052	is:0.07405597244216922	have:0.05644907680204032	who:0.05631071306329798	they:0.05530497076326168	been:0.04364982202141007	:0.01
as:0.2524008056870584	is:0.19882028255572634	was:0.12429497943033115	be:0.11372823863661286	and:0.10748956891618786	not:0.06638912241590769	are:0.05845555361065584	been:0.038207338665234736	Is:0.030214110082285073	:0.01
the:0.2819457694407669	in:0.16830115934442091	of:0.12175089403444907	and:0.10861914080625805	a:0.08273003132142108	to:0.07226688505594736	that:0.05730899637674184	any:0.05038384377867688	for:0.046693279841317825	:0.01
be:0.31986079988994043	is:0.2519029519667155	was:0.10003962784347319	and:0.06675212132846856	been:0.05588683628801255	are:0.049452897885041674	of:0.04933885130790542	not:0.04893327553992756	so:0.047832637950515226	:0.01
of:0.26182314873404294	to:0.15955166242681298	for:0.10846784161131116	and:0.08982069139084164	by:0.08893091089615993	with:0.07827004845367644	that:0.07083253055370708	in:0.06984676014697029	as:0.06245640578647762	:0.01
the:0.2504391645498189	of:0.2165961716560003	hundred:0.11243437490031138	many:0.07502568615456798	and:0.07193177440216497	few:0.07175786988286736	two:0.07120294778205144	thousand:0.06639029272250217	by:0.05422171794971568	:0.01
number:0.18275353109534145	piece:0.15761797179737239	line:0.13134542019014167	kind:0.10463996779081437	sort:0.0968283705938247	amount:0.09079495924454532	board:0.0821340405063768	Board:0.07693618608461751	years:0.06694955269696584	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.04553578393787439	of:0.03051332981678091	tbe:0.02261446403444868	in:0.021612439669724332	or:0.020196218295911488	:0.01
the:0.8219880349822869	The:0.05722303343313431	tho:0.03474009865327672	a:0.033503006633563134	tbe:0.013414880888981557	this:0.009663695022434424	and:0.008022034160195292	an:0.0062448207651999675	in:0.0052003954609277205	:0.01
be:0.3815702715010107	was:0.21113277867545047	is:0.08494764841678834	been:0.07621023464095546	were:0.07277826307591538	and:0.0596852919341452	are:0.05536818863248308	being:0.025281795043705712	he:0.02302552807954555	:0.01
of:0.2111743576300106	.:0.15940961941061174	the:0.1535806901040193	and:0.140029907110392	John:0.07536611439243113	A.:0.0660193253858156	Miss:0.06566616116472083	H.:0.06005863552721134	J.:0.05869518927478727	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
they:0.1656293186544688	it:0.1471872532092362	I:0.13911525474397318	he:0.13517212239762635	and:0.11617537429809913	you:0.1058198072869405	we:0.06344024117967605	which:0.060303840255538414	It:0.05715678797444146	:0.01
the:0.3887251873701423	and:0.19418139316348373	of:0.16525703200196268	a:0.05723265194480163	to:0.05098738733462206	The:0.03680948961551606	in:0.03417219894548982	.:0.031396492184307095	tho:0.03123816743967465	:0.01
the:0.36607440056592166	a:0.1206726139929553	this:0.11846607832365261	of:0.0958619226053198	in:0.07087262514001848	quarter:0.0699348578883592	every:0.05601517811335796	that:0.049404704985791026	first:0.04269761838462403	:0.01
the:0.38977936050861905	of:0.20480600690331546	and:0.07783593727942777	a:0.06885753491610641	in:0.061051611475386736	to:0.05707900708937209	by:0.05216528130098083	for:0.04386873564948149	at:0.03455652487731021	:0.01
;:0.14858161272700382	up:0.1467474654948133	one:0.12198578422094013	hundred:0.10656946158930602	day:0.10285343698004	it,:0.09962059277649313	due:0.09113539537332346	them,:0.08780961320473644	made:0.08469663763334367	:0.01
and:0.25037799561132223	to:0.19051743664518078	of:0.12818071300755096	the:0.11341275889843262	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.05790590474591629	for:0.056443486992488516	:0.01
both:0.1855250955502416	them:0.11510325069591051	it:0.10524799723268263	the:0.10193294163968318	feet:0.10158140953190008	well:0.09923943738132708	men:0.09860317242414225	and:0.09433726551068837	up:0.08842943003342424	:0.01
the:0.18967412161958205	and:0.16039812387112395	be:0.12426122688981936	was:0.12339453984543905	of:0.11493837137436898	to:0.0870008771225483	is:0.07482363279220873	been:0.06158286699078447	a:0.053926239494125026	:0.01
the:0.29263780767360903	and:0.22130879062557937	of:0.11863059456932078	in:0.069392364097213	was:0.06932978479393213	to:0.060483296395248756	for:0.053710583531059015	that:0.052451811278698565	is:0.052054967035339364	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
the:0.5261033524814753	of:0.17198547841442743	and:0.06668059387903402	a:0.0530367039653942	for:0.04862074372770557	in:0.033456792579018686	his:0.03288057575402891	their:0.03178467793069512	to:0.025451081268220686	:0.01
of:0.2398708670291844	the:0.22743525417047472	and:0.13139002385520807	to:0.10376973167625372	a:0.08712962001455622	at:0.06768600089169874	his:0.04664315861358614	in:0.045541179361710225	is:0.040534164387327855	:0.01
of:0.3010790243290333	in:0.28366019365801887	to:0.10485288483195475	In:0.0716810166006183	and:0.055933861884632105	that:0.05350354221954184	on:0.043447815575473656	from:0.03893165220511494	for:0.03691000869561233	:0.01
is:0.1754730689464908	as:0.16637386077643132	and:0.10975649364563426	seemed:0.10019231770455378	him:0.09935835505600621	able:0.09340883214762073	was:0.09157619938515789	enough:0.07875025414499696	time:0.075110618193108	:0.01
of:0.18374920975532086	and:0.17041502860124677	for:0.13722662368375474	to:0.13145336070825114	at:0.10399846411297599	the:0.0843059896206416	in:0.07333475914951251	that:0.056955975908246775	a:0.04856058846004935	:0.01
was:0.22415574371386887	and:0.21105517893911996	is:0.17335161621252235	be:0.08255725590994102	been:0.06352360068086785	he:0.0616410641483906	has:0.05994363355156932	it:0.056891229743664215	I:0.0568806771000561	:0.01
and:0.20640199996913144	the:0.19513979195518444	to:0.1820168501707598	a:0.1511478685445872	at:0.0888387473287772	of:0.060796000082638385	on:0.041078294430185174	or:0.033605946170235615	by:0.030974501348500792	:0.01
and:0.2610196425709932	the:0.1641591130678344	of:0.12408699178331604	to:0.09827162529083784	that:0.08015138600331721	which:0.0779479835772145	in:0.06976768125691257	a:0.05998368878592812	or:0.054611887663646046	:0.01
so:0.30106764526166185	as:0.15941424173683752	too:0.14662293735068116	very:0.11912597325596036	a:0.07683373911804062	how:0.05921979456784427	of:0.04547482314572756	is:0.04540542734880985	not:0.036835418214436796	:0.01
the:0.34170127421390223	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093987	to:0.07847171568184984	in:0.05339647102682973	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
this:0.3581531499328229	This:0.22893381455121264	the:0.1893757241624931	that:0.07507108255816303	The:0.04597848402401368	whole:0.025384025584922393	one:0.025163522600671544	any:0.021963561707314217	his:0.019976634878386572	:0.01
of:0.23170269280583022	on:0.19382362680516757	in:0.1918423255789484	to:0.13891909530276134	from:0.06267723158640603	In:0.05912058039929489	for:0.04159472430339258	and:0.03761738765106908	by:0.03270233556712992	:0.01
a:0.3592881739533128	the:0.2119240667000732	is:0.10880093558529376	was:0.09658720179040065	be:0.05909318920468125	are:0.053204779608334835	and:0.039641101285060605	not:0.031259479664998	were:0.03020107220784497	:0.01
not:0.19141518125706355	you:0.12883463538498094	would:0.12285779209737169	to:0.11593868654498456	will:0.10834285039657382	cannot:0.10174619527633331	they:0.08129885348368318	I:0.07626694116160088	we:0.06329886439740827	:0.01
of:0.3341401933430578	in:0.1193163369723613	that:0.09184271625067618	for:0.08893498064177047	any:0.08657045303001526	to:0.08592384413265503	with:0.0852079787499939	by:0.05830681840431392	upon:0.03975667847515617	:0.01
and:0.5170295445657328	that:0.07657271748126365	as:0.07437327961119213	And:0.06434397902634773	is:0.05774157821759344	be:0.053494793621093856	it:0.05287436305989897	was:0.047504648976455115	to:0.046065095440422366	:0.01
the:0.3727091127604744	take:0.3418219748606356	taking:0.08317299974613888	to:0.03436967747849447	a:0.034213680939460936	took:0.032849303446962436	taken:0.03214761627662366	and:0.02944603500031403	or:0.029269599490895658	:0.01
the:0.27830538332582405	of:0.24945770729576322	and:0.21115352753637828	The:0.051025229104885717	to:0.04783659176172094	a:0.04337618184648027	for:0.039163864314593844	in:0.03779993463743551	at:0.031881580176918174	:0.01
the:0.6909464731648476	The:0.08599042925802552	his:0.04899319853860736	at:0.045845462473530864	tho:0.03753459417589191	their:0.023035602126993824	was:0.02141035759764622	and:0.01886586907095918	my:0.01737801359349765	:0.01
and:0.2607529441992131	of:0.2291590279962274	for:0.10582329999415231	is:0.09087370564962331	to:0.07948866286902459	fact:0.07659015955742252	in:0.05656764429993611	but:0.04571590502073366	all:0.045028650413667	:0.01
it:0.22923910640386372	It:0.2169656170215026	This:0.15216872378118323	which:0.0937113430805337	that:0.08236996073179681	this:0.07426658989754333	and:0.053275560998039914	there:0.04840760209046867	he:0.03959549599506813	:0.01
together:0.4180692427347008	and:0.20729818262112895	connection:0.06938401986937733	connected:0.06191841831840698	it:0.05419620132344388	do:0.04868631902903216	Together:0.04814491198966659	him:0.04346217703410449	them:0.03884052708013889	:0.01
to:0.7421926377803765	will:0.09033008935355802	would:0.03972252083755527	and:0.03905820715177989	not:0.02108318227622839	may:0.016698485369545654	can:0.014549663238329865	I:0.014476563508391514	could:0.011888650484234946	:0.01
of:0.40774956220192454	in:0.22976723993441825	the:0.10578798585405844	from:0.07495358140398738	to:0.05644630172058259	In:0.04671637014558777	by:0.026485462077350832	and:0.024099286640628034	a:0.01799421002146214	:0.01
and:0.26745267416887475	Beginning:0.22525587652116277	was:0.11377028395927055	Commencing:0.10809071640443553	is:0.07344548581441636	that:0.05170239266966315	look:0.05066270801955132	it:0.049895643535544223	him:0.04972421890708138	:0.01
and:0.2705907675932464	the:0.14746265398063077	to:0.1318326486828283	of:0.10420719392527239	for:0.095865034981433	will:0.07554048064638663	that:0.05798827260893402	a:0.05564313008957005	which:0.05086981749169847	:0.01
and:0.2652634788189831	place:0.206087020387161	point:0.11967180346892212	cases:0.08459865196600337	spot:0.08338543012990265	that:0.07005480893263437	every-:0.06056738561391334	places:0.05325281402571343	of:0.047118606656766565	:0.01
the:0.19966594348907915	and:0.1792224715004518	of:0.15563650816883337	it:0.09240841064240221	that:0.08600859434364928	will:0.07223203728714626	to:0.07015000416307691	a:0.06946993373257972	as:0.06520609667278128	:0.01
and:0.26193047609468034	not:0.1736818553146972	of:0.10576104153790424	that:0.09773133099413739	in:0.07944326507590299	is:0.0699470763065736	for:0.06913197455253926	it:0.0690708886308707	was:0.06330209149269428	:0.01
and:0.18552668343174028	the:0.17928268355096624	of:0.1537079584360458	to:0.142575788568089	be:0.09033375319685075	was:0.07646336480896143	is:0.06802686908593893	in:0.05218404374538236	for:0.04189885517602518	:0.01
the:0.21188864052440531	Mr.:0.18230324160418387	of:0.14365646177927838	Mrs.:0.10583101989079333	.:0.0938665613053321	and:0.08416657032891246	by:0.06677109781304016	Miss:0.0543440711736693	J.:0.04717233558038509	:0.01
the:0.5101614784978014	said:0.18737809816171636	The:0.07504818363305694	a:0.06424286349916335	of:0.03721294669440085	and:0.035621818503543005	this:0.029491995826654925	that:0.026070181434781937	tho:0.024772433748881217	:0.01
the:0.4949235288684638	his:0.13510488494432163	a:0.06883273615460797	their:0.06604722186559722	and:0.06410360899951859	The:0.05057762544580767	of:0.03855966635509371	tho:0.036805797118272005	my:0.03504493024831741	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
the:0.23447920436122652	and:0.18799590927093313	of:0.13507886899256621	by:0.08829798253983687	are:0.08073832153348426	was:0.07434658375082344	to:0.07321331127368108	is:0.05898261182038304	an:0.05686720645706556	:0.01
a:0.36414687985677363	the:0.2894574387196186	of:0.09715284158814004	The:0.05166850725792568	to:0.04999788112856331	and:0.049843976888792337	an:0.03758268902265356	A:0.029200413908697438	that:0.020949371628835346	:0.01
and:0.17341766595477812	will:0.16362732968771043	I:0.16101970430852675	would:0.09743978995526462	he:0.0906974985394129	they:0.08946858763093521	not:0.08032645561354171	we:0.08026315930910685	who:0.053739809000723386	:0.01
the:0.3852091685420713	of:0.15029792416713436	and:0.13361736839571417	a:0.1189103262448572	in:0.050552263420260375	to:0.042450229405257604	for:0.03799538051249682	or:0.036335932445468226	that:0.03463140686674004	:0.01
and:0.17565151401501428	of:0.16935905491826778	to:0.16815386707729313	I:0.10762067317242822	for:0.10414485509485887	the:0.06994998545589691	in:0.06820345184069317	wi:0.06400116680375229	is:0.0629154316217953	:0.01
hundred:0.38841378645436947	up:0.09123185635738856	men:0.08930224671194738	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.07306411117914521	him:0.0668423327581923	;:0.06651424040074755	due:0.06192290086804839	:0.01
of:0.29118047174707	and:0.17575378866202854	in:0.12875169808407108	for:0.09362229079715588	to:0.0875337408825125	that:0.06375106624655733	with:0.06338157976379154	all:0.050782007424572256	on:0.03524335639224078	:0.01
it:0.24112649263459635	he:0.17660792899787944	It:0.1713624494321809	I:0.08209974212840983	He:0.07828896755119588	which:0.07500438521777203	and:0.06286527553672037	who:0.0534546761422916	there:0.04919008235895345	:0.01
he:0.4626858432275594	and:0.12239235466598651	He:0.0934453179916407	I:0.07611585574919955	she:0.06761866978887156	have:0.06399174865015224	is:0.037479881534816205	who:0.03375192065432582	had:0.03251840773744791	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
of:0.29385223522009707	the:0.24819590173708098	and:0.11969300575644332	in:0.07091505630862044	their:0.06039908148069219	a:0.05980017733600224	his:0.05086103256995131	or:0.043716039775019214	to:0.04256746981609317	:0.01
it:0.30484125798964684	It:0.2544639010529965	which:0.11012706971336342	there:0.08280022151822533	This:0.0640269063955799	he:0.05777756725873364	that:0.04728805757434529	who:0.035237627470267895	what:0.03343739102684119	:0.01
the:0.35188830236184426	his:0.2289686060768241	a:0.14082940814624634	her:0.06840152783142354	my:0.06453086672203752	and:0.053462726080089125	to:0.03172782452322588	your:0.03106393986288563	their:0.019126798395423573	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
of:0.26511910415616036	to:0.15902387146935745	for:0.14847592966167028	and:0.09608100681337997	in:0.08864697683198763	by:0.06746136767362813	that:0.06516709691702466	with:0.05862181668217916	under:0.04140282979461223	:0.01
and:0.287826299922323	which:0.20403505032011351	he:0.10767513788694526	It:0.08617764780587808	it:0.07824411472907912	that:0.07588289100211044	have:0.05173747344612561	who:0.050405358993319584	has:0.048016025894105197	:0.01
the:0.24595583657850165	of:0.21495727378362806	and:0.13393368550910048	to:0.1224745576493649	a:0.07002243566947185	by:0.05844908251169151	<s>:0.05593636574540431	on:0.05500730667789593	from:0.033263455874941485	:0.01
<s>:0.24643505364970167	that:0.22567481111489604	and:0.11986402130738498	it.:0.10509411761497948	but:0.07308474448235741	as:0.06237988616146023	them.:0.060287180696994194	country.:0.04939834692648971	of:0.047781838045736394	:0.01
it:0.2837305078576197	It:0.2015270128299486	he:0.16580848824961877	I:0.09043772624172818	He:0.06530498743196475	which:0.05591978795526603	and:0.04505468123483392	she:0.04448831708438693	there:0.037728491114633	:0.01
in:0.23825170981030286	and:0.22643815837935657	to:0.1434407231973473	of:0.10424059673179355	In:0.06899645387868518	after:0.06787079326549833	he:0.04969012775341186	for:0.0492440589489789	that:0.041827378034625454	:0.01
for:0.6013289230689811	at:0.0911044329338062	in:0.06992563329248286	For:0.06400949516320571	of:0.05686502234707401	and:0.03590442668851857	that:0.026376390475096077	In:0.022913857647085405	to:0.021571818383749938	:0.01
of:0.5117494809737942	the:0.2488356016509972	said:0.06688364093262957	Eng-:0.040796665104982435	on:0.028313434210837436	described:0.025713607203424697	this:0.02433417819028084	in:0.02282985944656349	our:0.020543532286490227	:0.01
his:0.2811787906246331	their:0.22025063193297081	and:0.10227463499690216	of:0.09263115340617131	my:0.07408512711306847	our:0.06913574139538305	her:0.052147551096396426	many:0.05044550402722196	the:0.04785086540725259	:0.01
is:0.31951760176546634	are:0.19163860183836837	was:0.15368267549824108	and:0.10570781093280959	were:0.05717745131125518	Is:0.05702450044676183	but:0.04404342100967995	be:0.04021699821599175	he:0.020990938981425927	:0.01
<s>:0.29207441653803834	and:0.22271678275296153	that:0.11837511456160704	was:0.08553824978284391	.:0.06268571121841242	be:0.060237764917054154	is:0.05194672075508322	but:0.0493442551941794	feet:0.04708098427981986	:0.01
of:0.28660205638958686	to:0.13630207810280906	in:0.11221220031042933	at:0.09091149461870045	for:0.08626398095075996	by:0.08015269857507397	or:0.06871985765786004	if:0.06758244889364594	that:0.06125318450113433	:0.01
and:0.25037799561132223	to:0.19051743664518078	of:0.12818071300755096	the:0.11341275889843262	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.05790590474591629	for:0.056443486992488516	:0.01
a:0.22296249402828078	the:0.22024837911567047	and:0.18180641598779676	of:0.09800173697214572	to:0.07943287090004209	in:0.053916186985581496	for:0.05151074007243889	more:0.04217669130999481	that:0.039944484628049	:0.01
as:0.1943600122700163	and:0.1409601278107517	according:0.1268825780386275	up:0.1166538996954941	them:0.09546248046552396	regard:0.08571584773899626	come:0.08276545836165355	back:0.07647325798284846	return:0.07072633763608811	:0.01
and:0.2781240803536436	the:0.24499327341649488	any:0.14987626003613203	or:0.06397738688298063	all:0.058892721486958094	in:0.05678342573136508	of:0.05646692133053421	some:0.04441867041103913	an-:0.03646726035085243	:0.01
and:0.23734077769691916	that:0.12793612774851235	of:0.1135368078051796	<s>:0.09712882796941788	the:0.09688307805290702	-:0.08455771477803699	it:0.08066024149164285	which:0.0773829143889882	in:0.07457351006839597	:0.01
more:0.61792152676378	less:0.3073697542462535	three:0.015856878617428273	rather:0.014125485452873107	moro:0.008523458289532633	better:0.007866032645765507	other:0.006864907301435026	two:0.005841799353187172	More:0.0056301573297447725	:0.01
the:0.24443541423954632	of:0.18374312724406464	to:0.15163824320550195	and:0.14582653651297767	was:0.07871943567445674	is:0.05983501121577973	that:0.043518630813424865	on:0.04226306986414024	Mr.:0.04002053123010784	:0.01
to:0.2620983149693371	and:0.19664402247129265	the:0.18720703494025467	of:0.14061051340842873	in:0.0675925481954826	a:0.03867755248806961	<s>:0.03389464108121401	not:0.032510411574388075	that:0.03076496087153255	:0.01
and:0.2682983319507874	recorded:0.10717905104111182	was:0.10263907629409649	made:0.09927630384100071	that:0.09842569549211198	o'clock:0.08895025276229458	up:0.08173084504592748	is:0.07240199994443215	found:0.07109844362823738	:0.01
the:0.5928788572719853	high:0.09102552116000251	and:0.07178471317556964	The:0.054278626577113805	low:0.05220086503044379	tho:0.03590865206201745	in:0.033658585851484527	of:0.03044744822045069	a:0.027816730650932143	:0.01
and:0.20145169945920316	the:0.1595126103428818	of:0.1541336928124744	a:0.13825525449150428	to:0.09802150809366585	that:0.08076012035122782	in:0.061259025928847056	for:0.05098105665076285	her:0.04562503186943288	:0.01
of:0.2246471281668041	for:0.19331961274483056	in:0.1476960965052127	to:0.14126939486306483	with:0.09375677642416021	and:0.07717433165823809	at:0.043879991911005584	all:0.035822083230055646	by:0.03243458449662815	:0.01
the:0.21526193335069718	to:0.1602876840419026	of:0.12195256892339092	and:0.11776603568827715	at:0.11165835998304417	for:0.07979084678065496	in:0.07798707681691222	was:0.05270833645103702	is:0.052587157964083704	:0.01
;:0.14099648764783915	it,:0.11967066680326219	in:0.11681118873348909	up:0.11375609777390537	them,:0.11352792153632653	him,:0.1117584498798848	him:0.1098256595026993	them:0.08462205756098833	it:0.07903147056160532	:0.01
of:0.32367394003220473	the:0.17522126355847115	on:0.1365921666438893	and:0.11762970093097352	at:0.06483933865343271	to:0.06277611377794552	from:0.043300108792014964	in:0.04220468943203752	with:0.023762678179030553	:0.01
men:0.19745198911335182	street:0.12799322202530403	rights:0.11819052309946497	city:0.10716398085429242	house:0.09559947527536625	state:0.09118873042003894	one:0.08801297667548624	land:0.0850156457563817	women:0.07938345678031368	:0.01
the:0.24130576549866314	of:0.18833662870322207	and:0.16607091897550066	a:0.12226357561830728	to:0.08119819928176736	was:0.061441215918139495	be:0.05012797215849653	is:0.043156408701399925	been:0.03609931514450369	:0.01
of:0.44152232547991604	in:0.22285811504356323	to:0.1086379631794477	for:0.04454138222108917	In:0.04424139023589727	that:0.036856594730027815	on:0.036093473861833314	from:0.030831678591184845	by:0.024417076657040543	:0.01
be:0.227204674164919	is:0.1566327338297571	was:0.15156761606107277	not:0.0991993658012298	been:0.08055259055332353	a:0.07060531373758433	the:0.06975333949939654	no:0.06871270637223961	to:0.06577165998047728	:0.01
a:0.19875595735285906	so:0.17362727099498979	very:0.15715297029972114	the:0.102817802204921	of:0.09368187826141526	is:0.06854870576277457	be:0.06735471406734665	as:0.06630524296085272	are:0.06175545809511975	:0.01
that:0.30792267743875057	and:0.12740983564660435	which:0.10800237368995359	as:0.10384320372855736	if:0.10217540447352637	when:0.0815344843688508	but:0.06292234845485278	what:0.052329547174469	If:0.0438601250244349	:0.01
of:0.367563955030944	to:0.10542727409805822	and:0.10425163184824796	in:0.08959589629597636	with:0.07753462591860157	on:0.06613590704384606	for:0.0660751379059278	that:0.0571198312272085	by:0.05629574063118957	:0.01
and:0.14958990246937667	miles:0.141730924338462	free:0.13778745773831563	far:0.11531946154984084	away:0.1142202585404872	suffering:0.09289524012248204	him:0.08182258540364967	them:0.0804645055433097	or:0.07616966429407623	:0.01
of:0.28640640461061107	in:0.1857484656930876	the:0.13619296599720906	for:0.10296738683661633	and:0.06594050147423282	at:0.06585125079721059	their:0.05080795170257863	from:0.04844475480173698	by:0.0476403180867171	:0.01
a:0.25927569668854844	the:0.15968167156781982	of:0.144059877520807	and:0.13781557821441345	that:0.07771796962021134	to:0.07352517144377932	will:0.05410476699376916	you:0.048944679846919525	by:0.03487458810373192	:0.01
the:0.35861451900589214	Mr.:0.1291559629555713	of:0.1199072506314825	The:0.10475232618943306	and:0.09673714076044429	that:0.07632406646832235	a:0.04689593712709312	his:0.030747167493934732	Mrs.:0.02686562936782656	:0.01
the:0.3218467846617874	of:0.1828529761416146	and:0.12322074209476627	a:0.09674086771067118	to:0.08641160396374101	in:0.07838572027910778	be:0.037796708679456885	for:0.032157504111148996	was:0.03058709235770576	:0.01
<s>:0.41731642257258006	it.:0.13635837927776048	him.:0.110252914198311	them.:0.08780030555057204	time.:0.06083328733596029	day.:0.04583414515528582	country.:0.045271164469581675	.:0.04501599342514429	work.:0.041317388014804196	:0.01
and:0.20348906658929006	to:0.1834464949167624	the:0.1287892971107212	of:0.10497680884400802	in:0.0851550016199043	be:0.08475666165101708	was:0.07037028601373782	re-:0.06636749950536974	for:0.06264888374918932	:0.01
the:0.5702538009468722	The:0.120681214188969	his:0.11416774789822905	my:0.04392153192316322	our:0.03712926094640084	their:0.03498286779040186	tho:0.024928155787078122	your:0.021972529375239788	and:0.021962891143645986	:0.01
to:0.7567029891243918	and:0.05929797036331348	will:0.04750009129947944	would:0.02723702948162527	can:0.024103535689709795	I:0.021217175202841235	not:0.01929707141157958	could:0.0181083299788307	who:0.016535807448228572	:0.01
that:0.2994240904225421	and:0.21670346937709573	which:0.14122881951388644	but:0.09192054755653989	as:0.07340828337400185	when:0.06241604775346419	to:0.03709501725824319	where:0.03572550459949674	if:0.03207822014472997	:0.01
of:0.1977296764112105	as:0.16236734186799556	is:0.11714445471395858	and:0.09677175778520737	that:0.09437542872961581	was:0.08357915383269264	by:0.08031186848504736	for:0.07886594540065144	to:0.07885437277362077	:0.01
a:0.5223694731938258	the:0.1482845874145642	this:0.1048395809318116	said:0.050666929639430015	to:0.04425725136869303	that:0.04145090333895079	starting:0.030716835443469558	in:0.02421863400824424	any:0.023195804661010774	:0.01
and:0.243245828883782	the:0.1385113941096484	of:0.12598359052043423	to:0.11712117345795753	was:0.09128462150356687	for:0.0720983562371112	in:0.07175195145176771	a:0.06672163572922717	is:0.06328144810650484	:0.01
able:0.14608845018323666	is:0.13276027787224756	and:0.12406381927128401	willing:0.11515186704151564	as:0.10022329918574203	ready:0.09602337365376806	unable:0.0958186049941002	have:0.09273006244417652	going:0.08714024535392913	:0.01
the:0.3962949495465445	of:0.15783793976659047	and:0.11820190240666258	a:0.08725299632490732	to:0.08555916535135934	in:0.0484589888332238	or:0.03935425823034345	be:0.02857284820144341	for:0.028466951338924996	:0.01
a:0.36733837745304476	of:0.20930479419388942	the:0.1418321010273453	in:0.08940711385632603	and:0.05263054009163411	for:0.04069679166752938	with:0.037325855070140364	by:0.025920039805228737	very:0.02554438683486194	:0.01
and:0.19865574234565242	Lots:0.1624469319210547	the:0.1496409968713232	of:0.12629790251857007	lots:0.076268542054311	to:0.07339886648128544	1:0.06961163493266415	south:0.06759261038095547	than:0.06608677249418349	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
and:0.29169997815308213	was:0.1328703627143118	out:0.08873310066938216	that:0.08746131418060452	placed:0.08440072742047074	work:0.08020079681811661	made:0.07677797059304475	is:0.07472371838239819	up:0.07313203106858901	:0.01
the:0.44290935331529907	an:0.11549616202798149	and:0.11220014026520324	of:0.0754256405581477	most:0.07393318303736908	a:0.06451085647534706	The:0.04772521232947496	or:0.029090658542996948	his:0.02870879344818048	:0.01
men:0.19894291467849895	;:0.16688934732136124	in:0.10298308815773363	city:0.09232397203409991	and:0.09206108117352083	one:0.09074628757358018	:0.08955658343428091	up:0.07920630952105269	right:0.07729041610587174	:0.01
two:0.2076573406847707	three:0.14024325083864006	five:0.13409195863888818	six:0.12670142969365697	ten:0.12227776235506702	four:0.09332689912608	one:0.07061843700142588	eight:0.048807228973452084	hundred:0.04627569268801904	:0.01
in:0.6050614085174025	In:0.1320046324778842	the:0.06846611457156564	of:0.05768059302002427	from:0.03522732819699936	a:0.027976659922054586	this:0.022599598147048067	his:0.02067700118742919	their:0.020306663959592283	:0.01
and:0.40864052218060604	but:0.13053288478382652	is:0.11448873416143347	was:0.09373668400382684	that:0.0887415023913519	be:0.04404840894988245	are:0.04331825888655476	have:0.034375146383212915	had:0.032117858259304924	:0.01
that:0.24851564147726646	as:0.1862259222278045	which:0.12632110892447784	and:0.1038951946068526	when:0.09356410762279063	if:0.07564880364068474	but:0.06218166497864762	where:0.053201400439320534	what:0.040446156082155155	:0.01
the:0.291805945552912	of:0.1934235512463655	and:0.1501271194670858	to:0.08789682410157106	in:0.08592845644912266	a:0.059756726633215566	be:0.041691386101995416	was:0.03989037619497698	which:0.039479614252755195	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
the:0.45469292790384075	a:0.11365557069512153	of:0.09036161819593433	an:0.08840315729699551	and:0.07588308652672424	The:0.061730775193864676	in:0.04577078819634899	tho:0.03631278405241934	any:0.023189291938750804	:0.01
of:0.29633572450437884	in:0.1460853874885849	to:0.1415677969515685	for:0.09412461223492613	and:0.08474980319055248	with:0.07400648853301361	on:0.05839473007661019	from:0.05014706301412719	by:0.044588394006238215	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
the:0.7302656310802614	his:0.05693592902260105	a:0.037590780528832246	tho:0.03468916792724477	in:0.030163807452386747	their:0.02885744066723315	any:0.027708188483026985	this:0.02289157640319406	The:0.020897478435219722	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
and:0.17088875819441882	made:0.14700725502613013	up:0.14037496326714635	secured:0.1032245946741212	out:0.10290304256707901	taken:0.09703783258711496	ed:0.08520391730418443	him:0.07433795841065471	done:0.06902167796915026	:0.01
those:0.2620325408316668	and:0.2542426081629069	men:0.13583844199065834	people:0.08288362237137058	persons:0.06454797086029963	two:0.057335601553412885	these:0.04539143603680405	<s>:0.04525036398033672	both:0.04247741421254393	:0.01
they:0.31083200681150064	we:0.14161502983297675	who:0.10215659321944376	which:0.08754563692364888	They:0.07549061664274914	and:0.07048841619358875	you:0.07038237330106753	that:0.06675874071971298	We:0.0647305863553115	:0.01
will:0.2754260582151497	to:0.26502829714075965	may:0.08974948564411209	shall:0.08217768177084493	would:0.07869052747728551	should:0.06041660485486818	must:0.04860124052649	can:0.04436288435907588	could:0.023058890467551215	not:0.02248832954386277	:0.01
those:0.2940535532506415	men:0.17758972844816237	and:0.15045334244571257	man:0.14522336634823305	people:0.06434478322106484	one:0.04976628334666498	all:0.04605762766324428	Those:0.03167901439061417	persons:0.03083230088566223	:0.01
he:0.1696781811805841	of:0.15125616438695197	the:0.14031035466158828	and:0.13942252418010395	is:0.11338845433768445	He:0.11119375059632035	that:0.05679015020128813	be:0.056337593102883825	was:0.05162282735259483	:0.01
in:0.23023699828467553	of:0.21337907374835413	for:0.11047294920604156	to:0.10371676456942998	by:0.08409619871369925	and:0.06999224005883264	In:0.061671384959603844	with:0.059917986255572556	is:0.05651640420379035	:0.01
away:0.23659703027767806	taken:0.14985407006254547	and:0.13055165622229037	come:0.10253730378259349	them:0.08963397271673976	came:0.08579836897436893	him:0.07391851146988043	derived:0.061881899901636374	out:0.05922718659226692	:0.01
and:0.18784336682063274	as:0.15114329179679575	went:0.11423878004667351	him:0.10666558228731272	them:0.09110223752457794	up:0.08733803455919152	is:0.08689480544253657	go:0.08340199801381315	able:0.08137190350846597	:0.01
and:0.30936538711391154	of:0.2551858804932224	to:0.09347207146335378	about:0.07763774702423258	than:0.05569596153132895	the:0.05273415532441885	on:0.05094386789118816	in:0.04992420549854867	or:0.04504072365979506	:0.01
the:0.2922764378713537	of:0.17782088749567468	in:0.14157680581294022	and:0.10933893853717591	that:0.07058603379589194	such:0.052542664463565446	to:0.05240085009927354	or:0.04720995348500607	which:0.04624742843911832	:0.01
that:0.2213064645792713	if:0.18898608896874408	If:0.1585548968036304	and:0.12892091075186912	which:0.08835718740626475	as:0.08748838012832001	when:0.04335927974837685	but:0.036854559293660556	what:0.03617223231986293	:0.01
the:0.336165424633304	of:0.30846540048403726	on:0.08983263803364631	from:0.06925924722889035	in:0.0655223282490682	to:0.04500476795151538	and:0.0263505011280513	South:0.025459234566406433	North:0.02394045772508059	:0.01
the:0.23269138389509936	of:0.17227055812632708	and:0.13665891320837797	in:0.10858944276806193	for:0.08928936883968625	a:0.08689335141896441	to:0.07530007284549832	In:0.04973856514926051	that:0.03856834374872413	:0.01
in:0.37782696055212767	;:0.10050235910876813	up:0.08899839657869923	from:0.07676498916508699	them,:0.07438647247016913	thereof,:0.07121527800757292	In:0.0678860797225122	him,:0.06663710614671443	benefit,:0.06578235824834906	:0.01
the:0.32503209720308857	a:0.2368692049148895	and:0.09898806509471468	of:0.08643858737005874	to:0.059627649658118086	in:0.0586545599589261	The:0.050590862245644144	an:0.04455021716346503	is:0.02924875639109529	:0.01
is:0.22089822959536823	and:0.18387808269038555	was:0.13811299532752336	be:0.12644312904317534	he:0.08837698747964244	I:0.06624945268713965	He:0.060767105105227495	so:0.05827322819375202	are:0.04700078987778588	:0.01
to:0.30549348341880367	for:0.18659425496228885	told:0.10917621807585712	asked:0.0987704150122008	advised:0.0697321742528112	from:0.0653130836936508	permit:0.056644608947737575	with:0.05476825348313121	allow:0.04350750815351883	:0.01
this:0.41100048948619683	the:0.3921939927662362	said:0.06783261450969465	a:0.03037519106765875	York:0.02010071687703088	tho:0.01940580183051526	that:0.018949584234607072	of:0.01669194934513626	our:0.013449659882924236	:0.01
the:0.39176273516322835	of:0.17191096405693987	to:0.12297595959423423	at:0.0722651052203431	and:0.06903704402813834	by:0.05056043780181516	<s>:0.04112403693780886	in:0.036979394479065696	said:0.03338432271842645	:0.01
the:0.7403548075992421	a:0.08007375043019947	this:0.041856261054922364	tho:0.041277951392337635	The:0.03487668762567507	tbe:0.017593057385277402	whole:0.01311972911543464	our:0.012109939606324975	his:0.008737815790586372	:0.01
to:0.6262876687800507	and:0.0794261123855894	will:0.07576876439390863	not:0.0707040211200416	would:0.041347917300061265	I:0.032600031656752286	may:0.02524607286211728	can:0.0205646868108987	should:0.01805472469058005	:0.01
and:0.18363282820901694	the:0.12124915320812743	to:0.11727909452132212	will:0.1049323296525499	which:0.10304301242018113	said:0.1025573064937933	of:0.10121423398487817	that:0.07967799157623706	may:0.07641404993389388	:0.01
;:0.27420800686232105	him,:0.17737404957553712	it,:0.12315888676290336	her,:0.0970250371841496	time,:0.07368920820762186	and:0.07026947959500657	them,:0.06937552138339675	man,:0.05855265829341169	me,:0.04634715213565194	:0.01
of:0.3791770558650962	that:0.1251078222537047	in:0.11616138288817696	to:0.10497686977890212	by:0.08925490609734021	and:0.06963002571333493	for:0.04405314780796409	with:0.03550757080909421	from:0.026131218786386655	:0.01
of:0.2523558492351206	and:0.16928746430123878	in:0.12483596792384387	with:0.10151053519944808	to:0.09883079762593784	for:0.07479873152811378	that:0.06518170357774511	by:0.053846178297207004	at:0.04935277231134485	:0.01
a:0.22457985780694856	the:0.21603824903792843	and:0.14978086868860294	north:0.08127154947156603	at:0.07744876602536178	of:0.06723294339589152	line:0.06414886720295311	west:0.06024610195272152	south:0.04925279641802591	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
the:0.2327575992460039	of:0.17569187307147296	to:0.15837168235966023	a:0.13999222908938	at:0.11674053826544528	and:0.06010989804314588	in:0.047418569817433955	on:0.03459781943061636	for:0.024319790676841504	:0.01
was:0.17200961636904852	be:0.15397514929588843	been:0.148997230009112	and:0.13263449922561973	were:0.1023629236412231	are:0.08294371738854096	is:0.07355033471829611	have:0.06686072198542312	to:0.05666580736684811	:0.01
to:0.2401283906301484	has:0.18533862890743052	have:0.15539428913882766	had:0.14134046562577926	will:0.0962106622722942	would:0.05452976342559925	and:0.05300062084103636	may:0.03689648214635794	not:0.027160697012526266	:0.01
of:0.44398068277731534	is:0.08921591406086371	to:0.08277556235820129	for:0.08028346969902173	in:0.07245699715722363	and:0.06873477572635728	with:0.06042675975121881	that:0.049617440488343434	by:0.042508397981454685	:0.01
of:0.33616562556338175	in:0.1654337853717346	to:0.13107468944702014	for:0.08485520009079953	and:0.0720281526869444	with:0.05907724772724237	by:0.05213156172062932	is:0.045482853206875756	at:0.04375088418537216	:0.01
is:0.3865163345804227	was:0.18204251495878843	are:0.1757442035732867	Is:0.05749341884924252	were:0.047291336741995815	have:0.03958625298948005	had:0.03536441341445882	and:0.03476638884071543	has:0.031195136051609475	:0.01
to:0.3076502042897226	will:0.18157790644049251	shall:0.10288290382458652	may:0.0916993322783664	should:0.08274393619115725	would:0.06800559602492552	must:0.05555334867258784	can:0.051189160404279975	not:0.048697611873881455	:0.01
about:0.2498240536952694	of:0.22248056414011846	at:0.1463252987936388	and:0.09603920224569855	containing:0.0860922519885195	to:0.0645525220073308	than:0.05698601393673355	from:0.03473686825154761	the:0.03296322494114325	:0.01
the:0.1983617563665552	and:0.16741303523898565	of:0.16070716605411695	to:0.14121474152525526	a:0.12385002738842145	in:0.07400006600096734	at:0.05176589527226297	or:0.0416811268853122	that:0.031006185268122963	:0.01
of:0.19292439642576806	thousand:0.13116976041756298	hundred:0.11243653152442203	two:0.09951582591568348	few:0.09895250649996282	five:0.09889112711672335	ten:0.09103053596573117	many:0.08673830048596716	thirty:0.07834101564817889	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
of:0.2767811413315943	the:0.22532264492856996	that:0.10321654943039393	and:0.09766749157309096	a:0.07218602115388535	The:0.06243694324318817	his:0.06075060930526402	all:0.049214926572785256	as:0.042423672461228065	:0.01
to:0.5893232866053465	an:0.14534486777483444	will:0.07454904059158722	the:0.0517675337942629	and:0.030825317006176217	of:0.02743522852329472	would:0.027046978348518116	by:0.02230463490775972	not:0.021403112448220223	:0.01
hundred:0.38841378645436947	up:0.09123185635738856	men:0.08930224671194738	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.07306411117914521	him:0.0668423327581923	;:0.06651424040074755	due:0.06192290086804839	:0.01
to:0.2620983149693371	and:0.19664402247129265	the:0.18720703494025467	of:0.14061051340842873	in:0.0675925481954826	a:0.03867755248806961	<s>:0.03389464108121401	not:0.032510411574388075	that:0.03076496087153255	:0.01
law:0.17849875393309425	in:0.15362993775817899	action:0.1312948435868424	city:0.11190079746683933	more:0.0971238479973626	owner:0.0847194672858231	one:0.0797290692853683	person:0.07891214430629323	day:0.07419113838019771	:0.01
the:0.3371199727832529	a:0.1457134150805533	of:0.14248045800946926	and:0.12866761303070037	in:0.0655543454536848	to:0.057230129865294646	for:0.040490764715954274	The:0.04001357439140893	Mr.:0.03272972666968175	:0.01
of:0.47424604119449765	by:0.10171919199091257	to:0.08891794870064965	in:0.08578340020585788	and:0.06223676003297906	that:0.054661035195526717	with:0.04837530648330675	from:0.040651878709660215	on:0.03340843748660932	:0.01
the:0.35217900652828815	an:0.15730251335387382	to:0.12466277596530059	this:0.08837191954885057	his:0.07403520349050441	a:0.05797644426265543	and:0.05414892164485433	that:0.05016083323686919	in:0.031162381968803467	:0.01
would:0.22980511667265655	to:0.17299540970927663	who:0.12482764014450815	they:0.10355307675313528	I:0.09251266344910342	which:0.07981734282547859	must:0.068890066387715	might:0.06196287097814179	shall:0.05563581307998454	:0.01
and:0.41763880546410914	of:0.0912218931094537	is:0.08151465402581841	to:0.07464100943115234	or:0.07281733808894526	be:0.06898495269012603	are:0.0641978003340145	was:0.0608680682788031	the:0.05811547857757737	:0.01
it:0.35835403077289185	It:0.18033896309510394	there:0.1000580278728347	he:0.08633223790107593	that:0.0786661222512119	they:0.062195379566770945	which:0.057389596688828697	and:0.04098930196902008	I:0.025676339882261926	:0.01
of:0.27786722543568354	the:0.1769592214637535	a:0.1356149313139191	and:0.10247758160165223	to:0.08260370945264406	in:0.06722543089244222	by:0.06419603674865716	Mrs.:0.044140456604036336	that:0.038915406487211916	:0.01
of:0.3048659099369944	the:0.2704783354258797	in:0.21015627743194729	and:0.07903010382205368	In:0.05006699895155685	from:0.02746522280273799	The:0.017670828533854474	to:0.015959912479217495	New:0.01430641061575817	:0.01
of:0.2259884777378865	in:0.1279502676123141	as:0.10803511903377902	with:0.10289676309994414	to:0.10092096777749439	is:0.0958816162923596	and:0.08543175696245596	was:0.07364376919960383	for:0.06925126228416238	:0.01
and:0.3358899051231552	so:0.12787261399383748	fact:0.11537720847939431	say:0.07932676977727736	said:0.07691320332968189	know:0.072862552302457	is:0.06380559007158072	believe:0.06086605721333127	but:0.05708609970928472	:0.01
it:0.21798593052455414	they:0.155065219527454	which:0.1464503760706386	that:0.08997312673330615	It:0.08922096050606222	who:0.08069476545016606	as:0.07427663858078079	we:0.07368129437221253	you:0.06265168823482559	:0.01
the:0.7795310059410883	tho:0.03915794919402085	The:0.032381678095013695	a:0.030251141179217667	an:0.0287655471983412	tbe:0.023679813131782804	of:0.019523759108672677	and:0.01865685400946045	on:0.01805225214240241	:0.01
the:0.21473105477623822	of:0.2033705335187998	in:0.1532291174294918	this:0.12093641675973349	to:0.11301902609450998	a:0.053157392877735264	said:0.04434183478778719	and:0.04426000069302412	his:0.04295462306268015	:0.01
and:0.24102030610305708	to:0.15466596425989135	be:0.15116658020845244	was:0.10688073641889244	been:0.0799248592929294	not:0.06784690549389896	then:0.06704676945289333	had:0.0616768022239914	is:0.05977107654599371	:0.01
far:0.210784394628611	well:0.17576442902776318	such:0.12362451069847061	described:0.11794178958161482	and:0.10867141346620242	so:0.08142949909466306	much:0.06838167321619186	regarded:0.05391946459645933	known:0.049482825690023755	:0.01
them.:0.30631848512808474	it.:0.16971993377319147	<s>:0.14610188885792288	him.:0.08455510649848165	me.:0.07000196144307834	themselves.:0.056344550630546095	time.:0.054284898636117344	us.:0.05322655252896916	men.:0.04944662250360826	:0.01
the:0.33234572955597735	The:0.12871074483780276	most:0.12795848382604336	and:0.10638377398801195	of:0.07786886691579527	as:0.06156856548809882	that:0.055442480928424825	a:0.05330118580695664	more:0.04642016865288912	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
and:0.20576986051327525	be:0.14724677861411745	to:0.12535070885684524	of:0.12147274158796671	the:0.10006651747810341	in:0.07829719106333621	was:0.07464897261101211	is:0.06959459791180371	re-:0.0675526313635398	:0.01
as:0.1901363594632981	and:0.14892094237392686	up:0.14813225701833604	according:0.10048198341783923	regard:0.08824534444116322	came:0.08453893333370534	come:0.07830269616131262	addition:0.07806616721345018	referred:0.07317531657696846	:0.01
the:0.7553284314622014	The:0.058752918290807254	a:0.033402300901062484	very:0.03145962431246272	tho:0.026537946408817945	and:0.023965738475361938	is:0.022922263744698378	are:0.021601024248391887	was:0.016029752156195967	:0.01
of:0.3145126190713021	to:0.18391013975265189	in:0.12021535518017551	that:0.07576691743456172	and:0.06673703157286005	by:0.066463970495558	with:0.0632931230541034	is:0.053051804762129916	on:0.046049038676657314	:0.01
to:0.6231585290844119	I:0.06806831251079641	not:0.06129312371336944	you:0.050855039847698	will:0.049538627524832436	and:0.04282502089068051	we:0.03717654808899664	would:0.03259960678448762	they:0.024485191554726976	:0.01
to:0.4116999393474558	and:0.14074611789229674	the:0.13481418641093854	of:0.10172074776122532	not:0.07340838554804936	will:0.044383945684914834	would:0.02939102092362345	shall:0.02862183487655396	I:0.02521382155494218	:0.01
the:0.4233864667425947	a:0.16207768329789707	his:0.12184954894593687	The:0.061000662316365924	their:0.05822952008041698	our:0.04598536801590534	her:0.04070503044924198	and:0.04062680080216752	to:0.03613891934947365	:0.01
that:0.20781452755462185	in:0.17876992691881485	of:0.13918577418610759	have:0.10711267082735272	had:0.10062715710911646	and:0.07733803429608503	for:0.06690416756384844	has:0.06416635496779405	In:0.048081386576259114	:0.01
linear:0.5111949863161213	of:0.11464201463142906	few:0.06514337627281809	two:0.058412251003336864	and:0.053410512676964214	100:0.051788994252915735	five:0.04936354188696342	ten:0.04461642513762547	fifty:0.04142789782182584	:0.01
<s>:0.3031025226712855	and:0.1765498552416313	was:0.08869762695890185	recorded:0.08546547974838443	made:0.08508175570245387	is:0.07164292628760088	found:0.06149895909434871	place:0.05981731125514883	be:0.05814356304024459	:0.01
for:0.19042752589945175	of:0.18076167403246415	with:0.13520594799391125	to:0.11565724229176091	do:0.09480001307818249	in:0.0870673048804502	upon:0.08263226039551462	on:0.05198804008200455	about:0.051459991346260246	:0.01
the:0.6413140625538725	a:0.12748021446542857	his:0.05430225218167881	our:0.04274979575883123	tho:0.03783895340883999	their:0.029604300697626866	my:0.01977177423215456	of:0.01868429131714906	its:0.01825435538441844	:0.01
is:0.17656815578072774	was:0.15161958352715862	and:0.13867776004752738	a:0.1112432172426407	of:0.0883184254373165	the:0.08583029892039852	has:0.08404777045397879	had:0.07788398995091682	have:0.07581079863933465	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
and:0.18986383946160562	go:0.13130085891255383	going:0.1309620202896538	work:0.10689597319886998	carried:0.09881110789498938	them:0.09439722033459282	put:0.08068533560316976	that:0.08051329016795178	interest:0.07657035413661306	:0.01
and:0.21493091867814706	made:0.1792892969092605	that:0.1028520868573059	it:0.10183304180776317	only:0.08441843936411256	or:0.07832230071831843	done:0.07666239921831235	them:0.07645893500702176	him:0.07523258143975821	:0.01
from:0.2180220020555506	the:0.19694833446729548	in:0.12247782210057058	that:0.08945903226427072	some:0.08261572909543534	any:0.07972477308908749	this:0.07278699757577481	a:0.06676927872790636	same:0.06119603062410854	:0.01
of:0.3604378939279428	and:0.18417724295966711	to:0.11530815514885233	that:0.0767330727996421	with:0.07615055001814504	by:0.05912681968138366	for:0.04414574215772069	in:0.0437848717253896	are:0.03013565158125672	:0.01
was:0.24026457368433973	be:0.20378888515146407	been:0.14865768707292537	he:0.1103149710503319	had:0.06862126170206723	is:0.06433847761150072	were:0.0556837198793109	and:0.05046391740662209	have:0.047866506441437945	:0.01
<s>:0.2461466172968891	them.:0.22419267035370075	it.:0.17208459306519033	him.:0.09503381346386125	and:0.0538011868723756	men.:0.05132550189283218	people.:0.05090734334881111	country.:0.048289019313521996	us.:0.04821925439281763	:0.01
it:0.300066981673196	It:0.17982012281936183	which:0.13280947517765976	that:0.08596944820137031	and:0.07544393771454104	he:0.06860858490090373	there:0.061443168204505155	who:0.05198837442007751	as:0.03384990688838472	:0.01
it:0.4129027257425298	It:0.21770419090184553	he:0.08514975598479971	which:0.06993677021396343	and:0.06102108421963879	that:0.05662955546271884	who:0.037754901830045845	He:0.029000553456607722	there:0.019900462187850222	:0.01
the:0.3853244944598766	of:0.2016119142990119	and:0.13281277996971314	a:0.12239923761336712	in:0.03551265260697985	to:0.031033546691147867	or:0.028518751250522	The:0.028040083137066952	tho:0.024746539972314793	:0.01
of:0.33242039304109294	the:0.2992155351672289	to:0.10742807657320606	a:0.058061678744947366	and:0.04510847734509134	in:0.043518257322626375	at:0.040522600130924895	by:0.03689012513149285	on:0.026834856543389476	:0.01
the:0.2536270390323494	of:0.2142420506882992	in:0.12370167463345941	to:0.11545550328867085	and:0.0959162712641526	his:0.054838109050133296	In:0.04430743016544897	a:0.04427433466830941	their:0.04363758720917691	:0.01
State:0.15289743959999808	city:0.14659958296397377	day:0.13591694884936428	out:0.11337724748875531	side:0.09728949302627486	County:0.09253539253466517	state:0.09073164870521871	City:0.08933095417266332	line:0.07132129265908647	:0.01
No.:0.25222266244798813	9,:0.13408869572468385	June:0.10093755322708625	April:0.09982686735655118	March:0.09722849305084988	May:0.0853823961119105	and:0.07665274678923342	to:0.0731856894515657	July:0.07047489584013109	:0.01
in:0.34826112829500816	In:0.1709372180884988	of:0.10337081855955749	the:0.1014137764339466	and:0.10075554253053451	all:0.06291066899675335	from:0.04305578109444547	to:0.03293531972500774	or:0.026359746276248097	:0.01
the:0.6090554212068123	a:0.12361837670646249	and:0.07727792504851055	circulating:0.05819479406236602	or:0.046038944014406065	tho:0.024758875315927888	The:0.020484377149898557	of:0.015745210783495025	in:0.014826075712121144	:0.01
sum:0.16487037308920166	out:0.11307775521688435	amount:0.11090839996168092	number:0.11072884578616649	Board:0.10709279218170512	day:0.10091951320741446	line:0.09892782668492613	county:0.09783432205349216	purpose:0.08564017181852879	:0.01
etc.:0.16721223585311967	and:0.1409145066715845	1:0.13409911739794897	that:0.12816114856633934	<s>:0.10437861998714325	.:0.09032912812855912	-:0.0794550457626643	the:0.07283192612513507	A:0.07261827150750581	:0.01
a:0.2894207006083944	any:0.22378953031590265	the:0.2116826754709773	no:0.0736559870123204	one:0.05009792674701346	other:0.04503945667988061	of:0.034808041014115956	No:0.03197267541202001	every:0.02953300673937519	:0.01
and:0.5090272997432482	that:0.10778905250937587	but:0.0684639826597466	days:0.06334103378610689	and,:0.062487699779472404	soon:0.05827063280562925	until:0.043075392254829384	shortly:0.03949720582159898	time:0.03804770063999252	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
of:0.35281533248211927	in:0.15932891495967297	to:0.12172702666378053	for:0.08560942779146655	and:0.07037367601688634	that:0.06467495724573463	by:0.05117151082314558	with:0.044098730645807035	from:0.04020042337138719	:0.01
the:0.3566180582535436	and:0.16331399433744212	of:0.10799524916815266	most:0.07764881299020675	be:0.07107285348069892	or:0.06483367570972942	in:0.05108586241479263	was:0.049525130372715234	an:0.0479063632727186	:0.01
the:0.3299431306570386	three:0.1347298036895383	of:0.10423327765237074	two:0.09285609221603612	four:0.08114386278741498	five:0.07281385685432079	and:0.06059324413732464	The:0.05897444899336154	ten:0.054712283012594336	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
the:0.24855746452142435	and:0.19599015896865016	of:0.11997646782430034	to:0.10832671786233855	was:0.08306687445300182	a:0.06625223645149549	be:0.06490342642871656	is:0.051780678071133096	are:0.05114597541893947	:0.01
out:0.17743456461807092	amount:0.1293926442567202	kind:0.12203950594810947	sort:0.1067575524356711	number:0.10464960661878639	right:0.10083506542222534	matter:0.09195157259659335	one:0.08679098651155857	state:0.07014850159226461	:0.01
of:0.23147878666267743	in:0.16354154413646171	at:0.13623310511628936	to:0.12475822205396492	and:0.08174569600768213	on:0.07648236697015053	In:0.06384841914428713	At:0.06245348390113707	with:0.04945837600734989	:0.01
of:0.37888252473908907	in:0.12820861803559516	to:0.10441990140392647	and:0.09593832568712526	that:0.06971949913892457	with:0.06106707741411147	for:0.0608570667914635	by:0.05176039007607272	from:0.03914659671369176	:0.01
of:0.34149624747561397	to:0.1278360730178111	and:0.11216778053475238	all:0.09537827231696853	that:0.08541928101554859	with:0.08142434596268751	in:0.05601356730505628	for:0.04927893199911606	by:0.04098550037244561	:0.01
of:0.45822967668773823	and:0.12212737018868093	to:0.08599947779409439	about:0.07690726931639043	in:0.057322906718802795	at:0.05105485805238286	than:0.04910163281168532	by:0.045670417304370846	from:0.04358639112585406	:0.01
lots:0.472963412905489	No.:0.20143515730137856	at:0.05654989678428931	of:0.053352603672946836	and:0.05210634112900289	to:0.04377073525854437	Lots:0.04032936314379176	the:0.03627204298687698	.:0.03322044681768044	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.04553578393787439	of:0.03051332981678091	tbe:0.02261446403444868	in:0.021612439669724332	or:0.020196218295911488	:0.01
the:0.28246154582438365	of:0.15299240141226966	and:0.13617510812243225	to:0.10572843301021204	a:0.0862826105563712	be:0.07529464419189333	is:0.05715875834760748	in:0.051304671225660556	was:0.04260182730916977	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
of:0.19882004552197108	in:0.18894034545773242	to:0.10882461289622955	and:0.10475928392840532	with:0.10045909801506564	for:0.09080677879375111	as:0.0812843339875996	that:0.058107854941928085	is:0.057997646457317274	:0.01
the:0.2891176985137046	of:0.15034482710262845	and:0.14727364343021293	a:0.12256378698685641	to:0.11180388212332247	be:0.05566769946958988	was:0.044440704312762515	or:0.03660687066406267	is:0.03218088739686003	:0.01
is:0.24633136523248853	be:0.12796002447627855	was:0.1259222921570467	in:0.1255806540491502	are:0.08360848955590314	and:0.08254876048776566	of:0.0715647728761468	amount:0.06861762348641402	that:0.0578660176788065	:0.01
the:0.4240766770630049	a:0.16249535481607222	his:0.12745832674545904	and:0.05947736579335622	such:0.05674742980691346	of:0.042673170095441484	as:0.04103249787579418	this:0.03999314892551356	her:0.036046028878444936	:0.01
the:0.4373546854605904	a:0.12658803086129966	their:0.08145364101407569	his:0.07386121247270125	and:0.0675497215922617	of:0.05190739161787046	this:0.050996655995879825	each:0.05097089940813648	every:0.04931776157718472	:0.01
and:0.2713958356139989	committee:0.12196471445168562	that:0.12088335686488996	Committee:0.11013757498277137	was:0.08468899846840804	feet:0.07897512130622884	out:0.07502261916662312	made:0.07026595361663135	up:0.056665825528762995	:0.01
to:0.2620983149693371	and:0.19664402247129265	the:0.18720703494025467	of:0.14061051340842873	in:0.0675925481954826	a:0.03867755248806961	<s>:0.03389464108121401	not:0.032510411574388075	that:0.03076496087153255	:0.01
he:0.2188681772358935	it:0.18595627756923913	they:0.12447781678179366	I:0.09606223838216958	It:0.0854835466791253	who:0.0756116527898356	that:0.07544707224595475	which:0.07095251204417566	and:0.057140706271812745	:0.01
as:0.3723241520447311	of:0.12834585129369164	and:0.11043896172646227	was:0.10456577086047611	is:0.07110613440461802	be:0.06604042057846508	for:0.04904892804671867	by:0.045259722158475776	in:0.042870058886361334	:0.01
him:0.22511585349940633	;:0.13425530321808518	man:0.1157463537230125	him,:0.09507188899750849	up:0.09324255187190895	and:0.09098934403345371	himself:0.08354952396536709	in:0.08043645717718255	man,:0.07159272351407525	:0.01
and:0.6753745644137942	was:0.08486063116136723	Since:0.06195967609193638	is:0.04726448856619813	And:0.03832540756847496	He:0.02927763476860983	;:0.017780565417925418	are:0.017618974144933765	were:0.017538057866760128	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
is:0.197311033992359	and:0.12231205398331832	for:0.11985894442484812	from:0.1193144408700987	are:0.1062178130789393	be:0.09678439377134154	to:0.08251680016855213	of:0.07291313519532232	was:0.0727713845152204	:0.01
Mr.:0.35298472894292565	;:0.13569740232565344	.:0.08737427383884204	Mr:0.08360820338555904	city:0.08084934613980291	wife:0.06561165138140643	1:0.06301962520034086	home:0.06149283028519395	men:0.059361938500275706	:0.01
he:0.2104117121136431	and:0.19681399676034134	it:0.14424272658866555	that:0.12964160428101112	who:0.07196266055225953	It:0.07012336257780342	which:0.05778452359492339	there:0.05494803795086501	He:0.054071375580487566	:0.01
to:0.22915990236004585	I:0.13871946602755938	would:0.1330455404601739	they:0.11537319596311132	we:0.10498230354658346	who:0.08173080463455147	will:0.07730390766292998	you:0.05776733890846798	and:0.0519175404365766	:0.01
the:0.41781411911028754	a:0.1991727523518488	his:0.08733299016953619	this:0.07166601283254145	in:0.050092781532709366	one:0.04345296358606186	our:0.04102676486787301	her:0.04012606943182516	every:0.03931554611731669	:0.01
of:0.3457666199497193	in:0.13584302590029676	to:0.11430016344127791	for:0.0988636991700741	and:0.087737197081992	that:0.07904342527540834	on:0.05066667067731982	by:0.04058086303956087	from:0.03719833546435092	:0.01
the:0.6864336415105893	The:0.1043293277370776	a:0.07165398345864098	tho:0.030117436401735854	his:0.029994492044828354	and:0.022260670725992974	of:0.016813699164185295	our:0.01453461277500728	tbe:0.013862136181942455	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
and:0.20576986051327525	be:0.14724677861411745	to:0.12535070885684524	of:0.12147274158796671	the:0.10006651747810341	in:0.07829719106333621	was:0.07464897261101211	is:0.06959459791180371	re-:0.0675526313635398	:0.01
and:0.36589722240622397	that:0.11879104527843785	was:0.08083215690966293	them:0.07581696606510144	made:0.07343615971296245	as:0.07226863543357237	it:0.06934005464314698	up:0.06798728477283876	or:0.06563047477805344	:0.01
up:0.17376165426634194	as:0.12358932867718747	went:0.12126099625209917	feet:0.10852007962899118	back:0.10778950773120395	and:0.10358571423275541	sent:0.09272689443227274	down:0.07981364295220407	go:0.07895218182694412	:0.01
and:0.18784336682063274	as:0.15114329179679575	went:0.11423878004667351	him:0.10666558228731272	them:0.09110223752457794	up:0.08733803455919152	is:0.08689480544253657	go:0.08340199801381315	able:0.08137190350846597	:0.01
the:0.42932675219387656	this:0.16407785769442226	a:0.11255590225605523	The:0.0845768036138529	his:0.05648618223313727	This:0.04762150692093662	that:0.0338094274479996	present:0.03200173707123949	one:0.02954383056848009	:0.01
time:0.16583176719390263	up:0.1374428662186972	him:0.1356999566365161	out:0.11873416223605032	it:0.10992980666216844	in:0.09079542906666252	them:0.08567496071291175	work:0.0851966410022111	men:0.06069441027088003	:0.01
the:0.40584786756481706	of:0.21062391491231378	a:0.13654660006288477	and:0.07248044642528714	in:0.0565916266577858	very:0.02923925317421866	for:0.028959085747414997	tho:0.027792852203327223	as:0.021918353251950594	:0.01
.:0.23439429521101848	and:0.15622109709858004	Mr.:0.13461967433492644	of:0.09775799086772481	I:0.09686813144792122	<s>:0.08004806155814427	John:0.06899849553463293	at:0.06072583147265132	to:0.06036642247440046	:0.01
the:0.41334293094321933	an:0.1964436052859265	of:0.12579206806633833	primary:0.06723337303999997	on:0.044817363395782864	general:0.039199653768425026	said:0.03867866617049734	for:0.036039108435697874	and:0.02845323089411295	:0.01
the:0.5599945462947383	a:0.22313361420839442	The:0.06004754297892306	of:0.03715746718483107	and:0.025667290687634015	tho:0.02325281365979466	no:0.02268393305228487	his:0.022478134834600497	little:0.015584657098799174	:0.01
to:0.23531422799056625	of:0.20201836892625452	<s>:0.16946865162562927	that:0.08707660963393062	for:0.078592795356978	and:0.06799502638338947	it.:0.05183384588718238	him.:0.050931866440397364	in:0.04676860775567209	:0.01
the:0.319043605732782	of:0.1731591707614373	and:0.12534789090235723	to:0.0964738623652757	a:0.06334210630031534	his:0.05388570381727439	their:0.053878498318420856	be:0.05312243736196244	in:0.051746724440174474	:0.01
and:0.25037799561132223	to:0.19051743664518078	of:0.12818071300755096	the:0.11341275889843262	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.05790590474591629	for:0.056443486992488516	:0.01
the:0.19449218439115257	and:0.17205293007108413	of:0.14072648893149953	to:0.13065821852610515	a:0.10864764597806324	was:0.06863644043976365	in:0.06840985754017505	be:0.05664546737906668	is:0.04973076674309004	:0.01
to:0.5322216473675079	the:0.1331208185413563	an:0.12897032716613124	will:0.05368706690536445	this:0.05335342685898025	and:0.03517027739368174	that:0.020141099387111644	would:0.01785439596561381	a:0.015480940414252633	:0.01
be:0.20677585249834668	was:0.16918596776663972	is:0.1292426305756323	he:0.10906733935671171	have:0.10408541219826552	been:0.09639850426404566	had:0.060513440536275574	has:0.05743223676397213	He:0.05729861604011076	:0.01
day:0.9306543456003331	dav:0.015091726282296773	Monday:0.007975536068491253	month:0.0071320972911255685	middle:0.006800214508135428	State:0.006000830295033762	1st:0.0059948075043476275	city:0.005349688300905651	part:0.005000754149330746	:0.01
<s>:0.508086730386848	it.:0.1136425047449807	them.:0.0896712842104004	.:0.057354245150224255	country.:0.0493047158882903	time.:0.04838482560929419	year.:0.04633643255605264	day.:0.04010152727255622	him.:0.037117734181353446	:0.01
and:0.3611715861362693	is:0.10057978584052146	not:0.09851390702151772	or:0.08678558965722302	are:0.07932334923693612	do:0.07857944678350108	was:0.07635212775838954	And:0.06715358402593397	be:0.04154062353970769	:0.01
the:0.388887648406846	of:0.20232757012206554	and:0.1174513561672599	or:0.08688093472945026	The:0.0443560185250702	these:0.04078744626093432	for:0.0393847351063959	by:0.0359915638846433	about:0.03393272679733473	:0.01
and:0.23286322680857055	of:0.186567291339073	that:0.11113609761982247	to:0.10506883844499584	if:0.09953369457585386	for:0.07383546863097888	but:0.061748913739253904	when:0.06048817603663132	was:0.058758292804820166	:0.01
up:0.17944868240247847	time:0.15464276408364416	in:0.15222692549920153	down:0.0953692625138807	life:0.09231687547486686	land:0.08309236300049559	him:0.07892399954606723	out:0.07769606108488357	power:0.07628306639448172	:0.01
the:0.42692041071232806	of:0.22601312943270396	in:0.061283328646046395	such:0.057325662063214995	to:0.05275213097492565	a:0.04745794888108907	all:0.04384946919405888	any:0.040366330000102535	on:0.03403159009553032	:0.01
the:0.35732172982645566	any:0.23765187383533015	an:0.12878154991240548	either:0.048117955151025744	to:0.0461237855048886	presiding:0.045224302629745035	of:0.043715848670761684	such:0.042945222381989924	this:0.04011773208739785	:0.01
the:0.3415156296872454	and:0.15810136082975432	of:0.14848315339772505	to:0.11757737985831355	their:0.06686903328091315	his:0.05290268790761813	in:0.03687172888920533	a:0.034033182979037783	that:0.03364584317018728	:0.01
the:0.2363256619242568	of:0.18886074844018247	and:0.12682049354783523	to:0.09524780069146993	was:0.08498950973556639	a:0.07330451419837286	be:0.06504520465050595	in:0.06462390742693405	is:0.05478215938487642	:0.01
the:0.2686635713483295	of:0.16010824045014527	and:0.15936633688000906	to:0.11787375993345722	a:0.07276654388336477	be:0.06429477580072379	in:0.05966067700417688	for:0.04438815198806901	or:0.04287794271172442	:0.01
an:0.3298636501331754	most:0.1891026676293876	the:0.17494747620055812	and:0.08595565738449318	of:0.07427046086906389	a:0.040437701402719274	other:0.034216369574763233	to:0.03331217485260985	this:0.02789384195322933	:0.01
one:0.33708984341259335	part:0.1487557614660267	out:0.10384043397499725	portion:0.09083714555922895	side:0.07562804233059957	some:0.06197550487992145	that:0.060324718837243906	tion:0.057990436636891	member:0.05355811290249791	:0.01
and:0.32508827920622946	called:0.17433470643435234	due:0.08119015470176152	conferred:0.0796456895316815	made:0.0773910019419112	based:0.0675880366013873	call:0.0627362834041282	that:0.06169447723520873	depend:0.06033137094333987	:0.01
Mr.:0.24510152008600414	Mrs.:0.2240642886166854	U.:0.19648036965417434	and:0.07570678160264203	.:0.06325163680652991	Dr.:0.052869279506397415	John:0.04820281249817006	of:0.04615663274906275	W.:0.038166678480334046	:0.01
of:0.3072613094459131	in:0.2175876516318947	to:0.12158621943753734	on:0.10707830106017133	from:0.06309801694752407	for:0.053870830369077326	In:0.047369734054498014	and:0.036293117350952774	with:0.03585481970243142	:0.01
manner:0.39461193456752314	and:0.1874970192491854	that:0.10855654014299568	way:0.07037996389927753	time:0.053828768086076215	it:0.04775881818150397	all:0.042702733322799634	one:0.04238708288685657	part:0.04227713966378214	:0.01
a:0.3685053686896941	the:0.24980740663511056	is:0.12928326188115816	was:0.0696066738203175	are:0.05099428153652992	be:0.03736670285803542	The:0.03210389121869509	not:0.027683563244247367	A:0.024648850116211905	:0.01
the:0.5442094660611122	and:0.17289815313820842	of:0.06755861969489717	or:0.048522832469082136	The:0.04733670952875613	with:0.03359794028729045	tho:0.027178269540565687	a:0.025641242891943694	for:0.023056766388144048	:0.01
it:0.29897370122866246	It:0.242614723778154	which:0.1035639880870906	there:0.08706159667463478	he:0.06758205162219022	that:0.0647963142236734	There:0.05706355686320396	who:0.034298105592969697	He:0.034045961929420776	:0.01
the:0.6460945270405066	a:0.09201001880411186	of:0.05987109557866406	this:0.041691314869204375	on:0.0392748889333273	tho:0.03871680239122698	and:0.027181031591336568	said:0.022704059701923827	his:0.022456261089698563	:0.01
and:0.24004408046617698	that:0.1730904878198437	I:0.15073724796881305	which:0.08004403445706484	<s>:0.07306464698886914	it:0.07297516744003334	1:0.06864399311542536	as:0.0685999990039144	he:0.06280034273985934	:0.01
the:0.5749300566611416	.:0.09797140648806993	and:0.07375341517721737	Mr.:0.055894554355038685	of:0.04616207875552563	The:0.03830981975734198	in:0.037952209239577595	a:0.03260105964127538	<s>:0.03242539992481173	:0.01
hundred:0.38841378645436947	up:0.09123185635738856	men:0.08930224671194738	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.07306411117914521	him:0.0668423327581923	;:0.06651424040074755	due:0.06192290086804839	:0.01
and:0.2682983319507874	recorded:0.10717905104111182	was:0.10263907629409649	made:0.09927630384100071	that:0.09842569549211198	o'clock:0.08895025276229458	up:0.08173084504592748	is:0.07240199994443215	found:0.07109844362823738	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
you:0.15229395712685734	it:0.14857837521229483	and:0.13056398430549873	they:0.12392686303582238	which:0.09799150163831577	he:0.09534329775684305	I:0.09360012175247096	that:0.0873937495496776	It:0.06030814962221934	:0.01
of:0.39139499467165434	in:0.13128772091221375	to:0.1114138883164723	for:0.0766742807902479	and:0.07135432315611828	with:0.06180615296090067	on:0.05538152073181484	by:0.04859418800061113	that:0.04209293045996677	:0.01
and:0.35315218645721114	that:0.11835483459355081	it:0.11534080442338009	found:0.07013930176251786	made:0.06891855340915605	is:0.06851004504571004	him:0.06692019640895633	was:0.06498994036132699	but:0.06367413753819048	:0.01
the:0.7181266107376051	a:0.08280533241578514	tho:0.045960580279809156	and:0.035017432846489865	The:0.032199305465445	this:0.020669390221321707	of:0.0196976870995403	his:0.018414948801351996	our:0.01710871213265181	:0.01
the:0.31670456320987606	a:0.23997542256879997	of:0.1332361403799451	his:0.07407377759363767	their:0.05569886275697133	and:0.04981754009709691	with:0.046282449021551285	all:0.03969589223461306	in:0.03451535213750865	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
the:0.32409726519055104	a:0.1951332675642807	and:0.12546258123052142	of:0.12286322738773414	in:0.0607879459447994	to:0.050683208884497837	<s>:0.040460603041753584	The:0.03688864596324387	was:0.033623254792618115	:0.01
the:0.493629351413715	a:0.3587398960091312	The:0.03912504010066908	to:0.019227849490403185	tho:0.01882190383078684	no:0.018605167810183777	any:0.01573617467192981	and:0.013100623949510054	most:0.013013992723670924	:0.01
the:0.34749167834921435	a:0.1940961474673344	to:0.09918991763482662	town-:0.08821613200650298	town­:0.08148669525855029	of:0.06105234472347978	The:0.044718061587864	and:0.04156780769635253	that:0.032181215275875086	:0.01
the:0.5567972993230034	of:0.08017968774386189	his:0.06379934129162218	their:0.06280449110070362	a:0.05406867161991367	whose:0.04956783657802138	and:0.04767094810985945	in:0.04283555914272924	In:0.032276165090285094	:0.01
the:0.4263448783509635	a:0.2833812737520402	The:0.07914930776271575	this:0.04044134704128729	A:0.03648942022417152	tho:0.035716250875288055	that:0.03218286372821953	of:0.02844481800933544	and:0.027849840255978503	:0.01
and:0.190494265966803	covered:0.18316282477703563	filled:0.13447777221390395	together:0.13360527635178146	charged:0.09623558165493187	up:0.08218350460043088	but:0.06019302161043959	it:0.05888545756967721	supplied:0.05076229525499645	:0.01
of:0.39996366288592233	to:0.15327128333500406	and:0.0840254194039802	by:0.07829726650577441	that:0.0757391324221618	on:0.06937728173963718	for:0.04845732759576014	with:0.04269058515967191	in:0.038178040952087954	:0.01
of:0.3690784749774218	to:0.11371153156517765	at:0.1113702675436213	from:0.09871893931079241	the:0.0819454167046844	and:0.07359775574619877	by:0.07176312146594745	in:0.050295664760310915	for:0.01951882792584531	:0.01
that:0.2846863191148205	as:0.1687360573508823	if:0.13312576535698514	and:0.12140488534129722	which:0.0791399109081922	when:0.06234955738412828	but:0.06186216402931016	where:0.04460858233159736	If:0.03408675818278694	:0.01
the:0.3480474048172614	a:0.17158741194664828	of:0.12463152430242952	and:0.11470547162523169	an:0.06397749595262804	to:0.05379346907921347	in:0.04810657693051631	that:0.03648898616312993	The:0.02866165918294143	:0.01
and:0.2682983319507874	recorded:0.10717905104111182	was:0.10263907629409649	made:0.09927630384100071	that:0.09842569549211198	o'clock:0.08895025276229458	up:0.08173084504592748	is:0.07240199994443215	found:0.07109844362823738	:0.01
and:0.3228251478841163	reason:0.14855774103364883	necessary:0.08589474441536633	pay:0.07918040810959909	demand:0.0782739749082368	but:0.07641484257368257	made:0.06765122219451956	provided:0.06755406486583945	do:0.0636478540149908	:0.01
the:0.22669854374274823	a:0.16065144283152755	and:0.1568205597537097	of:0.14859189720612156	to:0.10768267476423311	in:0.05931814572121812	be:0.058573375309931834	was:0.03748628502926306	is:0.034177075641246855	:0.01
I:0.26368449363116664	he:0.25359162889914927	He:0.1127405649900009	who:0.09079038957875753	they:0.07083406903916488	she:0.06324486275662439	we:0.051948348098115424	and:0.05053108381227724	She:0.032634559194743874	:0.01
a:0.3258840593850675	the:0.27268348957764527	and:0.10389092614793587	A:0.07050413442396732	of:0.061224174116501294	<s>:0.0502833577232098	per:0.04020848419020275	said:0.03420132039191274	one:0.03112005404355752	:0.01
30:0.26133328282515544	20:0.12704677326558486	40:0.10388397435212586	45:0.09262647185574013	33:0.08817627334809583	15:0.08700247986265428	35:0.08436611406431932	48:0.0742235362608118	51:0.07134109416551232	:0.01
that:0.2550556951260966	when:0.17831182432348683	and:0.12948592033081302	as:0.11909392670241487	which:0.10427409858228374	but:0.06654833102662844	where:0.05454030609210616	if:0.044257296816698107	until:0.03843260099947213	:0.01
the:0.5023825219502726	The:0.172875690514477	this:0.0749071663303149	a:0.07419594354871437	This:0.061530725754150174	tho:0.03573076877842597	his:0.024662112530661334	commerce:0.023480375678358385	of:0.02023469491462507	:0.01
in:0.5185067913374198	of:0.14096549190826715	In:0.12971450049712402	any:0.086750358819532	for:0.02662447689089909	no:0.024704412605787276	upon:0.0215317036899949	that:0.021120165382785487	with:0.020082098868190373	:0.01
the:0.25015508706163736	of:0.17327320107306698	and:0.14388289249475145	to:0.11475751953988335	a:0.09038001401223485	in:0.07346713906469311	be:0.06537517806815311	is:0.04234795454789139	or:0.03636101413768829	:0.01
the:0.8076152062331344	The:0.05395039225429783	tho:0.03277361312921803	at:0.021404338262588033	a:0.020758509105481455	his:0.018063828534779135	tbe:0.013901280906959591	their:0.011278136820294785	its:0.010254694753246677	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
above:0.2960634500845927	be:0.14974403539809644	man:0.13253933141379504	was:0.10303503919880275	he:0.08196322565998551	been:0.07038368280050991	were:0.05576857029802966	and:0.05574941336006584	is:0.04475325178612208	:0.01
and:0.24181782532058615	be:0.18469795708939865	was:0.17148408862063771	is:0.11211203174860683	are:0.06696641719207268	as:0.05832551346979182	were:0.05550553841170216	been:0.05367397242727324	of:0.04541665571993091	:0.01
of:0.36285203323998894	the:0.27290807775512665	and:0.07577500945800313	recover:0.05765649045720098	for:0.05551360926308394	The:0.04865070838772945	in:0.04353304641405658	this:0.03681306964781228	such:0.03629795537699807	:0.01
sum:0.18676829411122214	number:0.1566486321513545	line:0.11140081741272478	city:0.10844765106291132	out:0.10739005474369737	day:0.09286734076326106	county:0.08286139477536687	amount:0.07384405151900511	Board:0.06977176346045691	:0.01
It:0.23594464495994608	it:0.2271731673338192	he:0.15040540526013613	which:0.10469889818326025	He:0.06869022683838817	I:0.05826337848862761	and:0.05447682088180758	who:0.049064498419939706	she:0.04128295963407546	:0.01
of:0.2398708670291844	the:0.22743525417047472	and:0.13139002385520807	to:0.10376973167625372	a:0.08712962001455622	at:0.06768600089169874	his:0.04664315861358614	in:0.045541179361710225	is:0.040534164387327855	:0.01
going:0.2673869166911204	go:0.19335981535322228	went:0.11718963579570203	goes:0.10231285348537614	carried:0.08043757537378235	and:0.06397033228828154	feet:0.05914133459773007	passed:0.055022365229574606	done:0.05117917118521056	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
the:0.43114557048978025	of:0.14908952579214677	and:0.10450724408868552	in:0.07217827145912264	to:0.06728188081474025	that:0.051561751257759296	a:0.050920661449079356	be:0.03608131061625254	his:0.02723378403243328	:0.01
to:0.24865584981323072	of:0.17551869731918388	and:0.17473038965234516	the:0.17161023404252088	or:0.07406657288806955	in:0.048262800125335556	not:0.03552156459878043	at:0.031816137146232874	for:0.029817754414300776	:0.01
and:0.18784140996604134	of:0.1490887430116108	in:0.12741405174626447	the:0.12173717920647892	on:0.09649611517282078	at:0.09222434863135759	for:0.08189248322055773	to:0.06820701309502954	from:0.06509865594983881	:0.01
be:0.39826761391959153	is:0.15796057815986497	was:0.10146957623459725	are:0.09611501207808676	been:0.07593253708059396	not:0.0371231055572556	and:0.03691216580366941	have:0.03272333828051424	were:0.028487225607293165	he:0.025008847278533086	:0.01
of:0.22164806883989044	was:0.18302484420608373	is:0.1455578947378183	and:0.12825755463580163	are:0.07915140693316197	at:0.06608384853473077	were:0.059044326920107304	in:0.05765935014370238	for:0.04957270504870318	:0.01
and:0.2057490146464805	be:0.17826278710718887	was:0.13772308974308828	to:0.0883281909653392	been:0.08618103965957717	is:0.08100416015488449	of:0.07967589319502678	he:0.07002166678811851	were:0.06305415774029603	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
of:0.4114991059119454	to:0.1505822061244783	in:0.09675841314866339	for:0.0888694192869878	that:0.06012965390289862	and:0.05846963721855623	from:0.045279916329258915	at:0.039266408959238275	on:0.03914523911797292	:0.01
of:0.44312963913615244	in:0.12282353304317452	to:0.09499541446950903	for:0.09048544875518255	and:0.0730095293923649	with:0.06868216657964463	by:0.03586696515268456	that:0.030535724383627488	from:0.03047157908765976	:0.01
and:0.23749675482912586	covered:0.13875918055451128	together:0.10908004926060494	filled:0.10240357263225026	it:0.09524661810405691	do:0.090012225092138	them:0.0748965520221591	up:0.07184143139991793	him:0.07026361610523572	:0.01
the:0.5556308824190579	a:0.13720448338418917	large:0.08285774618978545	Grand:0.05815297679000422	great:0.04270661281259392	The:0.03529607322748043	tho:0.032069391770094574	high:0.023492945548011696	vast:0.02258888785878269	:0.01
the:0.6137983159775982	a:0.08076905414888255	of:0.07820053318804959	Men's:0.06701386561445852	and:0.04754278872008715	The:0.03774443637027746	tho:0.030733804695949187	in:0.01992087175949419	tbe:0.014276329525203083	:0.01
the:0.2566738309590205	we:0.13839745124855363	to:0.1309614185522146	I:0.1167305022406287	We:0.10631278101518847	no:0.08595950777537403	and:0.07149218382764908	a:0.045916545735968275	sincerely:0.03755577864540259	:0.01
and:0.23434895996823982	of:0.22955408581209785	that:0.09409037305409816	in:0.08639572819125024	are:0.08527121571466886	to:0.08328782642627253	with:0.07250267584278743	is:0.056081911926288246	was:0.048467223064296995	:0.01
the:0.7515516290409328	The:0.06831560207837191	a:0.0669041778012633	tho:0.03274670796639094	and:0.017590946746371242	tbe:0.016216037744837108	by:0.013955594452220926	of:0.012174480065536196	to:0.01054482410407564	:0.01
<s>:0.26142681908191784	of:0.15855007777555716	in:0.15089353190853635	to:0.1371153514827933	at:0.0744787933849719	for:0.059623387436219304	that:0.05554141478334803	and:0.046540591057148355	by:0.04583003308950771	:0.01
the:0.2553642142664469	of:0.1614315713997663	and:0.11988813480631447	a:0.09258020596600255	.:0.0886903827830793	at:0.0806784940835332	<s>:0.0773583208672884	to:0.0679687073109886	in:0.04603996851658042	:0.01
and:0.2500139557465716	of:0.1577493546094138	to:0.1349424065470087	is:0.08629698222507516	was:0.08055671547012434	for:0.07576534216973776	are:0.07339536277519824	in:0.07279594799724061	with:0.05848393245962985	:0.01
the:0.28410536188859337	and:0.1740952515959536	of:0.1267821049460687	a:0.11276643083346742	to:0.07078977677560747	was:0.06679206630236653	I:0.056027005813178696	Mr.:0.049575806559724954	be:0.04906619528503923	:0.01
he:0.2382194184381681	who:0.14539959481969442	and:0.1339628486132703	which:0.12326385419492464	it:0.10524941877067033	He:0.07647555750607184	It:0.06388595938208755	that:0.05811566791044883	she:0.04542768036466384	:0.01
they:0.2945697212712811	we:0.1296088874247782	who:0.1277743016269547	and:0.12215180465193734	you:0.07722217804844113	which:0.07031603158390949	They:0.06140198441687372	that:0.05953595526643393	We:0.047419135709390575	:0.01
and:0.2333783207347271	of:0.1471906491698185	was:0.1269815154220225	are:0.12156824343305433	is:0.08515220185346932	by:0.07276551134502061	for:0.07000971333471354	to:0.06823452092361243	after:0.06471932378356174	:0.01
the:0.5045061553561311	a:0.17625206175097366	and:0.07387472218535991	The:0.06235153854686844	his:0.05798031626402825	of:0.03163231590949157	tho:0.031089194195121628	be:0.02621178988502393	their:0.026101905907001382	:0.01
that:0.22589800819119046	and:0.1551325956026879	will:0.1307377974002378	to:0.10879797661238738	which:0.09142458963169241	as:0.07543580639651166	if:0.0727699845740699	would:0.06971627749222806	when:0.06008696409899434	:0.01
of:0.1804543805069557	to:0.1747026357974531	the:0.15749425223258814	and:0.15345542519140226	be:0.09235457882182141	a:0.07340216453377851	was:0.06625041891181835	re-:0.045984937709827485	for:0.045901206294354936	:0.01
of:0.2698660523118012	the:0.23484995954929383	and:0.09904608166287818	to:0.08908406635712103	at:0.07671458294901894	a:0.0659892453558625	.:0.06118162458386224	in:0.05380488689934228	by:0.03946350033081984	:0.01
to:0.49185407585675545	a:0.1057650734413686	the:0.09951892274738595	will:0.08638797846027013	not:0.077694694372105	and:0.04910057041684223	may:0.03426303764957278	would:0.02541726795111949	cannot:0.019998379104580535	:0.01
owned:0.27782378230683424	made:0.12915734501143822	delivered:0.12063260249296293	assisted:0.10198923553477156	and:0.09667152899118853	occupied:0.0843407991526811	conveyed:0.07723212158891642	accompanied:0.06323193114761544	headed:0.03892065377359161	:0.01
sale:0.6161918246325002	and:0.09223723399842064	therein:0.05431427544592814	was:0.05173885905257803	be:0.04052523743064418	is:0.038004697494649096	as:0.037100801860378965	mortgage:0.030075385952785538	land:0.029811684132114998	:0.01
or:0.20456925726310016	not:0.165069560207902	and:0.14066034480304365	redemption:0.12589568267922988	than:0.08972502997109887	is:0.06896450207811629	was:0.06877777860304822	look:0.06433523491393657	there:0.062002609480524384	:0.01
the:0.5366214496549949	court:0.18346214977701847	school:0.05078395336837145	The:0.044195309240499456	his:0.043852296365596136	opera:0.04054352568511812	a:0.032572777419785745	said:0.03189234271750899	tho:0.026076195771106554	:0.01
in:0.2701618008657198	of:0.22322812646490608	to:0.10487137246615126	with:0.08632673851129093	for:0.07000513782906681	and:0.06985317461246232	at:0.06272645191630617	In:0.05397016807509413	from:0.04885702925900242	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
a:0.32362394375427567	the:0.3123314425862904	young:0.1043740687145058	The:0.08559581255559409	A:0.06584656075051813	every:0.032433472577229755	old:0.03135906711349277	and:0.019588325859922293	Every:0.014847306088171058	:0.01
to:0.6230523669881924	will:0.10051036316293549	and:0.09192322739376539	the:0.039033605479361945	I:0.0354245878973957	would:0.03497422388911457	we:0.028489352925962802	a:0.019089766465790612	We:0.017502505797481003	:0.01
the:0.49771108509126194	a:0.2717866017966557	The:0.05480182777105604	of:0.052742977096447	with:0.028909596586051706	and:0.022989719972206786	tho:0.022211081297783136	A:0.02000547084410876	very:0.018841639544428888	:0.01
the:0.40203826747209637	in:0.2781356805358473	a:0.1455547255431513	In:0.07252028607362314	The:0.019697763133043594	this:0.019524671467952923	any:0.017979209906185168	tho:0.017481983514254566	every:0.01706741235384566	:0.01
the:0.23174893850408615	and:0.12551440839716427	as:0.11143775786841331	<s>:0.11027696194668628	that:0.10733196371434875	of:0.10160059932940366	I:0.08252922160699785	if:0.06224345819598211	The:0.05731669043691758	:0.01
and:0.23799768007272148	the:0.2010081701498068	is:0.10492267095510663	he:0.10253089196028829	that:0.07535349860351107	which:0.07424307800795402	not:0.06863728454623098	be:0.06576274128165221	it:0.05954398442272841	:0.01
of:0.3630607183836505	and:0.18671761816867444	to:0.12658720348148098	by:0.10560930529423086	for:0.052944224909749454	at:0.04713555293999876	from:0.04215675552397246	in:0.03558642492896219	with:0.03020219636928037	:0.01
one:0.22521744032678315	and:0.1514854302068583	some:0.13273282758323365	out:0.1303040336984715	time:0.09288376960014051	part:0.08325064854181366	that:0.06764648243547322	all:0.05575306737606832	each:0.050726300231157824	:0.01
of:0.348662281769823	the:0.19280812861077803	and:0.10734261458714826	in:0.08515494339470994	to:0.07905792219791805	for:0.060752893645758414	that:0.04496785788971761	a:0.03623265708194357	by:0.03502070082220331	:0.01
was:0.1836443056821417	is:0.16275971241839504	of:0.15076326429589534	be:0.11999355891508079	and:0.11801156758615222	are:0.07374084163794081	to:0.06806482636921991	-:0.060187707407761484	for:0.05283421568741274	:0.01
the:0.639647395155921	a:0.20879968569435842	The:0.038354482055557276	tho:0.027599003797404147	of:0.024523809138440586	in:0.015682145084801216	any:0.014476811102216559	tbe:0.010742369425208745	this:0.010174298546092017	:0.01
the:0.2561122386263557	a:0.14125808720580116	of:0.1340431800980789	and:0.10362317858583232	at:0.0864004255171429	to:0.07756226121141874	in:0.07250113958493384	for:0.06894254937634693	that:0.04955693979408959	:0.01
the:0.2916162192067637	Republican:0.20566032657053107	Democratic:0.11721011833609457	a:0.10781301616057612	any:0.05875170372895562	his:0.05414856834809554	one:0.05346528450011313	of:0.05224480031210074	this:0.04908996283676955	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
-:0.22905915061447613	to:0.21646258246493136	.:0.12388799439628008	t:0.10694183529118235	ti:0.08504407409236166	I:0.0678240774020944	<s>:0.06488178801336225	i:0.04839280951846162	of:0.04750568820685005	:0.01
the:0.5421429740218874	a:0.10660646480892277	sepa-:0.09818654592496766	this:0.049818439914688296	any:0.04786149085696305	of:0.04214060959407014	same:0.040486547673158284	and:0.031425666060627244	The:0.03133126114471522	:0.01
the:0.34170127421390223	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093987	to:0.07847171568184984	in:0.05339647102682973	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
that:0.22190900604479427	as:0.15814286434106925	and:0.1472528232205003	when:0.14064797915759428	which:0.10024052015462874	if:0.06201290698543365	but:0.060666198493097775	where:0.05714855179796908	before:0.04197914980491281	:0.01
<s>:0.5077204322896133	.:0.13794055356225604	it.:0.08067719263893702	them.:0.06360146968227404	him.:0.047824772087541684	day.:0.0432827089179396	city.:0.03809488877323477	time.:0.03683931255310579	year.:0.03401866949509769	:0.01
the:0.2046785461925048	a:0.16688819837561772	took:0.16046060841277338	take:0.1194567030280736	to:0.11456252191250829	in:0.08386156362623166	his:0.05207225569755653	no:0.04560810403884961	and:0.042411498715884295	:0.01
is:0.18661444081614292	have:0.16230379007747664	was:0.1378126149108157	has:0.1336056820825177	are:0.10596102201289641	had:0.0937841828302132	not:0.07818846617581837	and:0.0552974806708957	were:0.036432320423223294	:0.01
and:0.2204322121688935	or:0.14024358944925908	appear:0.13388606094278047	days:0.12470895701799797	that:0.09367849322853243	time:0.08957390444209594	brought:0.0639237099296231	just:0.06211264310789214	long:0.061440429712925196	:0.01
and:0.3024842444279261	was:0.14789652250066207	is:0.09596900870974386	be:0.09291209349185649	are:0.07962562552501436	that:0.07617621460107377	it:0.06766289852403745	been:0.06429887727346362	made:0.0629745149462221	:0.01
and:0.23109319252239993	contained:0.1818915018768758	served:0.16470358446954672	situated:0.0832836269588494	property:0.07523467689405386	interest:0.07210340216842065	land:0.0703958179382051	or:0.05709556004153314	that:0.05419863713011523	:0.01
is:0.32768645866088775	be:0.29345152469056013	was:0.10076599339271627	are:0.07292199433428585	Is:0.0518193225684906	been:0.04257096493101604	and:0.04179131614398357	he:0.02963340625519777	not:0.029359019022861962	:0.01
was:0.2222483451280008	be:0.18208823082054854	and:0.1675733104114277	is:0.15407911214774758	were:0.07100750161366268	are:0.06839578058515616	been:0.057504629748523585	to:0.03420753297643946	he:0.03289555656849335	:0.01
of:0.22516529045380793	to:0.14527972290181443	and:0.1388933958442537	in:0.1315574654383241	for:0.10309325756061351	with:0.0828099699767283	that:0.057634167170737965	by:0.056149302406041234	on:0.04941742824767886	:0.01
and:0.3497565658653669	was:0.11359982220150441	of:0.10512052396785652	the:0.08434632503846134	I:0.07263695604169366	he:0.06979915571269801	her:0.06786919878831847	to:0.06534505501931795	be:0.061526397364782756	:0.01
of:0.3763704542630658	in:0.22574860392551707	to:0.10936202837824359	In:0.0533941395496978	for:0.04797313989445076	on:0.04776981877427782	from:0.04657042957327051	and:0.04243434891566153	that:0.04037703672581524	:0.01
is:0.26334606186643345	nothing:0.2000145307532772	was:0.09266428592816316	are:0.08436214117316058	;:0.08366437123701793	anything:0.07892043621637715	and:0.06545180077953085	it,:0.0629810303614779	be:0.05859534168456175	:0.01
any:0.18978195339344678	no:0.15946085400115803	No:0.15641178903655975	that:0.1091572610876932	the:0.0899288741946369	of:0.08911528865420655	some:0.07591380972316644	and:0.061171597871894974	every:0.059058572037237106	:0.01
that:0.3657437588038819	which:0.15543590404986896	and:0.10870635337295764	as:0.08613596095519992	if:0.0843173595747508	what:0.0561247647424294	when:0.04690268569991153	where:0.045040909890588475	but:0.041592302910411445	:0.01
and:0.2503179771193183	it:0.11919317640096841	that:0.11111674088683451	made:0.09607595369407342	was:0.09224657807501196	them:0.09209259261588562	found:0.08802579283705521	is:0.07319718064234634	up:0.06773400772850624	:0.01
feet:0.16566530055203563	and:0.15830955822731993	men:0.12318583917351082	it:0.11132728504145045	them:0.09491262239362783	made:0.09116121518246559	well:0.09017600604476055	him:0.0808059614566725	up:0.07445621192815671	:0.01
one:0.2130394399448926	out:0.16983408056098007	part:0.14726877981533334	some:0.10564771493692292	account:0.10473606704876827	any:0.07239176869495877	all:0.06334962810761696	that:0.06091520523433157	tion:0.05281731565619534	:0.01
and:0.24451186867984265	is:0.17638534709084006	was:0.16772358866991496	are:0.11269515445157204	will:0.08835128735185706	were:0.07896274697641939	but:0.054809862011881254	He:0.03458069898219942	I:0.031979445785473314	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
of:0.567427143141002	in:0.13367096164952344	the:0.10706096260424935	County,:0.09031243625854773	to:0.02182377392057634	on:0.018005336091168223	and:0.01759315698597582	from:0.017437911587640187	county,:0.01666831776131685	:0.01
that:0.2289429816291613	and:0.18389959895169813	which:0.14233538044387994	when:0.10658309596613337	as:0.09538865855949216	to:0.09182559855047094	if:0.04809103819452874	will:0.04780503333124627	but:0.045128614373389185	:0.01
it:0.33951862802776367	It:0.1970617850305549	which:0.11328211140964929	he:0.07712448792724579	and:0.07571836814267371	that:0.07027533986589134	This:0.0465004289062779	what:0.03714889030004779	who:0.033369960389895675	:0.01
the:0.4764048357696258	supreme:0.10869523268254418	circuit:0.09837235878942048	a:0.07817895695598315	district:0.06883851344944637	said:0.05608541436404818	The:0.037959380316109174	this:0.03645216312175169	preme:0.02901314455107082	:0.01
the:0.5495287893930453	of:0.16104484909695568	and:0.06227818291316994	to:0.04857104899298385	a:0.04608292085119176	The:0.03932627166724837	in:0.028907856097435486	tho:0.027441480672011947	this:0.02681860031595783	:0.01
and:0.3081382737094838	said:0.1730589697868629	fact:0.11175374042727584	stated:0.09076470050424858	so:0.07733344451894188	him:0.06626454011197734	know:0.06377304208821115	say:0.049787186448953615	is:0.04912610240404502	:0.01
men:0.27317020106479456	one:0.11865994562727965	man:0.11566990680482997	it:0.10749890452807513	right:0.08092322182606322	time:0.07566938360402695	women:0.07455536946862254	made:0.07414970919169232	out:0.06970335788461557	:0.01
and:0.20576986051327525	be:0.14724677861411745	to:0.12535070885684524	of:0.12147274158796671	the:0.10006651747810341	in:0.07829719106333621	was:0.07464897261101211	is:0.06959459791180371	re-:0.0675526313635398	:0.01
and:0.2996888291677481	that:0.17085971560498117	which:0.11591051103377073	as:0.11502228786306352	but:0.07757774864558399	when:0.06657243444301325	if:0.05447713480311492	what:0.04506079985386206	have:0.0448305385848623	:0.01
and:0.3251555321362613	that:0.2912660627068006	as:0.10628292109216969	but:0.07325141673094092	But:0.05106268376204692	And:0.041497357867248195	or:0.03464661863463881	do:0.034002794979727934	even:0.03283461209016575	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
and:0.3477149616244238	the:0.1538325431381699	of:0.13202859360000385	to:0.08723421791793827	a:0.07841203150074808	was:0.06577850505664147	as:0.042553060518305215	be:0.04238091304788528	is:0.040065173595884074	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
I:0.2553977967187287	he:0.18349300334795196	and:0.15967626042938368	have:0.10497769054355281	had:0.08001900757539632	they:0.060495659494274656	we:0.05237105773407709	has:0.050698812456271336	who:0.04287071170036338	:0.01
so:0.1760165658941351	of:0.14949769167081103	in:0.12044463059327692	and:0.11001724059777045	as:0.10675562777882026	the:0.09979829453072665	for:0.09482125265586638	with:0.06977344793354931	great:0.06287524834504372	:0.01
of:0.2094516051588005	as:0.12641152115591056	with:0.11783509578971092	in:0.11435911483682636	is:0.10484421791138052	to:0.09139418939714429	by:0.0864576179308981	and:0.07160674380532174	was:0.06763989401400695	:0.01
sum:0.18676829411122214	number:0.1566486321513545	line:0.11140081741272478	city:0.10844765106291132	out:0.10739005474369737	day:0.09286734076326106	county:0.08286139477536687	amount:0.07384405151900511	Board:0.06977176346045691	:0.01
the:0.383734882665495	and:0.1417317005694266	I:0.10821479214883886	a:0.09409770925898736	to:0.07211011846801023	you:0.0606047774370622	or:0.04775426269773208	not:0.04613014904753961	we:0.03562160770690808	:0.01
of:0.36140874719936594	in:0.24935405560538004	to:0.11129762130740295	In:0.06002884368575015	by:0.052427342860318325	on:0.051111789090983316	for:0.03674554356162023	that:0.036225626096953026	from:0.03140043059222616	:0.01
the:0.34170127421390223	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093987	to:0.07847171568184984	in:0.05339647102682973	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
to:0.588866432368409	will:0.11985715357749806	would:0.0769876095921812	the:0.049504444951513626	not:0.042726860787379424	and:0.039322666710318505	who:0.026404103516643004	we:0.025470193514260626	should:0.020860534981796713	:0.01
a:0.18378738514292825	and:0.17593907584851706	in:0.15920082946543043	of:0.10473099488914708	the:0.10251845386546819	with:0.07461865579979761	was:0.06808926562670575	for:0.06400953452792248	be:0.05710580483408319	:0.01
the:0.6640815020341747	said:0.15032282700436012	and:0.04070303835213803	tho:0.029055542779082018	this:0.028718595489096835	The:0.02382723415526252	a:0.021714721335162813	of:0.016866546057654353	tbe:0.014709992793068484	:0.01
the:0.36007957622374176	and:0.16473617807079474	a:0.1334085468995612	of:0.11797114713514303	to:0.082618223172438	The:0.043926261385617046	in:0.02990151681045251	his:0.029583298719743086	be:0.027775251582508893	:0.01
to:0.551784367415699	and:0.10298581408026052	not:0.08021677158046772	will:0.06498234591769492	a:0.06014778493176354	we:0.0418082228080004	would:0.03700722856815801	may:0.025874226992450605	they:0.02519323770550538	:0.01
it:0.3015171229558848	It:0.2619239201557766	which:0.09626795511435841	that:0.08898798449304163	and:0.08511105156584331	he:0.061266256503055685	who:0.037523872593120546	He:0.02875196267310322	there:0.0286498739458157	:0.01
the:0.2043015519831495	of:0.1727358041731631	in:0.15801429352994742	and:0.13648367831028738	their:0.08343805256886584	his:0.06380606193863739	no:0.062024204318386435	or:0.05744126183983227	an:0.05175509133773067	:0.01
and:0.1551143959809371	him:0.1228649811003413	able:0.11339265141476382	is:0.10969666770510487	as:0.10671661386113257	began:0.10089273437533938	them:0.09600437110686602	right:0.095607902004489	going:0.08970968245102592	:0.01
and:0.3263647552579013	of:0.18034356092949683	to:0.11181231694963177	in:0.09421459749244988	for:0.0745815557714692	that:0.05990807266621045	or:0.054204560684273304	from:0.04912690972755014	was:0.03944367052101722	:0.01
the:0.4254653188724556	of:0.18243566350011767	to:0.09163335558886723	in:0.06716756669241075	and:0.06581304653601606	by:0.042866976740016466	a:0.04187825495456121	<s>:0.03779976890323677	on:0.03494004821231818	:0.01
and:0.27436245036883095	was:0.14448176894817455	is:0.13580427054792873	do:0.1300948847428064	are:0.10464344086497211	be:0.05569213076355586	were:0.05341921244930933	not:0.04889876470710107	or:0.04260307660732101	:0.01
the:0.6844184681025479	and:0.1320626312392292	The:0.03388488268258901	tho:0.029672068515825052	this:0.02424323843235405	County,:0.02375347061094116	of:0.023102096262934285	a:0.019773852608151416	county,:0.01908929154542789	:0.01
and:0.5145870481829048	of:0.13579716509428713	in:0.06074427446454967	was:0.05656592946002775	to:0.05468351670774775	not:0.049489775892072436	the:0.040190117479337165	for:0.039536361776454226	will:0.038405810942619224	:0.01
there:0.31792060553551105	There:0.22899861064084556	It:0.12723188543055353	it:0.1250534341318589	which:0.04848957537931678	This:0.04517066265750571	that:0.043859090804904015	this:0.03114448585285224	he:0.022131649566652097	:0.01
they:0.3004282424282358	who:0.19505477030939283	which:0.09607972782573018	and:0.095001751874856	we:0.08585129900795603	They:0.07925191496174139	men:0.06910498898154853	that:0.03616200846309813	it:0.03306529614744096	:0.01
the:0.4129810200782326	of:0.16808436046531702	and:0.1153107964712601	his:0.10604227658334968	to:0.05084832162265233	their:0.04422500315101894	by:0.04130562241416355	a:0.025690458343993024	in:0.025512140870012738	:0.01
we:0.2476234406950746	I:0.1703564880706692	he:0.1574152246846507	they:0.12131206775856748	you:0.08646507753611236	We:0.07076619324482059	who:0.05194958171775103	it:0.049961779459500415	and:0.034150146832853626	:0.01
it:0.2827850527348108	It:0.13400289869302948	there:0.11771483856766453	they:0.0914384776859708	that:0.08313239062920649	which:0.0769409879360296	he:0.07501873352304173	and:0.07330080551631972	I:0.05566581471392691	:0.01
made:0.3028069374576309	and:0.2023193696646394	caused:0.07375981344017991	shown:0.07207509517503563	up:0.0704269184181151	ed:0.07002219172812583	out:0.06751988832599078	taken:0.0665966498616986	done:0.06447313592858381	:0.01
June:0.17741043185854669	No.:0.14429992298871816	July:0.11443891327493569	May:0.11129152829507383	April:0.10213497154989845	March:0.09309287224245874	lot:0.09216964093103237	Section:0.08060325852053288	.:0.07455846033880326	:0.01
State:0.1502047745531088	number:0.13938989938116322	line:0.1364283445567739	day:0.11415609529892075	state:0.10303218347600616	city:0.09706627837266146	board:0.09441026648607855	side:0.07940801912478328	county:0.07590413875050395	:0.01
and:0.167673560168984	him:0.1302595889239382	want:0.12288405280822055	able:0.11252456763525272	is:0.10177603532893541	enough:0.0984888624868362	have:0.0913390951102543	me:0.08613098450363033	necessary:0.07892325303394836	:0.01
the:0.4050174859406095	a:0.19287214050206902	and:0.10402994375221244	of:0.09361146418781789	The:0.06404476208814887	to:0.03545830884306381	A:0.033886725060714676	by:0.030582100277420407	an:0.0304970693479435	:0.01
of:0.41462801536759375	and:0.2109655111428969	<s>:0.08727347751647321	in:0.0631400514368199	is:0.052244090240224125	the:0.04613430921245017	county,:0.04502261644580354	West:0.03568501680672304	by:0.03490691183101523	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
he:0.19173337232355078	and:0.18056560780194628	it:0.17494044678573398	be:0.10717627492111123	It:0.09456337964398405	I:0.08667335105653182	one:0.058062614178444306	who:0.04935096159791792	they:0.04693399169077968	:0.01
he:0.22723162187403248	which:0.15482211483494532	it:0.13108360064179722	who:0.11098408256780556	that:0.09164792681250554	It:0.08815807821807488	He:0.07363258986895568	and:0.06618689277515644	she:0.046253092406726794	:0.01
to:0.5101903540114698	and:0.12828289509403287	not:0.09665633594631405	will:0.07111855417509413	I:0.042352975505515734	would:0.04188112425308147	they:0.040388246699072185	may:0.030371790069835928	we:0.028757724245583764	:0.01
and:0.26173624961695785	as:0.15146080038609855	him:0.10005835208746312	time:0.0837980962574639	right:0.0800082813128007	up:0.07921757687050938	way:0.07866601080384641	went:0.07843938050184185	them:0.0766152521630181	:0.01
as:0.2826673162952988	and:0.21000232027539958	to:0.10267633041199563	of:0.07700073992216402	with:0.07070322524513654	for:0.06785010823536745	by:0.06608050581692056	than:0.05774046314608463	that:0.05527899065163275	:0.01
the:0.22068520728929386	and:0.21391290068337132	a:0.20691772756264237	it:0.07685689476082004	is:0.0644662667425968	It:0.05920723189066059	he:0.05497927790432802	was:0.04686558519362187	be:0.04610890797266515	:0.01
to:0.25799346798561007	will:0.25716066202686916	may:0.09940882977352528	should:0.09388003845590545	would:0.0793246015326125	shall:0.06821255860978657	can:0.047959038572462316	must:0.047746534340543566	not:0.03831426870268495	:0.01
that:0.3104531273672929	and:0.2741619673879975	but:0.09278721838768438	as:0.0809731518512709	if:0.06685178796096648	which:0.04741835803803108	If:0.04282012299873716	where:0.03994928580268349	But:0.034584980205336124	:0.01
in:0.2063418920751955	of:0.1981065996033326	to:0.12345830795982102	for:0.09432613623709991	In:0.08009632235809015	by:0.0763556832145568	on:0.0744652490236086	and:0.07042944619180105	that:0.06642036333649441	:0.01
one:0.2130394399448926	out:0.16983408056098007	part:0.14726877981533334	some:0.10564771493692292	account:0.10473606704876827	any:0.07239176869495877	all:0.06334962810761696	that:0.06091520523433157	tion:0.05281731565619534	:0.01
of:0.2840363190262051	by:0.15598887611571832	and:0.14646262750256178	to:0.14371951214897535	that:0.10512059634645277	with:0.0491341012308661	which:0.043239861569187785	<s>:0.03523647884429967	for:0.027061627215733044	:0.01
the:0.6603328674788375	an:0.057820411320766735	The:0.057573728854245707	and:0.052983681771910145	a:0.041701655464289694	that:0.03648896118520544	to:0.029218281938335495	any:0.02910521571406803	this:0.024775196272341315	:0.01
as:0.188283813505136	according:0.14144678228402477	up:0.13904323060160725	and:0.1096650113200393	went:0.09104380703179268	back:0.08789812106037491	regard:0.08348580619122747	feet:0.07747526592666086	down:0.07165816207913696	:0.01
to:0.26220594866660696	of:0.1717934517625827	and:0.1715703680328321	in:0.1439552430764953	with:0.06190531237745299	from:0.05043137553222776	by:0.04455821192481506	are:0.04307863172347424	the:0.04050145690351301	:0.01
the:0.639963990525051	of:0.0853232840558761	and:0.04993794348841005	to:0.04684855711734698	an:0.04561185676111192	tho:0.03324209863871296	The:0.03128222107210483	or:0.02901312067288832	a:0.02877692766849783	:0.01
and:0.3378657687553083	the:0.14006300572603325	to:0.12872187990934877	of:0.10785943150731912	that:0.06872072269452849	be:0.054600850593573794	in:0.05272612315552849	or:0.052557567525685696	which:0.04688465013267393	:0.01
sum:0.18676829411122214	number:0.1566486321513545	line:0.11140081741272478	city:0.10844765106291132	out:0.10739005474369737	day:0.09286734076326106	county:0.08286139477536687	amount:0.07384405151900511	Board:0.06977176346045691	:0.01
of:0.42690900784772706	that:0.1057310710664274	to:0.10551314825878623	in:0.10119565544975263	and:0.07455042726059836	for:0.06649675393572549	by:0.04619433188930461	with:0.03230945113874431	from:0.03110015315293374	:0.01
out:0.14715209310098193	put:0.13685625488305744	go:0.12623049682273277	went:0.11874780975581901	enter:0.11422327244802441	taken:0.10085501159313692	brought:0.08255011151433492	take:0.08189633946715637	them:0.08148861041475634	:0.01
of:0.42709252092664307	on:0.12856159349495735	in:0.09837329009324532	and:0.06992426837948629	to:0.06833496806205819	by:0.06482430358120028	from:0.04626907891145914	for:0.04445887917030203	upon:0.042161097380648264	:0.01
<s>:0.5660938136885058	it.:0.08323990027496712	them.:0.06853476330640097	.:0.059180350369549786	him.:0.05396599677545662	time.:0.043400109860731596	day.:0.03991016701926948	country.:0.03894406786446522	of:0.0367308308406534	:0.01
out:0.159950435414814	one:0.1404944592656127	purpose:0.1349492477537603	means:0.10861036266495028	is:0.09250247170259021	all:0.09029691363268777	that:0.08865627513216988	use:0.08774838388220645	number:0.08679145055120853	:0.01
the:0.2674492964256619	of:0.20511700061949345	and:0.14485297190820026	a:0.10901726580538401	to:0.07826945908641957	be:0.053803876767259305	was:0.04954367835637349	is:0.042308161686394764	in:0.03963828934481334	:0.01
and:0.30132020239915897	is:0.11119746070334266	be:0.10342383628277003	served:0.08924283171230941	that:0.08794619158593867	time:0.07790541440461883	was:0.076814248307636	or:0.07597111826904795	now:0.0661786963351774	:0.01
the:0.7605861022648827	feet:0.05103884856267499	The:0.035912872062699754	tho:0.03491572893014001	miles:0.033231869991767894	and:0.028718182077030988	said:0.01919354356061595	tbe:0.01366231819875801	of:0.012740534351429512	:0.01
and:0.2659431587844468	of:0.22933545630346117	that:0.12479247484575436	the:0.09166086683242512	by:0.06834566005062791	which:0.05782018662279546	to:0.0532396340108833	it:0.05190797760865765	in:0.04695458494094833	:0.01
the:0.4025268863206588	of:0.2872967801046908	in:0.0655806195046726	and:0.06264045163418247	to:0.05159067925241615	this:0.0342072466663573	for:0.030865940254387617	The:0.028837467716297204	our:0.02645392854633687	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
of:0.22740429714993604	the:0.20271664897545214	and:0.12808673703200713	to:0.10534911509502828	in:0.09190963150906721	be:0.06540982048320118	a:0.058280998379381055	or:0.05692500395274871	for:0.05391774742317816	:0.01
and:0.19433510573309606	bridge:0.18819252122194724	came:0.12976583652015194	up:0.09644358331385652	went:0.09129270334560786	directly:0.07996485111968162	out:0.07671328448052579	go:0.0676350128649892	way:0.06565710140014372	:0.01
to:0.3467751575045372	will:0.2094236983636097	may:0.08994092546377436	would:0.07826426574466624	should:0.07001392021380685	shall:0.06478043770533688	can:0.04904672324021316	not:0.04241219791542284	must:0.039342673848632916	:0.01
;:0.22090971489875216	nothing:0.13508905867316984	him,:0.12034140628641936	it,:0.11744676133304667	is:0.09832858975925854	time,:0.09794524362026055	,:0.07436224406698601	them,:0.06570893480216523	years,:0.05986804655994145	:0.01
the:0.3103924271810704	a:0.19643180386293727	his:0.15165135923481185	of:0.09596397032646567	and:0.065672303145068	her:0.053542715347546115	their:0.041486695312985065	my:0.038388543114431205	this:0.03647018247468446	:0.01
It:0.3266857175597988	it:0.1319548944257657	there:0.13183790859317351	which:0.10719594067158102	that:0.10180446106339318	This:0.054103173747130015	There:0.05302876367069201	this:0.04673749446568822	That:0.036651645802777605	:0.01
and:0.3057135282981235	in:0.12938636157639732	the:0.10855623510485672	.:0.10233178697300997	of:0.0858782001653508	by:0.07752851269468368	Book:0.07747747910805224	In:0.05718672959360253	book:0.045941166485923245	:0.01
the:0.2542530716217347	a:0.15520871124301022	of:0.15043577097031371	to:0.12416771410771366	and:0.07821679229275154	in:0.07660260139688001	an:0.05545488766255272	on:0.05138208837779512	from:0.044278362327248286	:0.01
said:0.6694016695324476	such:0.07479143417509994	the:0.06352153291780785	a:0.05640644159898923	certain:0.03344552262912968	to:0.02570146789676645	his:0.02420865669342227	of:0.024062320734806394	and:0.018460953821530526	:0.01
of:0.5752343176843888	in:0.14728314967164774	to:0.07586931738189924	by:0.06094295978398383	In:0.031871402096910875	from:0.02685828138852238	that:0.026518006850398984	for:0.02311175660617519	and:0.022310808536072903	:0.01
in:0.3516873826717002	of:0.21613082467314032	In:0.18342830430030388	to:0.09495364515598144	from:0.04895899606398857	by:0.027297180369056755	and:0.02427639263241561	at:0.02280115840805038	the:0.02046611572536292	:0.01
and:0.330481836464368	annum,:0.20625599852212537	be:0.19755858366481097	are:0.06137102196535416	sale,:0.050920622667238985	was:0.03818332005946522	is:0.036622413787214064	annum:0.036119803547777336	interest:0.03248639932164593	:0.01
the:0.34736930596873644	and:0.15763208057710157	of:0.11166840498221758	I:0.0817544436354205	a:0.0812856516024162	that:0.059471574058130014	The:0.057399646832771156	in:0.05269010156251937	to:0.04072879078068718	:0.01
the:0.5823404380432202	and:0.18598824907674033	a:0.049442373296572376	The:0.04823082211494682	tho:0.03161599363986972	or:0.03145049158009506	of:0.030632216538495845	with:0.015249036345319229	in:0.015050379364740303	:0.01
and:0.24557953753858167	as:0.1265018876685596	right:0.10063687424013512	able:0.0949379628114049	is:0.09150584345496598	necessary:0.09136383004581683	order:0.08850480089406655	him:0.08350812954573672	them:0.06746113380073271	:0.01
of:0.20513061752555825	to:0.16619035386291375	is:0.1194792631309335	in:0.10318592690905087	with:0.09770366834972312	as:0.09033271908501489	and:0.08298583734710398	was:0.06579095331112869	by:0.059200660478572996	:0.01
was:0.18313785213629435	be:0.1418222967153923	been:0.1292703555188185	are:0.11919694752418562	is:0.10516339645055613	were:0.08605258259763031	has:0.0848796642137385	and:0.07297455362214564	have:0.06750235122123864	:0.01
the:0.39679295459971375	of:0.10981907923820705	a:0.0973673091878073	and:0.08865386882001623	to:0.08441856390806124	The:0.06707654369225664	or:0.056146699542888624	his:0.04919578667170777	not:0.04052919433934127	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
miles:0.18299242298967022	and:0.18135997670380355	far:0.16581539654994032	away:0.10764235266872314	feet:0.07872910834228827	them:0.0741935325414284	was:0.06995796329265745	is:0.06628971409784934	him:0.0630195328136391	:0.01
the:0.7816565732709776	The:0.06796750638687975	tho:0.04047651194919478	of:0.024415269105656973	and:0.02158690073560733	our:0.020096738854827437	a:0.01480744821814961	tbe:0.010904472583559078	their:0.0080885788951473	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
of:0.22164806883989044	was:0.18302484420608373	is:0.1455578947378183	and:0.12825755463580163	are:0.07915140693316197	at:0.06608384853473077	were:0.059044326920107304	in:0.05765935014370238	for:0.04957270504870318	:0.01
and:0.2856595858338429	that:0.12769517955602877	I:0.12244895948478993	which:0.11528337531338427	of:0.10904160428148196	the:0.08661223686854516	to:0.05285040125756709	whi:0.046790230374511924	<s>:0.043618427029848104	:0.01
to:0.2620983149693371	and:0.19664402247129265	the:0.18720703494025467	of:0.14061051340842873	in:0.0675925481954826	a:0.03867755248806961	<s>:0.03389464108121401	not:0.032510411574388075	that:0.03076496087153255	:0.01
the:0.24596288955955292	and:0.16331079864438022	of:0.1497562475098918	to:0.11241360832287664	in:0.09064769647032551	his:0.060910616163415525	be:0.060673008123120625	a:0.054443630683502685	for:0.051881504522934004	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
the:0.5113625345819802	The:0.12174712340437628	of:0.11445080173130297	and:0.051488734713239656	in:0.04258876108889155	that:0.04138855392170662	tho:0.03960521690367684	a:0.03637663947080507	this:0.030991634184020702	:0.01
of:0.21661551630274303	and:0.1828274927620008	in:0.10252841729615185	to:0.08774054080476629	the:0.08670557709540763	at:0.08431420030404309	with:0.0828629225228638	an:0.07811323973328274	be:0.06829209317874092	:0.01
have:0.15354287946064382	of:0.14700029098077383	and:0.13428615641545041	to:0.11407329446873885	had:0.10478674943980648	has:0.10063103123543633	was:0.08978843296490481	is:0.07697265252455267	be:0.0689185125096929	:0.01
and:0.2351940756629501	I:0.213200999283904	he:0.16775496711697271	who:0.1261176687518322	they:0.06876040165588047	He:0.0494463887243923	we:0.04904092840847311	she:0.043247658686873434	that:0.037236911708721614	:0.01
and:0.22497612075815623	a:0.20251634832266768	the:0.19584643104993266	was:0.08702102283464541	be:0.06524053413713199	of:0.05638748369336791	is:0.055041685360999404	are:0.0540307308760688	were:0.048939642967030184	:0.01
the:0.3348584091049321	take:0.12725801750351237	an:0.1236345485440197	no:0.12163705766189238	of:0.07654459473814151	this:0.06328105856688486	and:0.05508904929845606	taking:0.04472668760865308	to:0.042970576973508035	:0.01
the:0.43371011716481706	a:0.17428303166406264	in:0.09091492830518885	an:0.07222883211279489	of:0.06566005699729634	his:0.05008832507887032	no:0.03661828394305651	The:0.035952058758772366	their:0.030544365975141083	:0.01
<s>:0.48088391711944395	it.:0.1121436800289078	.:0.08176178972258218	them.:0.07909271936245886	him.:0.06426912747150025	time.:0.04901945524130229	country.:0.04834769546814005	day.:0.038736496882192044	years.:0.035745118703472537	:0.01
the:0.30312375272321207	of:0.16166032831436067	in:0.15866673895310263	and:0.12148168771679982	a:0.07125236416583758	In:0.06611204284083301	are:0.039188444668984294	to:0.037435328699321674	The:0.031079311917548282	:0.01
the:0.7217150152013793	a:0.09452384388212126	The:0.0870679394318125	tho:0.02837732747979073	and:0.02211375516215947	of:0.011414985477730967	our:0.009956185415944886	tbe:0.00797015279881792	that:0.00686079515024317	:0.01
and:0.2004071393256778	together:0.17557421321754482	covered:0.14439131391204008	one:0.135376229537707	thence:0.08161469000631304	up:0.07837410736045333	along:0.05897206274710974	filled:0.05892930895026584	charged:0.0563609349428883	:0.01
is:0.2502659131657396	was:0.16683185557722202	the:0.13414668462429152	and:0.11246226367729857	in:0.09434357872869249	of:0.07765189325572396	are:0.05424653197024321	a:0.0502790923583583	it:0.049772186642430216	:0.01
the:0.15558068973429331	and:0.13354667717150692	be:0.12578054873716793	was:0.11846824010451358	have:0.10846874603152128	has:0.09405937577561067	been:0.09099142275373595	he:0.08322259179563285	I:0.07988170789601737	:0.01
hundred:0.1631051995366529	;:0.13365936507111423	him:0.11732615948902901	one:0.10942603140040551	feet:0.1079334711744123	up:0.10029179877010728	mile:0.09005038552425722	feet,:0.08590382326179402	time:0.08230376577222771	:0.01
to:0.37100709160104745	will:0.2242194462869598	would:0.0938529279250352	shall:0.07070344042014891	may:0.060824061383750634	not:0.058055197506140806	should:0.05455278993844773	must:0.03613053958694592	can:0.020654505351523772	:0.01
the:0.26501721903846803	and:0.25516871845597344	he:0.10294119370990532	had:0.08339803820358224	He:0.06413114624129625	have:0.061650344338418435	I:0.05714596279657716	has:0.051957432578600346	who:0.0485899446371788	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
the:0.44485959926215435	of:0.14677204114983397	other:0.06569482994285773	and:0.06207652572499092	this:0.0597716313728322	for:0.05924496400954693	in:0.05301789548911575	any:0.051516709784022924	that:0.04704580326464518	:0.01
the:0.8042750945001542	an:0.04636524442905468	and:0.044277019805193156	The:0.041501573039181054	tho:0.021989367106322592	of:0.012884492872431248	tbe:0.009006668030965014	in:0.005028370832580137	equal:0.004672169384117823	:0.01
that:0.2552027492246131	and:0.2473961613738114	but:0.13951823211335046	as:0.10047275784378419	which:0.0766585693520188	if:0.05195519272673161	when:0.049729138842514876	where:0.03626071909960701	But:0.03280647942356842	:0.01
one:0.24238710914605294	day:0.15809732644656702	on:0.10454606940568767	in:0.10182249184703403	person:0.08577923091694678	and:0.07666947960318439	man:0.07454306179073503	two:0.07432268691482583	year:0.07183254392896636	:0.01
the:0.6181267891922759	of:0.08954503148636384	a:0.07586674323318082	by:0.05939072589835369	The:0.03881726598622239	tho:0.032879613870859255	in:0.029662714059175564	first:0.02511324711805364	and:0.020597869155514942	:0.01
the:0.2434308456948775	and:0.16178693456557883	of:0.13887751795222011	to:0.1244772705341572	a:0.11336884681343598	be:0.058183940614252486	is:0.050746831112712124	in:0.049860590702662695	was:0.04926722201010304	:0.01
of:0.553611922852767	in:0.1513108920571419	to:0.08388992443279268	that:0.05445165621170139	by:0.031239276357067098	with:0.03093224959358367	for:0.02935099306965666	and:0.02829046474237555	In:0.026922620682914213	:0.01
the:0.6985457680982469	The:0.11278717852404056	a:0.09487830248979051	tho:0.041136634497669675	and:0.013956638600961423	tbe:0.012021790600158616	in:0.008300243326773092	Tho:0.005190745058605868	of:0.00318269880375345	:0.01
the:0.8241362793464836	tho:0.04275225538890966	a:0.029284547419926622	The:0.028086976491787062	tbe:0.02003462141164715	his:0.019623541221581785	and:0.011729541233131599	in:0.007716929659081588	its:0.0066353078274508995	:0.01
the:0.5900094328860997	a:0.2537078762193303	The:0.03589142202075733	tho:0.02785946666120202	and:0.026419291790010284	of:0.01557851072305965	any:0.0141997943948017	great:0.013413158051527098	every:0.01292104725321175	:0.01
is:0.24498216482002985	and:0.23727823228099681	not:0.09354502476421236	as:0.08400912415577742	be:0.07358003990272197	was:0.07297056871641332	it:0.07176180937950792	are:0.06092445428475344	Is:0.05094858169558675	:0.01
of:0.28772092565312835	at:0.21507033966615013	to:0.16310453205571937	in:0.07296834010279563	on:0.05642014117385207	from:0.05428644415299296	and:0.049715454231814823	that:0.0470570152751505	by:0.043656807688396	:0.01
in:0.2667975205981045	of:0.1903349139277239	the:0.1370724868354924	In:0.08106452940707669	to:0.07737797751573937	a:0.07721032090418972	for:0.06707791182284316	and:0.058186204625402575	from:0.03487813436342766	:0.01
and:0.20576986051327525	be:0.14724677861411745	to:0.12535070885684524	of:0.12147274158796671	the:0.10006651747810341	in:0.07829719106333621	was:0.07464897261101211	is:0.06959459791180371	re-:0.0675526313635398	:0.01
the:0.31014694642458385	and:0.1813925729617655	of:0.11897508322047748	in:0.09177950457907183	to:0.06476035881673944	for:0.06265243913967722	that:0.061634979391935435	or:0.050305972339911416	be-:0.048352143125837646	:0.01
the:0.22688456227915688	of:0.2150015638062236	to:0.1377257799671593	and:0.1347201214432118	in:0.06315162142555467	was:0.06272385668345443	<s>:0.05909115739238519	be:0.05264815618932333	a:0.03805318081353079	:0.01
and:0.4962986709901392	be:0.09330673655028107	who:0.08212379525181263	he:0.07422398595957577	I:0.059327289483904554	was:0.05494543406601632	an:0.04585705052897076	now:0.04401303778840641	the:0.0399039993808933	:0.01
the:0.28367101821983015	a:0.1539196844517276	of:0.1452640395830545	to:0.09913356539546139	and:0.09387059173462946	in:0.07917282831231671	at:0.06138319150549429	on:0.03806176890267438	his:0.03552331189481165	:0.01
and:0.2911884010906738	Committee:0.15772499961862088	committee:0.14800352027803662	that:0.10186152741380372	was:0.07230013965300895	or:0.06969387709234198	fronting:0.05115731775481834	land:0.04949153070598928	interest:0.04857868639270648	:0.01
of:0.30326054042359324	the:0.2283645955768395	and:0.11325280748579668	to:0.09767158272258825	in:0.06162576924757176	on:0.053644573608738984	a:0.047902721256841634	said:0.042839183934994404	<s>:0.041438225743035635	:0.01
they:0.16313044739402244	we:0.16216442362878702	it:0.13124180164218927	I:0.12405205557140475	he:0.10425132319487572	you:0.09335945253362639	and:0.08202284790488956	It:0.07162517892996532	which:0.05815246920023954	:0.01
the:0.3709172865831062	of:0.14721729955355684	a:0.12585902226885934	and:0.11662575536026575	to:0.07191814176392892	The:0.04783486613453324	in:0.045002220918126244	Mr.:0.03624207869028519	tho:0.02838332872733812	:0.01
the:0.4851905311047249	of:0.12931743756623532	and:0.09011264293067395	a:0.06529327612288477	The:0.0618423366885913	to:0.05489796359727951	in:0.03832250481426256	his:0.03316110887939534	tho:0.031862198295952326	:0.01
and:0.2485600061045666	is:0.18988428645750977	was:0.12193722741635793	so:0.11570470774567315	but:0.07812694154059317	be:0.07117756030459234	has:0.0562906694755357	are:0.05556471795116665	not:0.05275388300400454	:0.01
of:0.3796147466423668	to:0.1914360132230234	and:0.0979173210161081	for:0.07593508358728858	with:0.07012789129893728	is:0.04640410670939728	in:0.0461212360386767	as:0.04465508919847904	on:0.03778851228572297	:0.01
the:0.2363256619242568	of:0.18886074844018247	and:0.12682049354783523	to:0.09524780069146993	was:0.08498950973556639	a:0.07330451419837286	be:0.06504520465050595	in:0.06462390742693405	is:0.05478215938487642	:0.01
to:0.26450803052503646	of:0.22516594992383784	with:0.12767788377715683	for:0.12198366327382765	by:0.061816849745235436	upon:0.055624021591074754	between:0.04872157458829438	among:0.04634140370229845	against:0.038160622873238244	:0.01
of:0.36598292297615953	in:0.2280389032709897	at:0.06639538409747058	for:0.06319705846436736	and:0.05959553120293723	In:0.05882962939633106	that:0.05223847161911311	to:0.05183868091497521	on:0.0438834180576562	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
to:0.2620983149693371	and:0.19664402247129265	the:0.18720703494025467	of:0.14061051340842873	in:0.0675925481954826	a:0.03867755248806961	<s>:0.03389464108121401	not:0.032510411574388075	that:0.03076496087153255	:0.01
be:0.22688769533433342	been:0.20553910212022836	was:0.20249985798956224	were:0.09163446587884928	are:0.08518922653995209	is:0.06230278221764552	and:0.05610991770459988	resolution:0.030208611957893722	being:0.029628340256935542	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.04553578393787439	of:0.03051332981678091	tbe:0.02261446403444868	in:0.021612439669724332	or:0.020196218295911488	:0.01
of:0.3989036664639626	on:0.1384394206446652	to:0.12488824693427367	in:0.09317210224440976	from:0.06773716470692583	by:0.06296905924729021	and:0.04042338979755726	at:0.032210157132134785	that:0.031256792828780675	:0.01
line:0.28242310746360194	street,:0.1630742405914064	and:0.1573104263304028	difference:0.11270337905557248	of:0.06792485758073193	street:0.0564755976619534	or:0.051230437532767605	lot:0.050162041192581726	relations:0.04869591259098165	:0.01
of:0.3308442922213523	to:0.14324719883422168	in:0.131701708736979	with:0.09441568321518252	on:0.06848424163509254	and:0.061113441995290306	for:0.058435646153575084	by:0.053828364319508125	from:0.04792942288879831	:0.01
of:0.31772118733219995	to:0.1188526208832237	in:0.11078665977355592	and:0.109858184505902	for:0.10533294307657513	with:0.0716781409532165	that:0.06764764695550647	by:0.04941457536248962	from:0.03870804115733083	:0.01
the:0.2767038141663564	of:0.21091347651095713	a:0.14673671246434586	and:0.13857871798342572	in:0.06969991699815956	that:0.059593250132544226	was:0.03202320078650376	no:0.02831927176864886	his:0.02743163918905855	:0.01
that:0.3104531273672929	and:0.2741619673879975	but:0.09278721838768438	as:0.0809731518512709	if:0.06685178796096648	which:0.04741835803803108	If:0.04282012299873716	where:0.03994928580268349	But:0.034584980205336124	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
to:0.21845282607008779	have:0.15293818072830453	had:0.13852490063416534	has:0.11696566167295802	will:0.11591186517679448	not:0.08294000235044964	would:0.07673782018820358	they:0.04651873315782657	may:0.04101001002121007	:0.01
of:0.3951899971681053	and:0.10943649827560732	to:0.09246682021329178	with:0.08129691610707518	for:0.07460310288295668	that:0.07014555999103021	by:0.06917672159919952	on:0.05358945699394935	from:0.04409492676878467	:0.01
the:0.30032398439464153	of:0.24123798292280732	to:0.10967522063229844	and:0.10241337743572468	in:0.048512931547422096	<s>:0.04786760147153562	was:0.04741818560160527	on:0.047088981773871705	for:0.04546173422009339	:0.01
men:0.26325199163537716	hundred:0.14263257076204044	up:0.09927607366382107	women:0.09835576582906656	wife:0.08888804777773114	time:0.07840596099536955	dull:0.0747571471791686	land:0.07251512080459947	quiet:0.07191732135282596	:0.01
those:0.30211476913553437	and:0.1942844744553777	man:0.1557027185055753	men:0.13775601118605507	people:0.05951236813067419	one:0.04547627513059084	all:0.04239418540424744	woman:0.02812382871908815	men,:0.024635369332856802	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
and:0.28196881055091316	that:0.23014187022497193	as:0.22505597689475598	but:0.0692751481752698	even:0.05534329917369431	or:0.03504039921417472	But:0.034701331088926195	And:0.029575321440918265	and,:0.028897843236375675	:0.01
a:0.49676378663126036	the:0.29072519978919464	large:0.08624504749113764	The:0.029798874498180295	A:0.025107214161522017	total:0.01853655904316151	great:0.015867838514017532	this:0.013616228360718474	any:0.013339251510807424	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
the:0.21764444063078736	of:0.21032817253870764	to:0.20574675201779968	and:0.10545724507911237	in:0.0582865995418671	on:0.05369867559536913	<s>:0.052758235502345235	a:0.04307083081855826	at:0.043009048275453196	:0.01
in:0.281777426137178	of:0.13250588820954906	the:0.10104945148714509	In:0.09769462432242475	with:0.08329649890818147	any:0.07875175815640699	and:0.07701979953598495	from:0.07122510798332451	for:0.06667944525980525	:0.01
the:0.5041302411947189	a:0.22707334243981175	and:0.06171897901464138	our:0.04103452010828102	The:0.037940251343551154	tho:0.035539843791346996	their:0.030872986051273855	of:0.02812695033706899	this:0.023562885719305832	:0.01
the:0.18967412161958205	and:0.16039812387112395	be:0.12426122688981936	was:0.12339453984543905	of:0.11493837137436898	to:0.0870008771225483	is:0.07482363279220873	been:0.06158286699078447	a:0.053926239494125026	:0.01
the:0.23822844848581037	and:0.20122952992515805	of:0.19304712948183925	a:0.09216272240482247	to:0.08973984001616922	I:0.050478338513428304	in:0.04477488930306719	that:0.04292983420610713	at:0.03740926766359785	:0.01
the:0.31451820869359226	and:0.19108684209302526	of:0.1721425138329282	Mr.:0.07164327786849124	to:0.06075301941766431	The:0.05689491638693519	that:0.04683646698247534	he:0.04116489764029819	his:0.0349598570845902	:0.01
and:0.21827711254745666	of:0.1931978875154339	to:0.17665008869864662	the:0.16994646978928893	in:0.06444941775861938	or:0.04577135576859086	be:0.04393324812225754	a:0.04079975831705609	was:0.03697466148264985	:0.01
the:0.30337617970676906	of:0.18860457588018725	and:0.131061740829474	to:0.0977610809207078	a:0.0809566554459928	in:0.055741965423345884	be:0.051143240024298715	was:0.041879765140534715	is:0.03947479662868964	:0.01
the:0.804286578042535	The:0.04453498736678086	and:0.04314510487965451	tho:0.028753673591216732	no:0.019332593063104284	much:0.014465110400096588	tbe:0.01244441098935493	their:0.011940164955305681	little:0.011097376711951216	:0.01
of:0.2967652427091595	in:0.13595345674633919	with:0.11103006989691838	and:0.08322182544764764	is:0.08186930297248521	to:0.0813404954244078	as:0.07292811701496521	by:0.07116153678195859	was:0.05572995300611864	:0.01
the:0.5896833964597671	his:0.08943411645141612	a:0.06612389639925709	of:0.05353698491113564	and:0.04347386952244889	my:0.03933387973977971	their:0.03926110076391791	tho:0.038157669369443134	its:0.030995086382834488	:0.01
Mrs.:0.24561386017213577	and:0.21824368765200966	to:0.12969398037073432	of:0.10617158313339882	Mr.:0.07001489306021458	by:0.06536874141013745	.:0.058083992613862	from:0.04981668249671961	<s>:0.04699257909078763	:0.01
the:0.2427062413794355	of:0.23068382346604135	to:0.1489188495940363	and:0.10717457225494818	a:0.07012936893180255	be:0.054642179396297445	in:0.05181740094029481	is:0.04489779797894826	not:0.03902976605819537	:0.01
that:0.2763913867486573	as:0.19660345156376904	if:0.12029913569267081	which:0.11482106002398831	and:0.08244462708399548	will:0.07101992573151716	when:0.04738790380646987	would:0.04737711747513307	should:0.03365539187379899	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
of:0.23955229910374126	the:0.1714301911783549	and:0.16748077458574512	to:0.1213234606525263	in:0.09186302095157195	for:0.053084010251066634	a:0.05031824323248293	at:0.04753186466944867	that:0.04741613537506207	:0.01
of:0.16858306853638802	large:0.15201243781380322	the:0.14283093253047235	in:0.14096017472939792	such:0.1256433907556517	and:0.11668604115135696	great:0.054873331339946305	a:0.046967407514337284	much:0.04144321562864619	:0.01
the:0.25454299256765656	his:0.23001386913168365	an:0.16578109135251706	of:0.09690251986069796	this:0.061168587948198135	my:0.06096392159037818	in:0.056749418319089646	post:0.03723307096470893	to:0.02664452826506982	:0.01
be:0.29696900877470916	a:0.12746329500717662	is:0.12467758664016568	most:0.10438875929847757	was:0.08380854225410733	and:0.07793764519966574	are:0.07308672279714272	the:0.061085572733253456	been:0.040582867295301764	:0.01
the:0.6336488110122905	tho:0.0569520710740932	this:0.05269212489310907	The:0.04888917929145603	their:0.04851044929546566	a:0.04435231984720188	his:0.040539449173984686	con-:0.03366927744181142	our:0.030746317970587574	:0.01
the:0.4248413602527658	a:0.16101559905426893	and:0.11338375123705748	of:0.09491161877102082	in:0.054277898920985716	to:0.045527590833289666	The:0.03604440787615773	his:0.0315815250876174	this:0.028416247966836367	:0.01
they:0.3045126940553407	who:0.1398190258828561	we:0.11466630036102034	which:0.09003207148821721	there:0.08992069658515052	and:0.08474351112247673	They:0.05897941752814287	you:0.05425939568675785	that:0.05306688729003746	:0.01
is:0.2929696510276423	and:0.2319787273826706	are:0.1833355741829689	but:0.056387592596988625	which:0.04875071853630712	Is:0.04714994126710706	that:0.04614627032037619	was:0.04361582233938573	not:0.03966570234655331	:0.01
of:0.546404328626402	that:0.1072032812642733	the:0.09982086868485959	and:0.05742096430283928	by:0.04700055349696155	in:0.044282380055696	to:0.038954722479080287	this:0.02712853635163105	for:0.021784364738257025	:0.01
;:0.20953252095776806	it,:0.11451281996419217	him:0.11252660622910599	one:0.10399558216214487	in:0.10038399485273586	and:0.09216727949281207	,:0.08702126563998025	it:0.08638247894281384	up:0.08347745175844686	:0.01
and:0.18784336682063274	as:0.15114329179679575	went:0.11423878004667351	him:0.10666558228731272	them:0.09110223752457794	up:0.08733803455919152	is:0.08689480544253657	go:0.08340199801381315	able:0.08137190350846597	:0.01
the:0.6528282942379261	a:0.07100210584383668	and:0.04775107487225657	tho:0.045338366298912705	this:0.04127266533603777	or:0.033943206172931055	The:0.03341226329788785	of:0.032473624779073264	any:0.03197839916113802	:0.01
of:0.29634648945960945	in:0.2535912671793268	to:0.09768084399968902	for:0.0870726494992433	at:0.06726366503454398	In:0.06252656761074236	with:0.04775872481977641	and:0.041077172492103076	by:0.03668261990496562	:0.01
and:0.26994386020443517	have:0.1466782364511693	had:0.12067224427442017	I:0.11424294361852506	has:0.09351752713621145	he:0.09165615197563415	is:0.05375998478754373	they:0.05205870697306772	was:0.047470344578993275	:0.01
of:0.31126761380166207	in:0.16602003185823355	and:0.10722936773033455	for:0.08029882551631222	to:0.07898250600119819	with:0.07826683094717211	on:0.06147952147345762	by:0.05462737190882571	from:0.05182793076280397	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
of:0.24927132286233925	that:0.1397682400388685	for:0.11608426599134056	and:0.10875876583870425	by:0.10480242197274903	in:0.09209862025376322	to:0.07990484953499671	with:0.054030184367462236	on:0.045281329139776165	:0.01
the:0.3424569188893425	of:0.16455096508506786	and:0.10033919834931113	in:0.07793473062826334	a:0.07209510006773208	to:0.0673263893824336	at:0.06389181510543013	on:0.06031743431467548	by:0.04108744817774398	:0.01
the:0.2080436616377632	and:0.20033713566996	of:0.19068184569338606	a:0.11734121817868004	to:0.0901966435619	or:0.05549392619383654	are:0.047117651345283916	is:0.04245767264985082	for:0.038330245069339235	:0.01
of:0.22910150922766162	in:0.11539276438983916	as:0.11127934553323833	is:0.10930652490440142	to:0.1009900448760656	with:0.08929933663062478	by:0.08343707285879863	and:0.07635553566197056	was:0.07483786591740005	:0.01
will:0.28355176686900735	and:0.2206498245823323	can:0.08460004752658234	was:0.07699091920781323	the:0.0766230328385978	would:0.06748411976275179	it:0.06275551229282916	had:0.06011071204343699	that:0.05723406487664919	:0.01
in:0.2969814278174901	of:0.13923873891211883	to:0.12754986191849543	on:0.07858423650105609	by:0.07636623304264749	from:0.0747962228587223	with:0.07469998112509083	upon:0.06408446476734962	In:0.05769883305702926	:0.01
the:0.2637351962852027	and:0.18295569707635853	of:0.15512704992970713	to:0.09901034785229984	in:0.08891847907071722	a:0.06188432822775293	his:0.05132313193481526	said:0.044243779866004695	that:0.04280198975714188	:0.01
the:0.6128546322613304	a:0.15192590265732295	and:0.05934514658927832	The:0.05372060090989328	of:0.034540593164345205	tho:0.02807122714167393	great:0.020538863635901124	for:0.015695301572919523	or:0.013307732067335085	:0.01
and:0.4025020835898423	that:0.11434901487935653	or:0.0938216793338382	is:0.08977805492577662	was:0.06743741839939299	are:0.06572506889511158	made:0.05416596792598723	but:0.0524173560015652	be:0.04980335604912938	:0.01
the:0.3727606519457039	and:0.15872907008152418	of:0.13359177443566386	a:0.11556837769165276	The:0.05807820579378272	to:0.047379056539191125	in:0.04225734605831974	with:0.0322366292759175	Mr.:0.02939888817824397	:0.01
it:0.35505309117815476	It:0.22568515482115037	which:0.09186997500389063	he:0.07427712557156561	and:0.06860291172058657	that:0.06252393229388647	there:0.04564675615568341	who:0.03881624702318382	This:0.027524806231898343	:0.01
the:0.33935093456587434	and:0.1938622644390826	of:0.11352468692343032	to:0.08066783015141218	in:0.07597978873654088	that:0.06418575447826133	a:0.05491242401129197	for:0.03417093261661264	which:0.0333453840774937	:0.01
to:0.3146960766427984	the:0.23576868589668376	at:0.11963162170842985	of:0.08638316823615028	his:0.06793847029597351	their:0.0576728752957418	and:0.04478382960701077	no:0.03411001834423896	will:0.029015253972972672	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
the:0.22492204864950682	and:0.1653093647458327	of:0.15416737997794133	a:0.11588766530629073	to:0.09617533449098715	be:0.085430050606336	was:0.06359817063379207	is:0.045653806272295115	as:0.038856179317017986	:0.01
<s>:0.30572089572154604	it.:0.20917540701624454	them.:0.12651652159548565	him.:0.07599168903468956	country.:0.06434666782938395	time.:0.062448520981977645	again.:0.0510450988566653	people.:0.049231507149725864	life.:0.045523691814281474	:0.01
the:0.515358483308764	a:0.1951564118740271	The:0.07647958049317734	and:0.05498213317393442	of:0.03947559048812851	tho:0.03042998192670601	any:0.03027758787418775	some:0.02679879129343042	no:0.021041439567644524	:0.01
have:0.2285656364251628	and:0.21327490516878841	has:0.12205489970074597	had:0.10769747801800601	they:0.07449856853000625	I:0.07281376138282955	who:0.0665048299648184	he:0.06198030164267276	we:0.0426096191669698	:0.01
of:0.4130653191433437	in:0.11230034167768149	at:0.0997922336764276	to:0.09021291163481802	by:0.06574358303858151	for:0.0580555894793611	from:0.051722007731512094	on:0.050272969807686724	and:0.048835043810587744	:0.01
of:0.1970364180329319	to:0.12913980437391928	as:0.108512739845144	and:0.10743962064050126	was:0.10310859393806605	is:0.09544631470127667	in:0.09410811671846622	for:0.08628570114615507	with:0.06892269060353952	:0.01
be:0.29096325743112744	was:0.1822613797518285	been:0.10525351344943948	are:0.0888941124022372	were:0.08876216312318584	is:0.0868150805966162	he:0.050513464155958226	have:0.05040752216836446	and:0.04612950692124286	:0.01
and:0.22145487756883012	do:0.12809288106808575	was:0.10729450321691962	amended:0.10455510258209134	as:0.09375235547389675	is:0.08730191828083023	be:0.0856090667296932	not:0.08466774663763453	are:0.07727154844201845	:0.01
the:0.2885930082027725	of:0.176566445622439	a:0.12380099638058098	to:0.10274053766955328	and:0.0921597664603577	be:0.0664805226347077	in:0.04958752016343719	is:0.0472461089247686	not:0.042825093941383084	:0.01
to:0.4597074749710105	will:0.12488520085987609	would:0.08868852394332792	not:0.06888572140277269	I:0.06283326239706827	and:0.05881046217183128	the:0.04860987514313444	can:0.04309358941269159	they:0.03448588969828712	:0.01
men:0.22430957254120576	made:0.1612255668304005	wife:0.12580646910200213	up:0.10849681173143354	right:0.08339402737085246	in:0.08086207057160986	city:0.06952806896773539	day:0.06820242677751583	it:0.06817498610724458	:0.01
number:0.20885932208434108	out:0.15385522373979488	day:0.11035709953892571	one:0.10010785943270624	and:0.09046657955426679	tion:0.08782501890960508	part:0.08011895138308249	time:0.07953993590668679	that:0.07887000945059106	:0.01
of:0.336643296191915	in:0.1339970718354092	to:0.11553059813369625	and:0.0780370064270797	by:0.07575244067997089	on:0.07193127052449044	that:0.06548912241638975	with:0.05945475677275022	for:0.05316443701829849	:0.01
the:0.7796891465424406	The:0.056710949271402966	a:0.03685747181392837	re-:0.027750211691754522	tho:0.026181908162811383	and:0.02419657681003009	his:0.014814826859282454	this:0.012102439750531937	to:0.011696469097817477	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.04553578393787439	of:0.03051332981678091	tbe:0.02261446403444868	in:0.021612439669724332	or:0.020196218295911488	:0.01
the:0.3222700586422684	of:0.19748303497032527	and:0.14821900911444638	Mr.:0.0814022366829615	a:0.07018330339807605	to:0.05211795477222556	The:0.044962636484870665	.:0.03895710737577016	by:0.034404658559055994	:0.01
the:0.6713233763945993	of:0.11687539888944715	and:0.05069373171965821	tho:0.03556251707618633	their:0.02749147466608127	other:0.02377713385372786	The:0.022778706756521983	his:0.021009088951910743	in:0.020488571691867172	:0.01
the:0.2918776460409474	of:0.22178196805794084	and:0.12194274173166582	a:0.07943900673134334	to:0.07729722716109534	at:0.05837903430942659	in:0.05401514731023792	be:0.04423005804037608	his:0.04103717061696682	:0.01
<s>:0.43063525591907675	it.:0.1185456612570803	them.:0.10921027028339074	time.:0.06460887078498279	him.:0.06371445185651986	country.:0.05412369680877684	of:0.051635167665089785	day.:0.05152530101233336	.:0.04600132441274966	:0.01
w:0.7294269970801147	and:0.06966431118705395	of:0.04031370790122054	was:0.037398335303602544	is:0.032442899928951566	a:0.02247907564226818	have:0.02131207402639036	<s>:0.019351637715081867	are:0.017610961215316186	:0.01
of:0.41131993115394677	to:0.16507537509009754	for:0.12058575744493039	with:0.09264853342428962	upon:0.055646449698391734	among:0.05092204977048009	by:0.03281975384558087	from:0.03242277881253206	before:0.028559370759750926	:0.01
and:0.4244377188217532	was:0.12387562619451126	is:0.09380272758518465	are:0.07095861924964592	do:0.0702438556612075	that:0.05906404162625258	or:0.05481149555629103	were:0.04803561721859743	but:0.044770298086556456	:0.01
the:0.8538444381917846	tho:0.029620356340277095	a:0.021906966457254713	of:0.020860751876220482	this:0.017749103031014214	The:0.015116411565850418	tbe:0.012816737997790064	our:0.010127626272330778	American:0.007957608267477528	:0.01
it:0.27591128317212715	It:0.22334103878416164	which:0.11646568322484484	he:0.08030211109255414	and:0.06900141155757347	there:0.06301699365905496	what:0.056512927199599584	that:0.05573031432270319	This:0.049718236987380926	:0.01
is:0.2886692982410803	was:0.21319849168130503	and:0.19821454736731695	are:0.0799821293428405	were:0.05394409556323078	but:0.05108420313046429	Is:0.0371096910074514	He:0.03679645280811183	has:0.031001090858199003	:0.01
of:0.41151370285734723	in:0.11599421457640575	to:0.11328753375795443	that:0.08285187277295587	and:0.07134250496134908	on:0.062032335206115494	by:0.05558866573602839	from:0.04155413720502934	with:0.035835032926814406	:0.01
and:0.22680810849365046	the:0.17546645813842868	most:0.13033070869120003	a:0.11049727247093076	that:0.09614567526555387	of:0.07546124205757468	to:0.0750618887572483	in:0.0550855618275114	are:0.045143084297901814	:0.01
that:0.38070519851817636	and:0.1778659961440877	as:0.09889448872935563	if:0.07986348985997335	which:0.06770495068616866	but:0.0635501232005518	why:0.04265864364288444	when:0.04166803433434388	If:0.037089074884458124	:0.01
the:0.24596288955955292	and:0.16331079864438022	of:0.1497562475098918	to:0.11241360832287664	in:0.09064769647032551	his:0.060910616163415525	be:0.060673008123120625	a:0.054443630683502685	for:0.051881504522934004	:0.01
Harper's:0.36399924800878747	the:0.19826160198889262	of:0.11926325661172615	and:0.0714937334519296	No:0.05771031572545727	Mr.:0.05329545112052894	lying:0.05034567857872271	lot:0.041936790556208324	a:0.03369392395774675	:0.01
as:0.18264756547901934	and:0.17355041281779543	it:0.14437516796436178	up:0.1294833842623558	addition:0.08306339049922118	regard:0.07118760656949817	came:0.07103628652519016	come:0.06955397884812978	similar:0.06510220703442814	:0.01
Van:0.9457882271901167	of:0.016164118143626307	and:0.006407687824552179	the:0.005339569112066458	A:0.004421331640738851	Mr.:0.003948911778441844	author-:0.0029683247352428233	a:0.0024956380889973426	<s>:0.002466191486217588	:0.01
not:0.4867271388082776	is:0.14194347155789805	was:0.11531716010435228	and:0.057783908704550274	are:0.056910812779554856	the:0.038499753959317366	be:0.035048715901967446	were:0.033285545981042636	had:0.02448349220303921	:0.01
be:0.19023558903891363	was:0.12562089232009221	and:0.11889978908759513	have:0.09967313185876202	had:0.09623927144113117	are:0.09575482027269053	been:0.0943480797567161	were:0.08713550180534956	is:0.08209292441874953	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
be:0.1954850061955381	and:0.18892242667191156	was:0.16260434880094238	he:0.12609015405991847	been:0.06819638819597448	were:0.0657791904635536	I:0.06568111302710743	they:0.06054675471183202	have:0.05669461787322211	:0.01
in:0.17413264377532128	as:0.16694339953632562	for:0.1452545639745138	of:0.13897561023054628	is:0.08836633338225905	with:0.08442473107060688	to:0.07125266082269494	and:0.06314475183162005	such:0.0575053053761121	:0.01
one:0.272561840834379	some:0.17567181277195737	many:0.10063293298888824	all:0.09012185611021117	out:0.08848657377219273	part:0.08783075355359865	any:0.06250830842543066	most:0.057680932036757344	portion:0.0545049895065848	:0.01
is:0.19710347503330186	and:0.19648840939953183	was:0.15000181162138046	be:0.1186958084916519	are:0.10569937741681001	it:0.06528369049312625	made:0.05483007850186879	not:0.05298896162849347	were:0.04890838741383547	:0.01
in:0.32497761423178234	a:0.26649386622408666	In:0.16432144196290369	the:0.1440124771813975	this:0.03764148798222242	and:0.019685710919301207	of:0.011355571342747436	iu:0.011300782855224753	great:0.010211047300334024	:0.01
of:0.20401836074178203	to:0.1896634422623044	in:0.14579014567812668	at:0.13319874283057506	on:0.07951137224046195	and:0.07838234229542815	from:0.06928683389080241	with:0.04712177612636571	that:0.04302698393415372	:0.01
it:0.3565026245617405	It:0.22409413701117156	which:0.09883733612966472	he:0.07730130898729959	there:0.059571749202078375	that:0.059154263479726146	and:0.0470719921361537	who:0.0367534449723359	what:0.03071314351982946	:0.01
it:0.18996776648825842	which:0.16693146919859037	It:0.16388385093027855	that:0.10887832266608082	who:0.09754653858074362	he:0.09729440751502057	there:0.07644641877125939	and:0.04784424293313712	There:0.04120698291663113	:0.01
went:0.17949748064933763	go:0.15454708545878776	came:0.11151278596248963	back:0.09777108854160564	it:0.09728390677389735	out:0.0959887918454101	put:0.09227887075263339	down:0.08367866714280338	come:0.07744132287303518	:0.01
and:0.3076333986884397	was:0.12279075732850273	arrived:0.0988204521344998	that:0.08915553042599228	but:0.0878125721376223	is:0.07218349181149267	made:0.07133808162171154	held:0.07087840075868324	look:0.06938731509305586	:0.01
called:0.18711501726271357	and:0.1769778594175597	depend:0.09478461571071492	due:0.09303871463409802	levied:0.09099539381330117	look:0.08921603547266616	based:0.08850532416130107	made:0.08545027494106064	placed:0.08391676458658466	:0.01
of:0.29257016320474416	to:0.15414546973400411	in:0.13559278386578624	for:0.09840894187100922	and:0.07869268907348381	by:0.07537437688127122	that:0.057291997350136674	from:0.05380076888442065	with:0.04412280913514386	:0.01
is:0.33913154736346407	was:0.2510349964340459	are:0.11145783572342856	were:0.05647811921219595	Is:0.05428034038522891	as:0.046462904203387445	it:0.04561194275987132	and:0.04408321672470122	do:0.04145909719367661	:0.01
the:0.178773384293596	and:0.15905693441419114	of:0.1507009654572478	to:0.12785537177660436	be:0.1151551695765266	a:0.09109342413565304	in:0.05932541876549419	was:0.0550093693954189	is:0.05302996218526802	:0.01
a:0.27745554320170435	so:0.21211504288702066	the:0.1861532707074266	has:0.06763849109628671	have:0.06639035669621834	had:0.06140515874381505	and:0.041778450498267346	very:0.04172463968870628	not:0.03533904648055462	:0.01
the:0.31401856397985944	a:0.17677731824081228	of:0.12156818754403566	last:0.11808117933116861	this:0.07935557123629465	past:0.04951597270283753	some:0.0462872161021769	for:0.043307183549780665	his:0.04108880731303447	:0.01
and:0.24715944158911993	depend:0.10115542297585237	based:0.10085046174861782	placed:0.09929781518962863	depends:0.09865819847804204	called:0.09672811564313881	down:0.08601932662424668	made:0.08525060516232964	effect:0.07488061258902408	:0.01
of:0.29308403451912945	on:0.14618860818009188	to:0.11611169679034236	in:0.10994652543450052	at:0.07755129964115466	and:0.07053568332303524	from:0.06754088332408154	for:0.05744377061899879	by:0.0515974981686656	:0.01
the:0.31439832661691314	and:0.16380354352700816	of:0.12938050359268882	Mr.:0.0970552230095796	a:0.08726290955888251	The:0.0733244280758257	that:0.06330451842459446	.:0.03116425354641813	to:0.03030629364808946	:0.01
the:0.5360753392221824	of:0.18270810763457798	The:0.06545210027388729	in:0.05550335018848722	and:0.053192625335736474	that:0.04245436147586156	tho:0.024811373014137383	from:0.017155120074642517	County,:0.012647622780487233	:0.01
be:0.2686298511892237	and:0.15908637182096638	was:0.12249391490388979	is:0.10136796725675672	been:0.09719270541490498	he:0.07980755814339785	the:0.0660793321565492	are:0.05742569981373736	has:0.03791659930057384	:0.01
the:0.35861451900589214	Mr.:0.1291559629555713	of:0.1199072506314825	The:0.10475232618943306	and:0.09673714076044429	that:0.07632406646832235	a:0.04689593712709312	his:0.030747167493934732	Mrs.:0.02686562936782656	:0.01
to:0.42317642805409666	the:0.1571637980897718	and:0.14432249815422893	I:0.07004048090977334	will:0.051983129838143204	not:0.04993123926261202	would:0.03864817837069277	a:0.028060059820580987	they:0.026674187500100466	:0.01
want:0.16944750095132705	glad:0.14650326498059987	him:0.12057422464855275	and:0.11156362631705707	wanted:0.10942809753626222	able:0.10289427384099588	me:0.08238729973968469	them:0.07437032557181106	surprised:0.07283138641370947	:0.01
and:0.29169997815308213	was:0.1328703627143118	out:0.08873310066938216	that:0.08746131418060452	placed:0.08440072742047074	work:0.08020079681811661	made:0.07677797059304475	is:0.07472371838239819	up:0.07313203106858901	:0.01
as:0.8979669176551772	so:0.028883802432012273	ns:0.012116582670001702	aa:0.011221273807017677	As:0.010578173967362856	is:0.009077766067223627	be:0.00817771880336495	and:0.006101368922114597	very:0.005876395675725095	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
set:0.14957070120708035	it:0.13425358389477499	put:0.12515009322122117	came:0.12124321437096496	taken:0.11325955365524525	went:0.10276514566055586	made:0.0840131571546645	take:0.08051610656447368	picked:0.079228444271019	:0.01
be:0.3306984296074291	is:0.2054805975751052	was:0.10191465639783422	not:0.07159051110502651	it:0.06748221723921997	been:0.06195800496904743	and:0.055374831370834446	as:0.048264508482333	are:0.04723624325317011	:0.01
the:0.27539139429129283	and:0.1612890973321918	of:0.15424185479835031	that:0.12080947394986961	in:0.10347680838897533	which:0.05376738056173211	The:0.04509934942625059	as:0.03940212961746988	Mr.:0.03652251163386742	:0.01
the:0.7581908107197258	The:0.10313352316103519	a:0.037229086900471636	tho:0.03714924656723495	his:0.016549656626435937	tbe:0.013588862178869992	this:0.012743683978141058	their:0.0062779186847812	its:0.005137211183304217	:0.01
of:0.32743052788210025	a:0.2045033215634392	the:0.10242148768637882	to:0.0953168987797215	in:0.06677155732438858	and:0.05718882579420003	as:0.05524968640480829	on:0.04055914668539844	was:0.04055854787956496	:0.01
and:0.4484131619775727	that:0.13112399004211256	time:0.11574551203393332	but:0.09223118931800355	which:0.05036209192574056	or:0.0447960293743765	it:0.04179721578251755	day:0.033965822156142696	which,:0.03156498738960059	:0.01
was:0.1762952442837898	is:0.17057592933357996	of:0.14997077033568687	and:0.12084057685569413	an:0.10112919154466818	are:0.08365269032317	the:0.08300790053882175	were:0.054538768200613784	in:0.04998892858397562	:0.01
time:0.14028804533363545	it:0.12729163280619432	good:0.12230232622596261	more:0.1190027566506573	prompt:0.10318476425700682	due:0.09782936180870312	him:0.09761817461846625	them:0.0944546958812519	men:0.08802824241812214	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
as:0.173436796673747	up:0.13412971342767138	come:0.11852609360688013	and:0.10381223245833751	back:0.10327756606071099	came:0.10160162493467607	go:0.09825838167250896	it:0.0792353316354947	regard:0.07772225952997326	:0.01
they:0.25795665163330006	we:0.14477540302744266	who:0.1236604742896346	and:0.10122726906581148	you:0.09960683373249143	which:0.07563947020499628	They:0.06696442030957389	there:0.06031396385731839	We:0.05985551387943108	:0.01
the:0.3782414225537488	of:0.2131247919144715	to:0.12947834221937074	a:0.05197100695916897	and:0.050962147308248	this:0.04707193278816354	for:0.04191403565623129	in:0.04106072874960889	The:0.03617559185098833	:0.01
not:0.31122773967439593	is:0.1397754234190722	the:0.1323726876425678	and:0.11550285150073794	was:0.1113496824874139	are:0.07990871600924461	were:0.05134982767670612	Is:0.025382491070083963	be:0.023130580519777625	:0.01
of:0.2955016321115962	in:0.15711172168244378	with:0.09251702507074862	is:0.08267261115035802	and:0.07884291689861687	by:0.07708632365259054	was:0.07446414919488166	to:0.06599389819105696	as:0.06580972204770749	:0.01
the:0.681191993017405	The:0.17449290414811403	tho:0.03487578030956159	of:0.03439133049334115	this:0.016691377898152452	and:0.016029834912397966	tbe:0.010935015642629994	our:0.010906470218516158	a:0.01048529335988157	:0.01
to:0.41821841533329795	not:0.39920506919129856	will:0.05755775066153905	never:0.03230591122340623	would:0.025963832464163672	and:0.01986176343729132	a:0.015086449635870166	shall:0.011989742394645779	must:0.009811065658487293	:0.01
and:0.2743619235957881	of:0.272131547690924	to:0.11168186825379463	in:0.1029340002743798	from:0.06742903673627827	all:0.06585530032171438	on:0.0372595641190317	with:0.02965644793019806	said:0.028690311077890898	:0.01
of:0.31135023209434876	and:0.17502586177204907	to:0.132348116582113	for:0.07665102539921116	in:0.07664929053386346	with:0.07453432252853211	by:0.05491892050121453	from:0.04519337487182816	at:0.043328855716839795	:0.01
<s>:0.3175299273078199	it.:0.1832038453359369	them.:0.12772951816945532	him.:0.09406300587226456	time.:0.06212476024379309	country.:0.05876911599376728	day.:0.05342911719425257	year.:0.04674551510190129	and:0.0464051947808091	:0.01
of:0.23554625159798703	the:0.2328178726392219	these:0.13541941529739723	These:0.08696984606737294	business:0.07048113133865132	young:0.06956810161613858	The:0.05675665862631059	two:0.05152826433529141	and:0.05091245848162903	:0.01
of:0.2537158580872547	for:0.14523110391380156	in:0.14273183476837148	and:0.13534122953315833	to:0.11680391004254692	that:0.06663486659826794	with:0.05339210477954224	all:0.041155434591262356	on:0.034993657685794446	:0.01
and:0.35300645440956296	that:0.2031892171245079	as:0.15692861119759352	but:0.06651879692357406	even:0.059756851233982874	And:0.04221613606704582	or:0.03780334824475082	But:0.03563116184475345	see:0.03494942295422832	:0.01
a:0.2702114819330739	the:0.14641130585204357	they:0.09709153575307722	who:0.09476295984611238	I:0.08822635558521191	not:0.08752362258740433	we:0.08549991033961883	and:0.06821039165503236	to:0.05206243644842554	:0.01
sum:0.18676829411122214	number:0.1566486321513545	line:0.11140081741272478	city:0.10844765106291132	out:0.10739005474369737	day:0.09286734076326106	county:0.08286139477536687	amount:0.07384405151900511	Board:0.06977176346045691	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
made:0.3028069374576309	and:0.2023193696646394	caused:0.07375981344017991	shown:0.07207509517503563	up:0.0704269184181151	ed:0.07002219172812583	out:0.06751988832599078	taken:0.0665966498616986	done:0.06447313592858381	:0.01
the:0.34170127421390223	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093987	to:0.07847171568184984	in:0.05339647102682973	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
any:0.2846496818368573	the:0.17352911552064534	and:0.16815564361045374	no:0.14429413595004878	or:0.06020481293111724	some:0.048429547759136486	all:0.0451112139334986	of:0.03290196032218286	in:0.03272388813605986	:0.01
the:0.5076628671531154	at:0.26313761569424726	At:0.05297062574332164	tho:0.034269582625248304	of:0.03232456588880277	to:0.030512236247359607	and:0.03046091927625813	The:0.022380206772812765	on:0.01628138059883413	:0.01
the:0.29877039408120276	and:0.14715698759814141	at:0.11386303162851831	a:0.10647553853932462	-:0.07228325230177517	.:0.07018788370452053	<s>:0.06314176584986114	of:0.06224247312384108	25:0.055878673172814926	:0.01
that:0.2743721578322775	and:0.2216199575477429	but:0.15796022775615448	as:0.08417686545649884	which:0.08396455812624125	But:0.04842739441172044	what:0.04246530890657582	if:0.040587508194342974	when:0.036426021768445914	:0.01
and:0.25037799561132223	to:0.19051743664518078	of:0.12818071300755096	the:0.11341275889843262	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.05790590474591629	for:0.056443486992488516	:0.01
of:0.3824802793236409	the:0.14982020863504972	to:0.13821832746875495	and:0.08208294458100916	in:0.05637631160214347	at:0.050544565805447916	from:0.04874799956852265	said:0.04791726923204631	by:0.03381209378338498	:0.01
a:0.6556143733853557	the:0.23660243551351212	his:0.02923836143306226	and:0.017078164876919346	to:0.013437504710959426	this:0.01091183299455563	The:0.010719735259224903	tho:0.009144995435000912	her:0.0072525963914095186	:0.01
the:0.15700796841471681	his:0.148637053631842	her:0.11394876708016301	of:0.10989139406951663	and:0.10460825228055175	go:0.10401564926208147	it:0.09454057031513104	at:0.08942172196187098	a:0.06792862298412616	:0.01
of:0.3095352011444686	the:0.24606157142769186	in:0.23967235175867446	a:0.06277672938472985	In:0.04121736364516166	his:0.03173003366305954	by:0.020589116210339885	with:0.01933794463619658	for:0.019079688129677627	:0.01
of:0.2169198679585817	the:0.19690770048974351	and:0.13502145604837126	to:0.09441737416444072	be:0.07577678070195323	is:0.075234037504307	in:0.06822046581320038	a:0.06659615857451136	was:0.060906158744890755	:0.01
manner:0.39461193456752314	and:0.1874970192491854	that:0.10855654014299568	way:0.07037996389927753	time:0.053828768086076215	it:0.04775881818150397	all:0.042702733322799634	one:0.04238708288685657	part:0.04227713966378214	:0.01
the:0.2955324622823837	and:0.1646751237662727	was:0.10875192450804577	is:0.09704570218239973	a:0.09590707551853742	be:0.06856130471414443	his:0.061054554848733095	her:0.052266769414468006	of:0.04620508276501511	:0.01
it:0.1608854046626381	go:0.15583192623398787	taken:0.13847406578261967	went:0.12250072543068016	them:0.09688906142079479	set:0.0913535653580799	him:0.08275956221838289	came:0.08203638981999255	come:0.059269299072824064	:0.01
more:0.45007886000620634	less:0.16900716644448102	better:0.08289749761439143	greater:0.07115848974331247	rather:0.07103038283837583	worse:0.038621411591282295	larger:0.0362060645346208	higher:0.03591796783111621	other:0.035082159396213466	:0.01
the:0.357049484551998	and:0.19569839124732868	of:0.17066785543405627	The:0.11172442877965486	that:0.042779005993718346	these:0.03153273173181317	a:0.028047350814569477	or:0.027399312475863045	to:0.02510143897099813	:0.01
to:0.3504444290396577	will:0.2304633529847178	would:0.1501700179848306	may:0.06048113618382543	should:0.053613581943932904	shall:0.048343128300104954	not:0.03947290497029301	must:0.037456228416852026	can:0.019555220175785402	:0.01
not:0.19613302794502768	to:0.17594838371844293	and:0.12865227098656046	I:0.1053837156470568	would:0.0973206930302106	we:0.09021499739791469	will:0.08757443366454672	they:0.05680850504341879	it:0.05196397256682137	:0.01
man:0.23808246961640958	and:0.2000551006315918	those:0.1610041407179588	men:0.12824933514458586	one:0.09444537013287324	woman:0.05167357587020854	person:0.04618917831205055	people:0.03900996003617431	girl:0.03129086953814726	:0.01
the:0.4326426383821813	of:0.1315171441017247	to:0.1279320344611956	a:0.07029008468474822	in:0.0697235501787612	and:0.04346997726225372	this:0.04274986102292285	said:0.03890945037873498	his:0.032765259527477344	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
the:0.35966887416736054	a:0.21290242852836275	and:0.12293109232006634	of:0.07025856285669561	an:0.06704691182434466	to:0.04729088428700537	The:0.041985474890416805	in:0.03497561144599804	his:0.032940159679749864	:0.01
first:0.30066478157765936	third:0.24561898963287648	on:0.15094440278571664	second:0.0758285280313082	last:0.06500485064457923	and:0.044182072383721585	next:0.03735821607227277	of:0.03689255773543924	fourth:0.03350560113642661	:0.01
the:0.36771928654787595	of:0.14652000236943064	and:0.1324198959296095	their:0.09344840977248738	its:0.06387851162269535	to:0.061995656894945045	his:0.05084063596678606	a:0.044221101623959196	in:0.02895649927221078	:0.01
it:0.308575174916539	It:0.30230514863706326	which:0.12809000152737007	there:0.07299229611320082	that:0.039667165874570254	he:0.03910085728701741	what:0.034724546968341444	There:0.034079423050721126	This:0.03046538562517653	:0.01
the:0.2674492964256619	of:0.20511700061949345	and:0.14485297190820026	a:0.10901726580538401	to:0.07826945908641957	be:0.053803876767259305	was:0.04954367835637349	is:0.042308161686394764	in:0.03963828934481334	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
of:0.41293577334243814	in:0.10412961860640844	to:0.10279934491522025	for:0.08292601603823295	by:0.06356675378459835	that:0.062648804707067	on:0.056689569904953975	and:0.05324457640560544	with:0.051059542295475394	:0.01
and:0.22913901817922058	of:0.18306078926769226	in:0.1642523164232234	that:0.09088298972410735	for:0.08638306795422163	by:0.06838251738939323	to:0.058952676356116146	with:0.05485580224951184	or:0.054090822456513546	:0.01
line:0.23184498606730655	street,:0.22304894306334944	city:0.1304748807994771	relations:0.09161543561657043	street:0.08917410950584363	and:0.06014140157727058	avenue,:0.05864675030838531	State:0.055635198966674175	war:0.04941829409512278	:0.01
the:0.25037909793207774	of:0.1946911851602244	and:0.17743138125890157	to:0.089842195453889	a:0.07376394230021291	at:0.06520101689812319	in:0.06480731870183194	or:0.038717350854700384	.:0.03516651144003897	:0.01
and:0.24562641981964997	the:0.21176949412460036	of:0.20097993733606384	to:0.09537333427167768	in:0.0623369950173411	for:0.053877795310804645	Mr.:0.04484042574765619	a:0.04480190478664162	Mrs.:0.03039369358556471	:0.01
to:0.3010286378598682	and:0.20724594162951251	of:0.11561430117577179	the:0.08949931874126585	in:0.06780950692820928	is:0.05678672479774324	I:0.05395775487226536	for:0.04939417435915029	not:0.04866363963621349	:0.01
the:0.2881817842330117	a:0.2080568699328707	that:0.18113242527409695	this:0.15596442089969761	of:0.039931991653252806	to:0.031653394839582204	same:0.029962818709878318	every:0.028491629554850587	any:0.02662466490275891	:0.01
the:0.4413000003383425	a:0.1976239129756115	to:0.16690011693933993	of:0.04771196806104025	and:0.03148021963133957	an:0.02835831557055002	tho:0.02797163378149162	this:0.026600855183562463	The:0.022052977518722035	:0.01
of:0.40263428619232666	and:0.14038177468800037	to:0.12921375856288103	the:0.11183685335859704	I:0.045596735754771224	that:0.04341294366080534	at:0.042749600849812934	<s>:0.03768965602672107	for:0.03648439090608421	:0.01
the:0.25333416144536347	of:0.16238499435315223	and:0.157941961132903	.:0.10361609104887085	a:0.08188293651816925	to:0.07371521545685686	at:0.05810670111131096	<s>:0.0522445525061523	Mrs.:0.04677338642722108	:0.01
it:0.2785617870082724	It:0.14058657073537018	as:0.12754388100244876	which:0.12453991685388906	that:0.10374278837395835	they:0.0775235962159316	there:0.05505262519992346	and:0.04275356669332104	he:0.039695267916885144	:0.01
of:0.4034962321176427	by:0.11832915620885165	to:0.10786265701453493	that:0.09983950741507282	and:0.09656060089049699	for:0.050434962992255215	with:0.04188111446382257	in:0.0415386261290338	on:0.030057142768289215	:0.01
the:0.5947400021858417	this:0.10468953625883601	The:0.0765542152317978	that:0.06812997471318917	a:0.05450960812874264	white:0.03032458541044738	tho:0.02665297851252972	This:0.017294481781131337	whole:0.01710461777748436	:0.01
that:0.36343453931478875	and:0.18572112134217209	which:0.10220835938480789	as:0.08330672832754321	but:0.07251059741816525	if:0.06304008063519789	when:0.04547118021932885	for:0.03942820959432342	to:0.03487918376367278	:0.01
the:0.23770329340910773	and:0.18442110823485505	of:0.1418913037481826	to:0.11325343159007806	was:0.07058665526700938	in:0.0694218032299526	on:0.05872208424949301	be:0.0578581527327229	is:0.05614216753859876	:0.01
made:0.3028069374576309	and:0.2023193696646394	caused:0.07375981344017991	shown:0.07207509517503563	up:0.0704269184181151	ed:0.07002219172812583	out:0.06751988832599078	taken:0.0665966498616986	done:0.06447313592858381	:0.01
and:0.15928501242391005	is:0.146739518323759	the:0.132020655339771	of:0.12988039748286667	was:0.11253954064920008	be:0.09880160784303531	to:0.07547275110854117	as:0.06942477748375672	are:0.06583573934515997	:0.01
and:0.20793200599658945	have:0.18988815884164964	had:0.17219358499678258	who:0.11242758105909957	he:0.09810629644021075	has:0.06934043972539154	en-:0.05509805572022837	which:0.043850478501268685	that:0.041163398718779366	:0.01
to:0.3801713410396947	will:0.16905314483498002	would:0.09527916658290728	may:0.08675332896552816	should:0.06283728370881102	shall:0.06007446359778352	not:0.056307515032875996	must:0.039927651800072135	can:0.03959610443734722	:0.01
and:0.4621131842823421	but:0.10980047373759427	that:0.10919259615325105	are:0.07984900761802545	as:0.0639718221137958	is:0.045301643142024915	men:0.04134717581134797	if:0.04022088859653721	is,:0.0382032085450812	:0.01
that:0.27060119700341584	when:0.22756076468542236	and:0.12924501852340933	as:0.09232140527584748	which:0.0815029102968983	but:0.05314156049852104	where:0.048467552282745	if:0.04418111006961451	When:0.04297848136412612	:0.01
;:0.3822008268378121	it,:0.1226884845706422	him,:0.1104300072094264	time,:0.08421786160170752	them,:0.07112741111991275	and:0.059921563161910746	is:0.05773951390386664	,:0.05422928253784633	me,:0.047445049056875334	:0.01
of:0.33400853097765815	the:0.16122767480468836	to:0.09165314911686852	in:0.08300217546484334	on:0.07972891608294155	a:0.07586709253209152	at:0.06588242524193909	and:0.06368742595008235	for:0.034942609828887125	:0.01
so:0.3951303158997033	well:0.18289135950249416	far:0.07851553145636676	and:0.07717096507941125	such:0.06762643991661785	much:0.05870230247136148	it:0.04688983919120124	manner:0.04294895405322766	doubt:0.040124292429616286	:0.01
and:0.25037799561132223	to:0.19051743664518078	of:0.12818071300755096	the:0.11341275889843262	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.05790590474591629	for:0.056443486992488516	:0.01
of:0.23816682122322025	in:0.2148049975370947	for:0.12144217982225577	to:0.10862937610078928	and:0.09559675654379894	with:0.0834240638252313	by:0.043653465368899684	In:0.04305086116398047	that:0.041231478414729614	:0.01
he:0.2551201520408393	it:0.12885276723823547	and:0.12677751374117283	which:0.11430383549362247	who:0.09737427734167389	that:0.09435203984136281	It:0.07306541375906984	He:0.05605309586453942	she:0.044100904679484	:0.01
purpose:0.15093848174489058	sort:0.125671424307027	line:0.12155256293773245	matter:0.11737093704419813	number:0.10454357497983237	out:0.10326006467270522	means:0.09090058961058371	kind:0.09053346777216748	question:0.08522889693086287	:0.01
the:0.37710515282398516	a:0.18399367072375025	to:0.134715777192989	no:0.07584799894170707	and:0.05471741543768522	be-:0.047596125931491894	will:0.046375894595306666	this:0.035197377044936536	would:0.03445058730814813	:0.01
the:0.6252997719040699	an:0.11290600333803531	a:0.07278166556345998	tho:0.043320692622557645	The:0.03727463194812589	and:0.03601351260189454	or:0.023957659993213122	tbe:0.019750894826230433	on:0.018695167202412995	:0.01
<s>:0.5964376085481624	.:0.08711193920501308	it.:0.07551185858136401	them.:0.04921701549779532	of:0.046567545890369544	day.:0.04031097972870144	him.:0.03513570882906044	time.:0.031191587530225193	year.:0.028515756189308523	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
to:0.2620983149693371	and:0.19664402247129265	the:0.18720703494025467	of:0.14061051340842873	in:0.0675925481954826	a:0.03867755248806961	<s>:0.03389464108121401	not:0.032510411574388075	that:0.03076496087153255	:0.01
it:0.1921278232971985	I:0.1635367281436464	he:0.1482809775130435	It:0.12009222869643392	we:0.11874289695586417	they:0.11459528351250943	We:0.047894328539064	and:0.04657853342455461	you:0.038151199917685306	:0.01
to:0.5502731430577685	not:0.10293422644532169	would:0.07242608323232308	and:0.07152736144442307	will:0.06809410715653895	must:0.034766261147720176	may:0.03117120025246946	can:0.03043271568256712	could:0.02837490158086784	:0.01
and:0.47837529056404693	was:0.23399022752286439	He:0.06430849215260152	were:0.06106656246483286	is:0.05813579084830569	are:0.03537055075810741	he:0.02514925268847314	be:0.01888287111017651	it:0.014720961890591668	:0.01
to:0.18201763226341575	would:0.17425541804710748	we:0.12587958209754177	I:0.122163714710879	who:0.11386206204685392	they:0.10493040039856863	not:0.058983652503710286	will:0.05820721448559593	you:0.049700323446327306	:0.01
a:0.2044707166378877	and:0.16535246916943544	of:0.15452986728542462	the:0.14419425994753188	with:0.1113496382976214	to:0.06644296950863542	as:0.05666442586726907	was:0.05379389167329836	their:0.03320176161289593	:0.01
the:0.44348300177498867	an:0.19307231475720413	The:0.07617940722752137	said:0.07611011296702364	primary:0.04444977251325656	of:0.04106537565752214	general:0.0409984221702671	this:0.0379687796366691	An:0.036672813295547335	:0.01
of:0.38454886142074335	in:0.13452875329160977	and:0.09198859828713137	to:0.08755725394482924	that:0.08543532454774042	by:0.057090956859196025	with:0.056925822976923744	for:0.04998229927872182	on:0.04194212939310427	:0.01
the:0.6100958413682225	The:0.1532314426848007	a:0.07629971622189431	of:0.060036884823970675	tho:0.034134433549245835	and:0.023956498901063134	in:0.012793613302180856	by:0.010071785567068251	A:0.009379783581553652	:0.01
have:0.328569859669711	has:0.31865785337877045	had:0.21609779957122058	having:0.04694288702685025	not:0.030878323080646856	ever:0.0157171566700639	never:0.012403184074733101	lias:0.01125747792268225	bad:0.00947545860532151	:0.01
sum:0.21906310793492872	day:0.2139182294019255	State:0.14880446278344878	that:0.0916596544496183	and:0.07654280377738833	part:0.0672335268557813	action:0.06283072871226907	it:0.05568102673354951	<s>:0.05426645935109051	:0.01
was:0.25136635402202634	be:0.1805923239739397	were:0.1368516322759587	been:0.11397981009871701	are:0.09861556949958379	is:0.07896710966638869	and:0.05487521130811856	being:0.048894422559133996	had:0.025857566596133176	:0.01
and:0.24514080494360468	of:0.23186455546022053	to:0.11121807870007587	by:0.0886821751552734	for:0.08603229605353604	all:0.06730625607083747	that:0.0662954925013999	the:0.05647857965868825	in:0.036981761456363844	:0.01
of:0.29633572450437884	in:0.1460853874885849	to:0.1415677969515685	for:0.09412461223492613	and:0.08474980319055248	with:0.07400648853301361	on:0.05839473007661019	from:0.05014706301412719	by:0.044588394006238215	:0.01
the:0.31032794402353153	of:0.174136548685278	and:0.16924373084989436	to:0.09410335785526062	a:0.08334285316950657	in:0.052679580193748875	be:0.03777522488732701	his:0.03486601099791866	or:0.033524749337534535	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
the:0.22867797383680968	of:0.20876311385617313	and:0.18027989253412735	a:0.08935248670618119	to:0.08739015389361748	as:0.04953274914173752	that:0.04944102637968705	is:0.04921669672675217	with:0.04734590692491446	:0.01
the:0.37796446143552404	no:0.20784014574003026	of:0.10227378187439068	much:0.09198974799105766	The:0.0498051437800253	a:0.042889495940870735	and:0.03967141932319068	any:0.039591497393711955	his:0.037974306521198736	:0.01
the:0.34170127421390223	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093987	to:0.07847171568184984	in:0.05339647102682973	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
was:0.29731112160445344	be:0.2666089652720102	been:0.15819637232128994	is:0.08007366219465174	were:0.0637849085012395	being:0.035835241631153966	are:0.03326821694855263	he:0.030371615186848874	had:0.024549896339799662	:0.01
and:0.20171081772983182	in:0.16894947716344358	of:0.11419134565511248	to:0.11155083602983111	that:0.09115358736396835	as:0.08317887721437349	for:0.07453412920272957	make:0.0744527539360834	on:0.07027817570462623	:0.01
be:0.313380514812056	and:0.15916764179460824	as:0.1492716183791792	was:0.09413336587731119	he:0.08125989393266335	is:0.07249683589554481	been:0.04675036352505153	it:0.038474696023196746	have:0.035065069760388846	:0.01
day:0.4806237003724673	side:0.12434741452857734	part:0.08451279294741093	State:0.06607447305305611	Monday:0.05302308741838082	city:0.049754198078273096	line:0.04415728087525238	middle:0.04379804517465086	quarter:0.04370900755193097	:0.01
the:0.3715350808947647	of:0.18701236436455218	personal:0.1251702536739892	real:0.07267160316301534	said:0.06761021897443044	described:0.050461500972920084	and:0.04894782788798928	their:0.03454042790468278	taxable:0.032050722163655884	:0.01
<s>:0.4630827253648123	?:0.15187747847075325	it.:0.08173748821807642	of:0.06449811456363794	to:0.055771110296217986	.:0.05113451489136719	and:0.04589122648870284	them.:0.042442304626943816	-:0.03356503707948823	:0.01
of:0.3748103475415096	in:0.17764053699756233	to:0.11389997210518696	for:0.07614805358480665	on:0.07061795788223735	and:0.055144313185875475	from:0.04436984209666241	that:0.04033061328248628	by:0.037038363323673044	:0.01
of:0.18964402558292945	in:0.17631121920440532	for:0.13521550872908888	as:0.11967897963280874	and:0.09832832617005847	to:0.09059723291364327	with:0.07447944064998013	that:0.055883924627871624	is:0.049861342489214124	:0.01
of:0.3399595951006996	in:0.17661959180055425	to:0.10724906672176422	that:0.07997348955293171	by:0.06848127556269216	for:0.06428813132241201	and:0.06244671163040385	with:0.051769035459089015	In:0.03921310284945319	:0.01
in:0.29358875575322924	of:0.18281504615540045	to:0.17598981705477265	In:0.06769541460886697	and:0.06726374531785694	on:0.06163447301969959	with:0.05139195120738718	that:0.04898471993844409	for:0.04063607694434276	:0.01
and:0.2466705304777872	to:0.19874966816345532	the:0.11996574645111416	of:0.11046382737881538	that:0.07864893681528007	or:0.06394016361487673	re-:0.06261897627321193	<s>:0.058705277560517403	would:0.050236873264941716	:0.01
the:0.46594236148700957	an:0.2165578707206265	of:0.08558613435614189	a:0.06213017902527308	The:0.052395214600740904	by:0.03228894614774696	and:0.03163611613247262	tho:0.023433823007810498	An:0.02002935452217819	:0.01
that:0.3560105230962727	and:0.22300199571327373	which:0.10934991430001133	but:0.07880470411805643	as:0.06848038813693406	when:0.045705569418487704	if:0.042389193800553594	where:0.03337137838467002	what:0.03288633303174043	:0.01
his:0.27043263996832084	their:0.19294438188797802	the:0.18725163898114974	her:0.09588437738640294	my:0.0900405670988407	your:0.049169313080188744	own:0.03911742044182057	our:0.03544493213237371	of:0.029714729022924723	:0.01
and:0.18552668343174028	the:0.17928268355096624	of:0.1537079584360458	to:0.142575788568089	be:0.09033375319685075	was:0.07646336480896143	is:0.06802686908593893	in:0.05218404374538236	for:0.04189885517602518	:0.01
as:0.49031500389033905	so:0.21102513244202267	and:0.08362757644207454	be:0.04746778662560748	was:0.045136228022727556	it:0.04087735142412695	is:0.03734757682803042	It:0.018403810571986163	As:0.01579953375308508	:0.01
made:0.21588155384687044	and:0.20077490257576489	secured:0.1475382926833363	that:0.1145781376183673	or:0.07371829904753552	ed:0.06802283869976046	accompanied:0.060025507730982565	executed:0.05699823449385167	owned:0.05246223330353073	:0.01
the:0.579149937425241	a:0.17600985568498456	is:0.054706564782124927	of:0.05153337520443184	and:0.03980664067942656	The:0.029199216837469972	tho:0.025611852044704706	an:0.01879213504529537	are:0.015190422296321102	:0.01
of:0.4058817226779856	in:0.2308517128161083	to:0.0938481618920813	by:0.06092388541481552	and:0.04447557713007565	In:0.0428787806451644	that:0.037470626357437385	for:0.03685662543157271	from:0.03681290763475903	:0.01
able:0.15281939917623477	order:0.13652182635516222	as:0.1365169630598732	and:0.1017668427848284	have:0.10125499165205616	is:0.09873488480217843	had:0.09806518336952676	enough:0.08593801461555721	not:0.07838189418458273	:0.01
the:0.15315417542670545	of:0.1474619205254358	and:0.14348950811639422	be:0.13801014947019485	to:0.11257930602342807	was:0.10680730325663454	is:0.07750856055039423	or:0.055811257091116194	are:0.05517781953969663	:0.01
of:0.3226309604095595	in:0.17917491520159243	and:0.09809122982336861	to:0.09506463609155288	with:0.07691729424245838	for:0.07115316083243621	by:0.05063411041779492	all:0.050355177771641675	from:0.04597851520959545	:0.01
the:0.49561266782758	a:0.33790775651192867	The:0.08050404702101632	tho:0.023487023737245902	and:0.014330739372977205	A:0.012804754230172685	of:0.010536208192629262	tbe:0.007956895767601332	this:0.006859907338848506	:0.01
of:0.3946335383465001	the:0.11259483597711	all:0.10803344972340698	for:0.0921850254642452	in:0.08345670840010296	and:0.07532130326255843	their:0.04704207356193343	her:0.03882193301741111	his:0.037911132246731774	:0.01
sum:0.18676829411122214	number:0.1566486321513545	line:0.11140081741272478	city:0.10844765106291132	out:0.10739005474369737	day:0.09286734076326106	county:0.08286139477536687	amount:0.07384405151900511	Board:0.06977176346045691	:0.01
thereof,:0.14372438831378914	mortgage,:0.12751479507458588	dollars:0.12579978373888623	;:0.10723346882143683	years,:0.10673002332253108	due:0.102987140651874	hundred:0.09298856002446233	of:0.09185049187953251	States,:0.09117134817290193	:0.01
day:0.2589395411644888	city:0.14101578922606672	side:0.11457463854390024	State:0.10832150037277866	part:0.08479967963713952	line:0.08263016130252845	City:0.07471797105416178	name:0.06361684157817336	place:0.06138387712076226	:0.01
he:0.25739703582578033	and:0.1678037589242824	I:0.1467537947883405	they:0.13412232231699972	who:0.07489557787211454	He:0.061692202831161926	she:0.05396620591716064	it:0.05301517119337637	we:0.04035393033078378	:0.01
the:0.29854557202464377	and:0.1745190950987386	of:0.1577593822396738	that:0.12083926351875786	in:0.06834174670401257	The:0.046248470501835864	which:0.04414875418318485	a:0.04010688611046934	Mr.:0.03949082961868327	:0.01
and:0.2482855266072022	to:0.17643742358466669	in:0.11008615384364936	the:0.1081026671059907	of:0.09739508383146955	that:0.0669058845265954	not:0.06628098702947634	for:0.06283895985246352	I:0.05366731361848645	:0.01
the:0.5445665403319038	a:0.13334192540996662	of:0.09008615283386563	and:0.06596182529299759	in:0.04788149246379173	tho:0.030389584700167647	an:0.029976218007223773	The:0.024258286610770948	or:0.023537974349312277	:0.01
to:0.2620983149693371	and:0.19664402247129265	the:0.18720703494025467	of:0.14061051340842873	in:0.0675925481954826	a:0.03867755248806961	<s>:0.03389464108121401	not:0.032510411574388075	that:0.03076496087153255	:0.01
a:0.2518169667314914	the:0.1808585684560954	to:0.15537555061537803	of:0.1377633135328837	for:0.08098724577420273	and:0.055971891246752566	in:0.05065400539940858	at:0.03881312363351138	be:0.037759334610276224	:0.01
of:0.29400573204956704	to:0.12815459264983936	in:0.12253163469601981	for:0.106764256449542	and:0.10103306267669626	on:0.0635470585940832	from:0.06264574876613284	by:0.05583843572746509	with:0.05547947839065457	:0.01
to:0.3596347110804047	and:0.13911597525826586	the:0.11470810756465397	not:0.08631146961374615	will:0.07900643358349466	of:0.06597364864097657	for:0.061105041607534924	or:0.04519276735971881	would:0.038951845291204455	:0.01
number:0.20461553777802435	deed:0.1233102292847884	city:0.11678359016678183	State:0.10179864152173317	sum:0.09938368879065268	county:0.09762969412839068	County:0.08732942095695494	line:0.07985245795239203	state:0.07929673942028191	:0.01
and:0.35300645440956296	that:0.2031892171245079	as:0.15692861119759352	but:0.06651879692357406	even:0.059756851233982874	And:0.04221613606704582	or:0.03780334824475082	But:0.03563116184475345	see:0.03494942295422832	:0.01
of:0.43795465674478606	in:0.14609068062067052	to:0.11677434146476076	and:0.059620659600524234	on:0.05445302933539151	with:0.048942171816194965	that:0.04340062766943731	by:0.04217399606689957	for:0.040589836681334916	:0.01
and:0.18929310138123437	covered:0.16935884120870554	filled:0.14496098815620131	together:0.11493894675974159	charged:0.08927804784918367	it:0.07994316895661391	up:0.07366667277508841	him:0.06832445206581947	them:0.06023578084741164	:0.01
is:0.23777168306728333	He:0.19543956081469618	he:0.13783179497207482	the:0.08359491757336117	be:0.08337184206597095	and:0.07104685423188004	of:0.07102071133240558	was:0.06869349129323707	Is:0.04122914464909071	:0.01
and:0.6562314334276594	will:0.08787740746875215	shall:0.0512392534815774	would:0.04426012059812288	And:0.03545642352000062	that:0.029871208043963014	was:0.029798318941941158	I:0.02808032318944753	but:0.02718551132853565	:0.01
the:0.37569738844810163	and:0.18017854390221322	of:0.14072497419713703	to:0.06320679828326586	a:0.0572446722344708	at:0.05267365989054948	by:0.04177535907524544	on:0.04011124851647906	or:0.03838735545253749	:0.01
a:0.2331265268870548	he:0.19063806774428804	the:0.13395281670069006	and:0.11411491638313442	He:0.07905013936204502	I:0.0717084854603234	who:0.06145117113054826	so:0.05551727176397529	be:0.0504406045679408	:0.01
make:0.24400621291741012	give:0.17324347764306366	and:0.138741483886995	of:0.09101502074134589	as:0.08369183826562261	that:0.07093094143329608	in:0.06392282720177937	to:0.062408140882172246	for:0.06204005702831507	:0.01
and:0.2723586389076395	that:0.2588589200091966	but:0.119092031109346	as:0.07814540203821269	if:0.06777615672579032	which:0.05973620702620085	when:0.051777916190720634	what:0.046038984117551245	But:0.03621574387534217	:0.01
of:0.4006418529755991	the:0.20579227551935692	young:0.09553531885074944	hundred:0.06322717940858653	and:0.05975857726431075	white:0.05162220314329746	two:0.04711741858165639	business:0.035036266970848974	thousand:0.031268907285594366	:0.01
of:0.3930904077290891	the:0.12406099967735493	in:0.12120146510299434	to:0.12036466672361024	and:0.06642836637280504	at:0.06257896133510146	for:0.04879124431624855	from:0.02833485569556383	In:0.02514903304723244	:0.01
of:0.3052959057703501	and:0.17587074756736695	by:0.16017609399219437	in:0.09374788474835034	to:0.08026145716577858	for:0.07795299313114264	with:0.0390223436841544	In:0.035597317470087965	or:0.02207525647057472	:0.01
as:0.1943600122700163	and:0.1409601278107517	according:0.1268825780386275	up:0.1166538996954941	them:0.09546248046552396	regard:0.08571584773899626	come:0.08276545836165355	back:0.07647325798284846	return:0.07072633763608811	:0.01
the:0.3903554486419606	of:0.1616310963649997	and:0.1448352659380403	a:0.11321343424292299	to:0.05171883420356636	or:0.03460557415015624	an:0.03438879545143723	The:0.030973454855848855	at:0.02827809615106771	:0.01
the:0.32485507413084924	an:0.2538073037889591	to:0.1268867008147779	of:0.07801040751338133	and:0.05818356501454706	a:0.04071633873437522	is:0.03857037134857761	in:0.03536030766995663	not:0.03360993098457604	:0.01
and:0.32548653965976054	recorded:0.1974824251020479	that:0.10837435777427329	was:0.08437592482878305	made:0.06642110797620883	up:0.05660911992456706	men:0.05382192126800478	feet:0.049601490405664424	held:0.04782711306069019	:0.01
to:0.47264550525208143	and:0.1751724600858118	of:0.06884146351700002	in:0.060639594096879613	will:0.05821266051979231	the:0.05312811836907347	not:0.035883063532515296	or:0.03280104463561708	would:0.03267608999122912	:0.01
the:0.6244112290070936	of:0.154532037599613	in:0.05564918317940029	The:0.037788789194775865	at:0.029866161265873943	a:0.024480545470519297	and:0.023153993004877263	by:0.02012784026829598	tho:0.0199902210095508	:0.01
they:0.27788915126909497	who:0.19026176013470042	we:0.12127021575199289	which:0.11090458489791873	and:0.06936616726947667	that:0.06241512455530697	They:0.05718324539424687	you:0.05454123086050088	We:0.04616851986676162	:0.01
with:0.28616948819214466	to:0.2619255665467682	upon:0.09340322487744372	of:0.09102870036287047	for:0.07584064928859265	on:0.05282520871386313	against:0.052253020006840685	by:0.045427673071269124	from:0.031126468940207225	:0.01
to:0.4998733035403772	a:0.17408737659802123	the:0.061536910871064804	re-:0.05636459561185389	not:0.05187804365381578	and:0.051089348590623855	will:0.04086651538898565	they:0.027412998337094957	would:0.026890907408162808	:0.01
that:0.41918642643066417	which:0.12306459701814326	if:0.10584152411724204	as:0.08005889015540969	when:0.06550644305720578	and:0.06232543611427229	where:0.05382186608530333	what:0.041227969678489865	whom:0.03896684734326953	:0.01
of:0.3341401933430578	in:0.1193163369723613	that:0.09184271625067618	for:0.08893498064177047	any:0.08657045303001526	to:0.08592384413265503	with:0.0852079787499939	by:0.05830681840431392	upon:0.03975667847515617	:0.01
last:0.28195577758727475	a:0.2354092042816029	this:0.14358239625852795	the:0.1137180211372055	past:0.07035042330362466	next:0.05768027271119998	per:0.03728854277584361	one:0.028232428938993716	every:0.021782933005726805	:0.01
and:0.38914107717309265	that:0.18381184057289443	but:0.16686986415504704	time:0.07706117271634955	But:0.06072365092951834	or:0.032347409177408616	And:0.03234518226196476	day:0.026499748898239098	ago,:0.02120005411548543	:0.01
a:0.3027099024647167	the:0.17643636219807718	some:0.16752322536972844	any:0.15650437891419827	highest:0.042161550705133694	in:0.037957133211850715	one:0.03744920795870909	each:0.03507177311231714	no:0.03418646606526873	:0.01
of:0.27550375599188437	the:0.26445725830356526	and:0.14351698276211494	to:0.07387776755551986	in:0.06602034233470729	a:0.05246388728278061	with:0.044697230338838385	for:0.03579637002785536	by:0.03366640540273371	:0.01
cut:0.2244166455538139	take:0.1308151518220439	took:0.12458024369698523	taken:0.12046521262002202	cutting:0.09283854915109213	set:0.08260103014405609	get:0.07576328990809611	put:0.07019221330515442	them:0.06832766379873613	:0.01
and:0.23528274901050525	that:0.1681493523202487	as:0.15187563187016584	when:0.1420767250463009	which:0.12569952618680888	if:0.05487357300284236	but:0.05096471871916984	where:0.03544595510784014	what:0.025631768736117912	:0.01
property:0.2425364406201879	and:0.19240218320589447	land:0.11706087120050179	premises:0.08304699380485037	be:0.0789291386532878	one:0.07490259429845744	thereunto:0.07469693011090965	as:0.06875274669327759	lands:0.05767210141263304	:0.01
his:0.20957731300477223	in:0.15516780658698098	my:0.1427462806068575	the:0.1321906920333545	of:0.1075952179137613	a:0.08301223303288824	her:0.07026252597265999	and:0.04845276651808421	In:0.04099516433064099	:0.01
they:0.27616936854820123	we:0.14994464697224724	there:0.1160032576470706	They:0.08746330601667837	who:0.08713678570774383	There:0.07744715847024275	you:0.06919138566794364	and:0.0678993166410619	We:0.05874477432881064	:0.01
of:0.28872307204443964	in:0.16350993745574607	to:0.15672809212503055	and:0.07680447811810347	at:0.07369645052699302	on:0.0727061526328975	from:0.05976445817311063	that:0.052089776365290885	with:0.04597758255838839	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
and:0.26448560153846024	was:0.1317983514320763	is:0.12172613037992536	be:0.09429108436977233	made:0.09199527274023646	that:0.09135462493313827	are:0.06555461463844063	it:0.0644718312150289	or:0.06432248875292151	:0.01
the:0.3568383666004523	and:0.1577832279767684	of:0.15086972339224541	a:0.09601399880610044	to:0.07713072479919084	in:0.04357060387177	was:0.039627801993274876	or:0.03430077603200068	be:0.03386477652819709	:0.01
the:0.25395614248981807	of:0.1683184742095606	a:0.14660378725332943	and:0.118725910444853	to:0.07235404765057561	his:0.06739341701903472	in:0.06641083037950724	our:0.048267233551614504	for:0.04797015700170688	:0.01
the:0.2897383324568781	of:0.17113076544121683	a:0.10182560711526902	to:0.08415539991493164	in:0.07588252600215935	any:0.07161219763621447	for:0.06930496705250558	or:0.0656900637021065	and:0.06066014067871868	:0.01
hundred:0.38841378645436947	up:0.09123185635738856	men:0.08930224671194738	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.07306411117914521	him:0.0668423327581923	;:0.06651424040074755	due:0.06192290086804839	:0.01
of:0.26204450338714586	the:0.203595574359439	and:0.1782545298932301	to:0.11792820298097988	a:0.053898418637796125	be:0.05256218821116809	in:0.045032804221140275	was:0.04044734454367648	for:0.03623643376542416	:0.01
foreclosed:0.2135442648197597	accompanied:0.15326393402647306	made:0.13791131994204262	and:0.13215418511823612	followed:0.12340081914410175	surrounded:0.06977781461101068	up:0.05787632017490193	caused:0.051337079258656944	secured:0.050734262904817244	:0.01
or:0.23843679165869403	of:0.20570841833825385	for:0.13085386714738467	and:0.09907045578557139	in:0.08639825274810164	the:0.07074752050763947	by:0.06374861166535034	about:0.04757990997307958	to:0.04745617217592501	:0.01
the:0.5542746579641485	their:0.1163106163562193	our:0.06477768047877432	of:0.059583046887129246	and:0.046614227658576445	his:0.04536577816313835	its:0.03490026957106609	equal:0.034450772375692836	other:0.03372295054525481	:0.01
the:0.29327104401830567	and:0.1806848472174264	of:0.1291484570978363	a:0.09040207373832185	was:0.07177404033673931	be:0.06633341714530272	Mr.:0.06422690266950039	is:0.04970241125576916	The:0.04445680652079818	:0.01
number:0.13744615670223048	board:0.13666454934904546	amount:0.1333628810814365	matter:0.13199941429812978	kind:0.11327333641371781	out:0.10401616111911584	Board:0.08754216588906616	sort:0.0739521430827859	line:0.07174319206447226	:0.01
and:0.18784336682063274	as:0.15114329179679575	went:0.11423878004667351	him:0.10666558228731272	them:0.09110223752457794	up:0.08733803455919152	is:0.08689480544253657	go:0.08340199801381315	able:0.08137190350846597	:0.01
On:0.24051301747690151	a:0.18666268943476602	on:0.12835324177321242	the:0.1271373465929021	of:0.12044105766058073	by:0.0697394796538169	in:0.053166067888392565	and:0.03426227655249058	A:0.029724822966937157	:0.01
he:0.2094311396266657	it:0.15796606894851825	It:0.12982621948424253	and:0.11922707551407712	I:0.10738949807789654	which:0.09275270697338159	He:0.0751398867324598	she:0.050901336886677855	who:0.04736606775608047	:0.01
and:0.2832464386594457	provided:0.1496448199862293	reason:0.10576884487832956	voted:0.09025574344876101	demand:0.08977323622202646	time:0.07408185153277015	necessary:0.06624038652316552	used:0.06562648954341506	vote:0.0653621892058573	:0.01
and:0.2802179654686675	together:0.1758166248157109	covered:0.10720042995908448	him:0.0945742991305398	up:0.08880677792452797	it:0.06615739106357522	met:0.06358405713054324	them:0.06162417438012567	but:0.052018280127225286	:0.01
well:0.42505290790780725	and:0.13017570418746316	far:0.0921196761186622	much:0.06921732218854652	such:0.06295277662371596	known:0.060393653492361844	so:0.052756620479520476	long:0.050209321072117084	is:0.047122017929805485	:0.01
the:0.43580698136790347	and:0.2419184202240242	in:0.05554991114482374	that:0.053794882169943534	this:0.04355049749401168	of:0.04295825460797085	his:0.039439011353540006	to:0.03853136267700372	a:0.03845067896077864	:0.01
to:0.3411777529553855	an:0.22544536454806666	the:0.1740036004250045	this:0.0866265022305242	will:0.054111432444439805	and:0.03592356910284095	"An:0.030528926339717457	a:0.022380605320901276	An:0.01980224663311969	:0.01
the:0.45766601532312984	a:0.1541314435521103	and:0.09355743054509937	to:0.07315179391402414	of:0.0653910274415598	The:0.059681056533581855	as:0.03509694490766685	be:0.02712592778515734	or:0.024198359997670418	:0.01
of:0.4205804483004222	and:0.10834269583710814	to:0.08668642581653048	that:0.08558672121139227	with:0.08118486055781216	in:0.05568332431147652	is:0.0532413417559986	by:0.05211148772678602	all:0.04658269448247388	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
is:0.2928174817084517	was:0.15333154929211867	had:0.10642688831468507	have:0.09486570536578738	and:0.08685732481759767	be:0.0799028611498838	has:0.06655162146875995	that:0.05980238337566929	are:0.049444184507046476	:0.01
of:0.24748316730969536	to:0.1887139419327974	in:0.12474584255086428	and:0.10946274744601112	with:0.07202065715818359	on:0.0692626490382542	is:0.06280121144620869	was:0.060372272405049776	by:0.055137510712935565	:0.01
the:0.2811359505820853	said:0.16665179759093712	Supreme:0.12148621663281738	of:0.09699011225823012	Sixth:0.0865270683249352	Fourth:0.06376754108701421	Seventeenth:0.0611365608127933	First:0.06058844868885498	Tenth:0.05171630402233238	:0.01
a:0.4529838690529111	the:0.27797216315451195	to:0.11034057981155987	and:0.04769249946085793	in:0.022664685208702774	or:0.021819554543958817	The:0.02037919655325448	of:0.0198852025580894	on:0.016262249656153617	:0.01
of:0.4636512981560199	in:0.1382980316295773	at:0.07931042737443221	with:0.0754131469449102	for:0.07023916570428798	the:0.04434924517068344	to:0.042611603566021596	In:0.03855035089532704	on:0.0375767305587405	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
per:0.856717055185047	the:0.045661211717494876	and:0.027362105359657333	to:0.014036583582401336	of:0.013464824039977247	as:0.009727179294841098	by:0.008650192649225723	an:0.008030301768336832	such:0.006350546403018488	:0.01
the:0.27004892961346216	1st:0.1510986315068078	first:0.12513779671039008	a:0.1037870356043818	25th:0.08044042951759474	7th:0.06850863141428767	10th:0.0652308917143553	12th:0.06469097803790061	21st:0.06105667588081993	:0.01
the:0.18339688078573319	called:0.17018930624676448	their:0.12994511706514103	his:0.10779339542419646	call:0.0977752211898296	much:0.08037675573374806	more:0.07998137415066779	no:0.07369743816546569	and:0.0668445112384538	:0.01
the:0.4750390699973964	The:0.15205061493538108	that:0.10341399458071725	and:0.09601173366192144	of:0.04921870276937144	tho:0.04145785474756127	this:0.03394189916929494	if:0.020413847241315532	these:0.018452282897040522	:0.01
the:0.3315551549155621	of:0.1620160228738577	and:0.15161499195062692	a:0.12218425025970871	to:0.09146387073999557	in:0.04777260836534461	their:0.03065931365042713	his:0.027086086044146016	for:0.025647701200331222	:0.01
the:0.23902113051807497	of:0.1716193081136416	and:0.17048986578540204	a:0.11739811201043993	to:0.08606435629581513	be:0.0650953131635733	was:0.05762626390684623	is:0.04231754636491667	in:0.04036810384129018	:0.01
and:0.3024842444279261	was:0.14789652250066207	is:0.09596900870974386	be:0.09291209349185649	are:0.07962562552501436	that:0.07617621460107377	it:0.06766289852403745	been:0.06429887727346362	made:0.0629745149462221	:0.01
of:0.1977296764112105	as:0.16236734186799556	is:0.11714445471395858	and:0.09677175778520737	that:0.09437542872961581	was:0.08357915383269264	by:0.08031186848504736	for:0.07886594540065144	to:0.07885437277362077	:0.01
the:0.2934873403594792	and:0.2180090586943857	of:0.1579869325799081	The:0.07098336672023306	that:0.06016316734182635	these:0.052563094898741204	These:0.04957857554119428	in:0.04771053298285781	such:0.03951793088137417	:0.01
of:0.27861210145378423	to:0.19127150595179837	in:0.16881611353328052	with:0.06730766783298063	and:0.06283155639407993	from:0.061170195179309154	by:0.060001953094930546	on:0.0537412154599316	In:0.04624769109990518	:0.01
to:0.26360524238223965	in:0.19297924588514315	of:0.18281785915931167	at:0.07096159630674775	from:0.06533127148643544	and:0.06252851824515253	for:0.054582027357712816	by:0.05267974529113904	with:0.04451449388611809	:0.01
the:0.47710520269795287	of:0.15395991719194865	a:0.08062904420760399	in:0.07859936857370037	that:0.05103302557839802	to:0.03970325736041049	tho:0.03877641296965832	The:0.035286894483450404	and:0.03490687693687679	:0.01
beginning,:0.4781501721411405	and:0.19913195713414134	beginning;:0.06468125615498733	as:0.04564608133456971	that:0.044859746763783036	ginning,:0.04258402972720731	lot:0.042140629214872015	one:0.04131660825620799	ning,:0.03148951927309076	:0.01
he:0.3628894937874827	I:0.22449068464980004	they:0.07980605785195896	she:0.07980180130185753	we:0.055596611446020364	that:0.05104144693248455	one:0.05100519451701384	who:0.04899198638207627	and:0.03637672313130561	:0.01
of:0.21442126305637305	to:0.2011940687902593	in:0.1373048228516166	know:0.09737868554160445	for:0.08160895983829655	and:0.07793188552365658	from:0.06248641697206012	with:0.059806330398401754	is:0.05786756702773168	:0.01
of:0.43725522670289313	that:0.11478956344119338	to:0.10249613576499073	and:0.08388824994467829	by:0.07420356643269559	in:0.06208932905921132	as:0.04083585021977791	with:0.03990604838000044	for:0.03453603005455912	:0.01
the:0.563928614948719	an:0.1806288040150447	The:0.10029305416345588	tho:0.035302363468252364	An:0.033818851768805364	of:0.02837565583957356	a:0.01654139297485534	and:0.015698979897856683	that:0.01541228292343703	:0.01
that:0.3304862410362213	as:0.1569866067878927	and:0.1144160186707153	when:0.11081834389453428	which:0.10583504605176512	but:0.05546177210460394	if:0.052108072110241266	where:0.03447830077967793	said:0.02940959856434812	:0.01
it:0.3496907191817825	It:0.27499878196408284	he:0.07633674358843635	that:0.07578438369820448	which:0.06482561095254548	This:0.04409162802021031	there:0.03735663292471659	this:0.034415077463820935	what:0.03250042220620051	:0.01
he:0.33555940506367327	He:0.15807071898321567	who:0.14155555544587117	and:0.09228764836176433	I:0.06814785202368556	she:0.06179479446448803	be:0.050747842267929506	it:0.0485130852879812	was:0.03332309810139103	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
belonging:0.20769430499304795	person:0.14216592654675772	one:0.14200847236262545	and:0.0972154332520762	more:0.09681422103998627	on:0.0856069092440877	two:0.08022200869605528	States,:0.06917615344162242	man:0.06909657042374098	:0.01
<s>:0.27578382945374935	and:0.26406842814044035	that:0.10832212960927687	but:0.06870905919513332	a:0.0660926519087747	or:0.06056871866645435	made:0.05072712218089185	was:0.04877086648211126	not:0.04695719436316809	:0.01
to:0.29875961360819053	the:0.23937957208494456	of:0.15265190213869353	in:0.0900099699753534	a:0.07695029702451096	and:0.04817754612957047	from:0.03237521937198004	his:0.031781068708272055	at:0.0199148109584845	:0.01
the:0.5515931976749336	this:0.1583552855080447	a:0.07135348543538311	our:0.052636198805609324	tho:0.03863276679838282	of:0.03464832822548245	his:0.033402825488271115	The:0.030488781269689767	whole:0.01888913079420306	:0.01
the:0.26008963325081247	to:0.15102716505022912	and:0.13794930828343377	of:0.10931438730792994	a:0.10200655896335123	in:0.09281048347406344	that:0.05495012099078876	for:0.0498416250868948	at:0.032010717592496525	:0.01
number:0.23648665961454457	line:0.13118071656024874	State:0.12480063051786541	state:0.11908759699876632	place:0.08366809471357468	board:0.08300842007512628	City:0.07345339358096505	matter:0.07106411116426735	people:0.06725037677464159	:0.01
and:0.25037799561132223	to:0.19051743664518078	of:0.12818071300755096	the:0.11341275889843262	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.05790590474591629	for:0.056443486992488516	:0.01
nothing:0.16284059837738796	able:0.14142839065068322	and:0.12994741560070638	right:0.09919583136931173	order:0.09733470572985023	enough:0.09100525580828452	time:0.0908122661078657	want:0.09036079061227623	going:0.08707474574363402	:0.01
the:0.30066537045736186	of:0.18083337303704705	and:0.1484907152357916	to:0.13697527746982271	for:0.05023447445190031	in:0.049590724586391306	be:0.04591187306033972	is:0.04039018647411833	was:0.03690800522722708	:0.01
of:0.3417685160450161	on:0.13164995514852088	in:0.12807298106263784	to:0.10676424005946082	and:0.0699512193473053	for:0.05522237082809127	with:0.05478252619747601	by:0.052163376010243366	from:0.04962481530124837	:0.01
the:0.2581972322913508	most:0.20769650660467653	a:0.20116525383378067	and:0.0737938152284095	very:0.07308669266958333	of:0.07013581688913895	any:0.03690703065203507	no:0.03646253291394913	all:0.03255511891707612	:0.01
the:0.29714972204791257	of:0.24990862205160386	and:0.08175183271197076	are:0.07198295743974013	in:0.06748539588793327	no:0.060685460854158206	was:0.05767079472887675	is:0.05183114318408327	be:0.051534071093721164	:0.01
made:0.1921863947105756	and:0.13592849936119003	owned:0.1353002536635849	accompanied:0.13320102092778655	assisted:0.09576175113971226	occupied:0.09115494321665155	delivered:0.07645568577645155	ed:0.06539457926586825	followed:0.06461687193817929	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.04553578393787439	of:0.03051332981678091	tbe:0.02261446403444868	in:0.021612439669724332	or:0.020196218295911488	:0.01
to:0.2531863153210874	the:0.13631733715393182	and:0.12064131209801963	of:0.10677124039768941	in:0.09516946349408714	will:0.08234100371972236	at:0.07775828576148233	I:0.07063300435602994	could:0.047182037697949965	:0.01
the:0.30666764496300297	of:0.1958236667564782	a:0.1302376362064448	and:0.10457295181519656	Mr.:0.06908371857246665	The:0.058921663652788635	to:0.0491638344305162	in:0.041528845510733735	by:0.03400003809237248	:0.01
of:0.252967565088427	to:0.2154020023337419	in:0.14937112723645735	and:0.08007959789935278	with:0.06727550951784919	for:0.0606393522367563	at:0.0578196829521757	reserves:0.056755137889726436	have:0.049690024845513464	:0.01
as:0.20017946776925305	and:0.1465964758612171	up:0.11880107945608469	came:0.1059329624399612	it:0.0893666858237026	him:0.08459818621002789	went:0.08292001111366029	come:0.0822783152144193	according:0.07932681611167394	:0.01
in:0.3689693478388851	of:0.22952866930735724	to:0.11340860623582671	on:0.10064210905456136	In:0.06822828767714406	with:0.029243667062257728	from:0.028659298096061533	and:0.02790954363781751	at:0.023410471090088748	:0.01
was:0.21367916777887513	be:0.1636861006654881	is:0.16026619650805748	as:0.1498220097432918	been:0.08141301773106657	has:0.06806790914650072	have:0.05765204117352956	are:0.04928982823909204	and:0.04612372901409873	:0.01
and:0.1741589404188483	is:0.14534956727792853	able:0.12881017400110664	order:0.1128804086083704	was:0.10890594312667938	not:0.0858107291381939	him:0.0833300056680421	have:0.07664506518679665	time:0.07410916657403405	:0.01
is:0.2524479625653079	ought:0.12100787889195094	are:0.1178352422795325	seems:0.11055594763804424	was:0.09614106152581381	not:0.0941843627106136	said:0.07532254921697497	seemed:0.06249828089648135	as:0.060006714275280794	:0.01
and:0.24988029765591402	of:0.21023299583167296	to:0.14304553553927743	the:0.11256724445962307	as:0.07157078067032754	that:0.06807392180832203	or:0.051821650178038234	a:0.04340976929386642	not:0.03939780456295826	:0.01
and:0.30362277988779446	was:0.10443100958480304	up:0.09715571922917665	out:0.09468709812847723	made:0.08900379926392114	that:0.0795124254797183	down:0.07557588691274114	placed:0.07548433192838157	work:0.0705269495849865	:0.01
in:0.24333994743612922	of:0.18871067140801695	the:0.14254258973892459	and:0.10760876324558526	for:0.09174081455919121	a:0.06366595919272895	to:0.061841865908333744	In:0.057337053099849385	was:0.03321233541124056	:0.01
of:0.27758236549493237	in:0.14015884515621155	with:0.12158268163684098	is:0.09897663119884045	to:0.08864696712774393	and:0.07963801328291438	for:0.0760651003587999	was:0.059050824946662014	by:0.04829857079705433	:0.01
N.:0.6364315780961928	.:0.11988671412389333	X.:0.09389688865770146	S.:0.038139637740128636	N:0.02386401118750717	A.:0.021437866157920343	C.:0.020380694639313197	No.:0.017997774690236508	W.:0.01796483470710652	:0.01
the:0.41154466477738205	a:0.38865912619881476	and:0.043766250099702995	this:0.033235976028761945	A:0.029967377756267233	tho:0.029711306177873837	The:0.021336809828021257	in:0.017826261148724286	every:0.013952227984451709	:0.01
and:0.25814520899648236	that:0.2492444557420109	to:0.17685128642373782	which:0.09644709193160464	as:0.08282566294920526	when:0.03422889699369026	will:0.03154677788172157	shall:0.031397819148350464	not:0.029312799933196704	:0.01
and:0.17088875819441882	made:0.14700725502613013	up:0.14037496326714635	secured:0.1032245946741212	out:0.10290304256707901	taken:0.09703783258711496	ed:0.08520391730418443	him:0.07433795841065471	done:0.06902167796915026	:0.01
that:0.25391274763782695	as:0.1326385618046162	and:0.13209048684993682	have:0.09729987938739551	make:0.08551570280729556	had:0.08273684852049581	of:0.07277582375136486	if:0.06690329611316073	but:0.06612665312790744	:0.01
he:0.2328485116866022	and:0.17955219162284064	I:0.178939494737859	they:0.09048888839913775	who:0.08861141700429304	we:0.06186432093323752	then:0.05339987084659183	He:0.053276241146742176	she:0.05101906362269573	:0.01
one:0.2258671110877107	all:0.2031892481711279	copy:0.13585339809724553	some:0.08000904611832456	out:0.07379004803716031	those:0.07122279865131625	means:0.06962753566551792	purpose:0.06649818257859248	part:0.06394263159300427	:0.01
and:0.2789677684723123	him:0.165339413698242	was:0.1122698083119081	man:0.096438896839694	it:0.09281578859421531	up:0.06562583647316446	that:0.0651909040662511	found:0.057174702346197044	made:0.05617688119801571	:0.01
the:0.5782194696927784	a:0.11953438173681499	and:0.08997416058282898	The:0.07908708096781149	tho:0.04823648257411196	or:0.026156310661827442	tbe:0.02210011271880897	of:0.015588091712054173	great:0.011103909352963648	:0.01
of:0.3440758322405954	and:0.14378423663124912	the:0.12330380735401654	in:0.08854212269378309	for:0.07704225397330466	any:0.06554117203322539	that:0.04990718140826255	by:0.04912220064848933	only:0.04868119301707385	:0.01
the:0.37796446143552404	no:0.20784014574003026	of:0.10227378187439068	much:0.09198974799105766	The:0.0498051437800253	a:0.042889495940870735	and:0.03967141932319068	any:0.039591497393711955	his:0.037974306521198736	:0.01
sum:0.18676829411122214	number:0.1566486321513545	line:0.11140081741272478	city:0.10844765106291132	out:0.10739005474369737	day:0.09286734076326106	county:0.08286139477536687	amount:0.07384405151900511	Board:0.06977176346045691	:0.01
city:0.16093934271057833	hundred:0.11917056142860441	feet:0.1136170980079617	one:0.11060594968342724	north:0.10485531519985454	county:0.1041146585043161	street:0.09278165736677312	State:0.0923067450836917	life:0.09160867201479284	:0.01
I:0.18488540010204593	he:0.17825269343293507	and:0.1273452380708816	be:0.12454163496715556	they:0.12143513789941714	was:0.07905893572419266	we:0.07295614095965798	are:0.05156209623981797	been:0.04996272260389633	:0.01
and:0.2517853714428008	they:0.1456594084278847	he:0.10808182896187962	is:0.09704855846418928	I:0.08926338901534045	who:0.08834476880006673	it:0.0770568850317985	not:0.06640190292078745	we:0.06635788693525238	:0.01
and:0.4791719696418291	<s>:0.0989877417520306	to:0.06892662707557694	be:0.06809544353831576	is:0.06213920418383554	that:0.06202953063069964	was:0.05676704612912099	it:0.05066795800471738	w:0.04321447904387392	:0.01
two:0.17994419860228125	many:0.1705065872054244	few:0.12480978746484059	ten:0.12187859658498462	five:0.09549805645088333	four:0.08149265333958568	three:0.07761126458173405	twenty:0.07179643084604058	several:0.06646242492422545	:0.01
the:0.21311250376594576	and:0.1944773480901872	to:0.12969493529921167	of:0.12445818204085286	a:0.08139865387860672	in:0.07422496431199664	in-:0.0622097695244266	or:0.05685927293694104	that:0.05356437015183127	:0.01
of:0.35291787368461625	and:0.09984074831851501	to:0.09787799335845732	for:0.09681680070397783	that:0.07855080021312927	in:0.07173220177252201	with:0.06910339472724668	by:0.06281338799189608	is:0.060346799229639606	:0.01
the:0.33234759145175424	of:0.3042973395397021	his:0.0591205799950009	to:0.05787339399165412	in:0.05315061670519715	their:0.05271140435322497	good:0.050581384808583985	public:0.041695662234071916	perfect:0.03822202692081057	:0.01
.:0.39529540896035825	A.:0.14857546814715905	Mrs.:0.10290805118970353	C.:0.08261698272798651	Mr.:0.0632529955718212	Dr.:0.06040485743258186	D.:0.051917348661215466	J.:0.04438432688396814	<s>:0.040644560425206165	:0.01
to:0.26691660542869267	with:0.16671694439109064	for:0.1176754612983262	by:0.09134730995801488	of:0.08626034127241412	put:0.07764838260991903	upon:0.07678577776718892	told:0.056420957453919125	against:0.05022821982043433	:0.01
the:0.3179266352191943	of:0.17506046491113694	to:0.12583480506969338	and:0.1219973352592469	a:0.08729262353340488	in:0.04675411132104588	by:0.040751584498891526	at:0.03865409002414229	<s>:0.035728350163243786	:0.01
and:0.19470683918027268	of:0.17310412694599714	to:0.160408576560573	in:0.1478120667032305	with:0.1257407214534699	that:0.05855864404589361	for:0.04821181544838397	at:0.04094643358145266	was:0.04051077608072651	:0.01
of:0.2883685231235047	for:0.13359332085180556	in:0.12523147878436783	to:0.12428481169737995	and:0.08933102305090672	with:0.06254291598945565	that:0.0584721443251868	by:0.054538401019120795	on:0.053637381158272	:0.01
Mrs.:0.28319051470211515	Mr.:0.16720386666468653	.:0.13198444195491388	of:0.08303040923309948	and:0.0774247439771816	Dr.:0.06806468183388943	J.:0.06355520531225949	W.:0.05850991646000227	by:0.05703621986185224	:0.01
is:0.15815605252856477	not:0.1363917065468885	him:0.11473048965034835	and:0.11043199672733287	have:0.10442744600890992	was:0.09836749216631559	able:0.09793311488154025	had:0.08932860525411224	want:0.08023309623598757	:0.01
<s>:0.3544539893763225	sale.:0.21138329773668574	.:0.08151426996299774	wit::0.07664034499816214	to-wit::0.06693157231848633	follows::0.06493671080835375	it.:0.05379988673569693	them.:0.045064891871850775	day.:0.035275036191444	:0.01
of:0.30532078956951425	on:0.28189765144334544	during:0.0757031913507091	in:0.07429764001210673	for:0.059593644144672726	and:0.05610495219447308	to:0.051080844837821465	that:0.04611164639714634	On:0.039889640050210846	:0.01
of:0.20509868068331527	the:0.18992360083848198	and:0.1627077320911976	to:0.11166884988859468	be:0.0979632635341338	in:0.06540848799261573	or:0.058966420912407294	for:0.05013839373631626	re-:0.04812457032293736	:0.01
they:0.17575189562716814	we:0.15884948974267685	he:0.15316210749662415	I:0.14793626125930318	it:0.10583886363524378	that:0.06699093900055625	you:0.06459822303519581	which:0.06241058168563479	and:0.05446163851759721	:0.01
and:0.3358899051231552	so:0.12787261399383748	fact:0.11537720847939431	say:0.07932676977727736	said:0.07691320332968189	know:0.072862552302457	is:0.06380559007158072	believe:0.06086605721333127	but:0.05708609970928472	:0.01
of:0.31904449019879194	and:0.1587701135686414	containing:0.13610416740559025	the:0.11938040454719652	about:0.07654648663511866	to:0.05867652200684197	or:0.05395371732901287	for:0.0349810264906594	in:0.03254307181814674	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
and:0.15833238262337956	has:0.1404274949181407	of:0.11546190106428914	which:0.11463858861398656	the:0.1122634452376125	have:0.10406134987920748	had:0.08585526397367636	to:0.08508055056301152	as:0.07387902312669618	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
a:0.20040640969025936	the:0.18616788662135414	and:0.1606130226053576	of:0.11901147833374252	to:0.09807920687836047	for:0.0869109627268444	in:0.05591213146997566	that:0.04495530475569123	at:0.03794359691841459	:0.01
the:0.26965551931944126	of:0.18478734909497332	and:0.14365687967447008	to:0.12301048714938251	a:0.11530737983073547	in:0.043688419265044985	at:0.03728055616871062	for:0.037056409497436056	was:0.03555699999980551	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
the:0.30337617970676906	of:0.18860457588018725	and:0.131061740829474	to:0.0977610809207078	a:0.0809566554459928	in:0.055741965423345884	be:0.051143240024298715	was:0.041879765140534715	is:0.03947479662868964	:0.01
able:0.1844292336955015	began:0.140137642346855	unable:0.11754704276676296	right:0.11527206031166054	is:0.10530865545193467	enough:0.08807816888432579	ready:0.08510914824413841	him:0.07844515463315654	have:0.07567289366566453	:0.01
of:0.28796442016412743	in:0.1822501837667917	to:0.14465490673352013	and:0.07612991969717088	that:0.0757637830064932	on:0.06248338075993175	by:0.05942231069700584	from:0.05388949898997308	with:0.04744159618498593	:0.01
of:0.2885030879880846	in:0.2113531266601064	and:0.11948547568712427	to:0.10680050332513899	for:0.08141627784476053	In:0.046457472179727274	on:0.045863135225228134	by:0.04558989296096819	with:0.044531028128861866	:0.01
the:0.40616166535188997	of:0.17910060356636565	and:0.10473871257375743	a:0.08596787193162955	in:0.06319243226583313	to:0.05529793398836867	The:0.04351212784263269	on:0.027088012227414682	at:0.02494064025210835	:0.01
of:0.18388547225539834	for:0.17479002503136817	in:0.14921677620399507	to:0.12989945770140443	and:0.12043881581460636	is:0.07539979997152971	with:0.07180278278974221	In:0.04760259114571394	at:0.036964279086241614	:0.01
to:0.2362946181792452	and:0.18753105619068478	the:0.15438871976497717	at:0.13801336702152245	of:0.07075622034338198	in:0.06905166837831357	from:0.04686706454413403	for:0.045168797546206896	his:0.04192848803153367	:0.01
the:0.31121763957736104	and:0.18498016301139972	a:0.11179095214428919	be:0.09608309070563406	was:0.07575901168130421	in:0.06600745860333794	of:0.05852914714361306	to:0.0465764855755439	been:0.03905605155751692	:0.01
the:0.5861148500479583	The:0.13589880568920537	and:0.08999227917400263	a:0.05948272397324941	tho:0.04209110338049427	.:0.022759790806029825	of:0.020847819730666683	tbe:0.016644920136321458	at:0.01616770706207203	:0.01
and:0.3602584648498353	it:0.22177047911340533	he:0.08652793247820481	It:0.08165779918454115	of:0.07273344557580287	we:0.04460285358118741	who:0.041892524871793506	land:0.04115115211599796	they:0.03940534822923149	:0.01
No.:0.3059977390969229	and:0.1786840951574386	at:0.10721168837049301	.:0.10329431779622758	to:0.0631264593838829	that:0.06279779794788402	<s>:0.059179376659622245	as:0.056223393210524775	an:0.05348513237700402	:0.01
<s>:0.47797063902480563	it.:0.1039579405261282	them.:0.08828742705740962	him.:0.0839995783659169	.:0.06603087989670793	time.:0.05045601400247572	day.:0.04727606173255105	work.:0.038130010838384944	city.:0.03389144855562004	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
and:0.16078581547426396	is:0.1394272560360723	enough:0.11697012593100913	able:0.11504304601016492	have:0.09695521730484422	ought:0.0931012832519098	as:0.09223816509772219	them:0.09144241327618167	him:0.08403667761783175	:0.01
a:0.45357277288276265	the:0.2332657093605287	most:0.09041668743766305	The:0.047980158516624793	of:0.04519719742298166	and:0.0431452119992471	very:0.04262426410612493	A:0.018783973744100423	is:0.015014024529966691	:0.01
about:0.22688519070237018	and:0.19973899844327134	the:0.1948815189100925	or:0.12545542975519514	of:0.07353786046309947	was:0.05608989962055067	were:0.03928072875685402	than:0.038694572013280464	are:0.035435801335286184	:0.01
the:0.4969320675557941	of:0.20468423918674822	a:0.09034244786968558	The:0.052044056416381046	tho:0.042682765992569816	with:0.030913227243202782	and:0.02838983925523794	hot:0.026222302499679495	low:0.017789053980700967	:0.01
the:0.21664399733907885	of:0.20997943568181876	to:0.15895125876304583	and:0.13929170658873133	in:0.08708823154679184	for:0.0475580425105012	by:0.04642258817999394	at:0.04258433070815616	that:0.04148040868188219	:0.01
of:0.32304118645709934	that:0.16076234491358046	and:0.15178476520262554	in:0.11690379173889899	for:0.06736290080928728	to:0.04511611785207637	one:0.04326252123824248	from:0.041293435556319265	by:0.040472936231870045	:0.01
and:0.24886995863739858	the:0.13026498135797135	be:0.11986027161540869	was:0.10043939916628875	of:0.10013463545315851	a:0.08782221127761702	is:0.07520569964714378	to:0.07296935356461727	are:0.05443348928039592	:0.01
to:0.18601310781142177	the:0.17914122823715523	and:0.16550584980897962	of:0.16367000943079085	be:0.08356356753413034	in:0.07488615547597498	is:0.04815772800281257	or:0.04552403779072548	are:0.043538315908009	:0.01
the:0.47387695040333117	at:0.18459422496116606	of:0.10543908628318704	here:0.045002526623432106	The:0.04099028229673942	At:0.03986186289513403	and:0.03475120851922025	tho:0.032759060196652555	day:0.03272479782113732	:0.01
one:0.2225826727298726	some:0.1578484383134531	all:0.12025351413685532	many:0.1158027129783653	out:0.09140630375448654	most:0.07901501633588326	none:0.07828699270387977	any:0.062483830252390044	part:0.0623205187948142	:0.01
hundred:0.30501886436935205	due:0.1077713694369578	time:0.09769411436063277	him:0.09449379713213328	up:0.0929275516088565	more:0.077052062807821	one:0.07622921793589142	life:0.07100352549837578	it:0.06780949684997935	:0.01
a:0.299746172373006	the:0.2236938412685546	of:0.102481872382784	and:0.09034856027250394	that:0.07302798786408153	in:0.0663575472043568	this:0.054328108210266575	The:0.046977792759639765	their:0.03303811766480682	:0.01
and:0.16937662300486955	one:0.13448962086505986	corner:0.12569696441190223	city:0.12069951008564053	day:0.10321758910660186	line:0.09772900141260328	part:0.09191740855326325	that:0.07715778597671656	daughter:0.06971549658334289	:0.01
is:0.1665771664402705	in:0.16461466929561594	was:0.14693680550009694	of:0.12878115437537405	with:0.09952982689200424	to:0.09906244777245492	and:0.06455312747624052	be:0.0642702242172477	for:0.05567457803069508	:0.01
of:0.18304467022818127	the:0.14916457371048816	and:0.13796146270482554	a:0.137186259092906	to:0.11886976573858547	for:0.09806541370446871	in:0.07758614974744962	with:0.045402421771275035	that:0.04271928330182016	:0.01
the:0.44372722328772424	of:0.14053300329201393	and:0.10564435166978393	a:0.08514211404593086	to:0.06196566048855822	The:0.047586973508372925	tho:0.03903283313837565	with:0.034660231027529534	in:0.03170760954171082	:0.01
the:0.6824988292189746	a:0.08731086360546862	white:0.0740611243034757	and:0.03703144556913637	tho:0.03104595031704271	this:0.025092744182209057	of:0.020963004549238825	The:0.016266340254519333	his:0.01572969799993464	:0.01
of:0.23995574479032425	the:0.22507659039347186	and:0.1187081687596958	in:0.09976927376184974	a:0.09946223876574728	for:0.06242781742874918	by:0.058614611667933234	to:0.05072873927426227	with:0.035256815157966276	:0.01
the:0.25653872101605124	in:0.19178655543968337	of:0.18930380462195925	this:0.09219719268040216	his:0.06177192542116273	that:0.060676270363806	to:0.05980293433953885	their:0.04118470140305056	same:0.03673789471434583	:0.01
of:0.26420369311553665	is:0.1285659289787553	with:0.10764442822461981	to:0.08896532091741485	as:0.0886576106583958	in:0.08777219566649862	and:0.08533708840231793	by:0.07748846510295217	for:0.06136526893350886	:0.01
a:0.417903064743856	is:0.11231466213116915	was:0.1082434623509571	the:0.09464574285457195	are:0.08193441717638802	be:0.0704862346884462	were:0.039905918975028015	not:0.03249871978042105	been:0.03206777729916245	:0.01
to:0.2967976270694064	I:0.2729394285930203	not:0.12420784559135889	you:0.07906515227372443	we:0.07084467436289833	and:0.056168590724582294	We:0.04211036620267978	would:0.026121758989807634	they:0.021744556192521962	:0.01
it:0.2596385820886084	which:0.14112918128503313	and:0.13477755288321686	It:0.11476539973660432	there:0.09895590903510541	they:0.07621371801179058	who:0.05780478023937095	we:0.05506058752131993	that:0.05165428919895034	:0.01
at:0.23861372412503445	and:0.18123336713573385	No.:0.15369553872611846	the:0.0785355930690282	an:0.07621357714161778	of:0.07603658630895332	that:0.06309495345575501	No:0.06128870917065729	<s>:0.0612879508671016	:0.01
to:0.3801713410396947	will:0.16905314483498002	would:0.09527916658290728	may:0.08675332896552816	should:0.06283728370881102	shall:0.06007446359778352	not:0.056307515032875996	must:0.039927651800072135	can:0.03959610443734722	:0.01
of:0.20999559581916794	at:0.18152355189099526	to:0.1705616014921519	about:0.13583324077443096	and:0.10865389245775932	for:0.08375727837135807	than:0.04137640879465948	or:0.02945922857800146	from:0.0288392018214758	:0.01
and:0.227746211834939	was:0.16662348180026929	held:0.13192829432280304	is:0.0935358045905202	closing:0.08078426547569074	be:0.07647588090771582	sold:0.07569903327319884	sell:0.07492585797465866	required:0.06228116982020437	:0.01
of:0.29870574031813857	at:0.25617213569980346	in:0.09855628238555728	and:0.09753288113362243	to:0.08539426611653018	for:0.05510921275982943	after:0.03434846946298534	with:0.03320749384848041	by:0.03097351827505289	:0.01
part:0.25498660523010264	one:0.13826424215473126	side:0.118978238778697	to:0.10463701283011181	an:0.0855185830322596	day:0.07828904793138763	time:0.0702094088700591	cost:0.06989498307344937	and:0.06922187809920159	:0.01
the:0.5810309354450308	a:0.15483779979986273	The:0.0714215906311825	tho:0.04852729107072917	of:0.03394994062716152	to:0.03155571057119941	and:0.026181675657339254	this:0.024826471100129123	tbe:0.017668585097365547	:0.01
to:0.3801713410396947	will:0.16905314483498002	would:0.09527916658290728	may:0.08675332896552816	should:0.06283728370881102	shall:0.06007446359778352	not:0.056307515032875996	must:0.039927651800072135	can:0.03959610443734722	:0.01
the:0.531150228544568	an:0.12550763911802107	The:0.0943124767680792	of:0.05968842952584351	and:0.0460434841423307	his:0.04014583566726728	their:0.03538081540667381	tho:0.03334549745438671	years:0.024425593372829877	:0.01
and:0.17585653528116318	to:0.15780463333268435	the:0.15408048987271517	of:0.1333876206169608	be:0.09705683339257445	is:0.07833119972135894	was:0.07225980199753679	for:0.06656433948048371	in:0.05465854630452255	:0.01
a:0.4353708054959215	the:0.23527893529186625	every:0.05761932911862964	any:0.05065788346346337	and:0.048852012869964156	other:0.047593521922705745	some:0.04758179025816229	American:0.04137687178807898	of:0.025668849791207964	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.04553578393787439	of:0.03051332981678091	tbe:0.02261446403444868	in:0.021612439669724332	or:0.020196218295911488	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
and:0.3679314529451982	his:0.2429612127690341	of:0.12226315939997648	Miss:0.07905534187016618	the:0.054554273062146594	to:0.04806910298623697	her:0.03179777601969561	my:0.021913190215298972	a:0.021454490732246943	:0.01
at:0.4555995469058121	of:0.09893453468210577	Section:0.08481841633971152	to:0.07708371788580716	No.:0.0766817705536168	and:0.05704990887327703	Sec.:0.05009929773044143	about:0.04572043280402487	June:0.04401237422520337	:0.01
and:0.5081968195765768	that:0.11620524085084315	but:0.10537562698787026	time:0.09611084263568197	or:0.03958742522958083	But:0.03435655121789714	come:0.03402667703080922	ago,:0.029086495815103842	which,:0.027054320655636822	:0.01
men:0.22229840940303264	do:0.12768959754152487	them:0.10296325652741757	up:0.10172828974197586	him:0.10030000614235741	it:0.09238056268097895	in:0.08503268185584557	out:0.07880513747320926	can:0.07880205863365791	:0.01
the:0.30337617970676906	of:0.18860457588018725	and:0.131061740829474	to:0.0977610809207078	a:0.0809566554459928	in:0.055741965423345884	be:0.051143240024298715	was:0.041879765140534715	is:0.03947479662868964	:0.01
sum:0.18676829411122214	number:0.1566486321513545	line:0.11140081741272478	city:0.10844765106291132	out:0.10739005474369737	day:0.09286734076326106	county:0.08286139477536687	amount:0.07384405151900511	Board:0.06977176346045691	:0.01
as:0.1943600122700163	and:0.1409601278107517	according:0.1268825780386275	up:0.1166538996954941	them:0.09546248046552396	regard:0.08571584773899626	come:0.08276545836165355	back:0.07647325798284846	return:0.07072633763608811	:0.01
up:0.16165899998176347	in:0.15380037581466366	him:0.1468170880412111	out:0.10878245602034543	time:0.09349365606702048	work:0.08622409354376652	men:0.08113939717271956	made:0.08012475696295179	them:0.07795917639555784	:0.01
the:0.25470561870247765	and:0.17871018174426181	of:0.12454106589558235	to:0.11666316244862257	in:0.07582920922781208	was:0.07101916294765158	a:0.06560002811236121	be:0.05991783825325078	is:0.043013732667980115	:0.01
and:0.2884614495137475	the:0.26328168623551035	all:0.1285970444814789	or:0.08763308830393385	any:0.07484375884202325	of:0.04111395664637389	no:0.0408276771970139	with:0.032970879817121955	The:0.032270458962796345	:0.01
<s>:0.5964376085481624	.:0.08711193920501308	it.:0.07551185858136401	them.:0.04921701549779532	of:0.046567545890369544	day.:0.04031097972870144	him.:0.03513570882906044	time.:0.031191587530225193	year.:0.028515756189308523	:0.01
the:0.34223668650146216	of:0.20914908189866332	in:0.12459936915474426	at:0.1043428602104627	The:0.05186845717378216	and:0.0504259855523788	to:0.046041765736821796	for:0.036587864103504744	that:0.02474792966817997	:0.01
that:0.18404915690075813	and:0.18167567775787719	had:0.10766507292859072	but:0.10111128551267923	is:0.0945412610534883	as:0.08983001075318078	have:0.08972975144382046	Is:0.07096038801362373	make:0.07043739563598149	:0.01
to:0.14430364399070178	in:0.14283745411715704	the:0.1420528811166233	of:0.1403684496250526	and:0.1202072321283895	a:0.09871300962934566	<s>:0.0947351117948106	-:0.06115386503261239	by:0.04562835256530709	:0.01
be:0.28467824073809095	is:0.16389321094639572	are:0.12837511837448348	and:0.10666119832834214	was:0.09969736482987189	been:0.06384739541182055	with:0.05425733891135867	of:0.04838277622852313	not:0.04020735623111343	:0.01
was:0.3311052780248054	were:0.16785753407552187	be:0.14286159316171293	been:0.10081820105589581	is:0.07146569871446083	are:0.06805632065607456	and:0.047418871474660215	being:0.03037542490707391	to:0.03004107792979474	:0.01
there:0.2180809387680428	they:0.20475055849309198	There:0.1643675225074754	and:0.10676075070122192	who:0.09782943276711663	They:0.05814019322380033	which:0.05631285781205783	we:0.05132562531618111	that:0.03243212041101174	:0.01
be:0.24831737589195024	and:0.11568768850269759	is:0.10879204714312075	been:0.10781730298410108	was:0.10046125071151503	he:0.08618395602673141	as:0.08583726299875136	the:0.07709250972546994	all:0.059810606015662536	:0.01
New:0.9115388342367972	of:0.022894741689950267	Now:0.013970684814927714	Xew:0.011561942101886583	and:0.010486376284643885	New-:0.0060505842471832855	Mew:0.0058213599480966514	to:0.0043305544586571204	be:0.00334492221785736	:0.01
of:0.22398427845151245	the:0.18074016170282456	and:0.14534768677046012	a:0.13961216443067928	to:0.10433874860215892	in:0.07086205051916722	for:0.056873067612318445	be:0.03537756773722356	as:0.032864274173655464	:0.01
a:0.18902675191168544	the:0.1830679632161889	this:0.13392750984477436	of:0.11913414935634734	his:0.09245783151182306	and:0.08981238509476452	in:0.08860847155144636	her:0.04706150197779711	to:0.04690343553517282	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
the:0.27113547556893297	of:0.22624656774806975	a:0.09935187518303315	for:0.08676637190428708	and:0.07679704909935653	in:0.06823685805888328	no:0.05623724301969763	his:0.05467092783762654	their:0.05055763158011322	:0.01
and:0.3024842444279261	was:0.14789652250066207	is:0.09596900870974386	be:0.09291209349185649	are:0.07962562552501436	that:0.07617621460107377	it:0.06766289852403745	been:0.06429887727346362	made:0.0629745149462221	:0.01
be:0.18472928855555906	has:0.17137378294483346	have:0.15657831125877641	had:0.11795826638991275	he:0.09390111056022298	been:0.07648307099273326	was:0.07006929658615126	and:0.06316719319006427	are:0.05573967952174651	:0.01
the:0.3376764160121636	a:0.3108802589029655	his:0.06664965458346112	and:0.06049440592649357	The:0.05812352773330575	of:0.04433103415595209	will:0.042709549397144025	in:0.036509183412383565	to:0.03262596987613078	:0.01
and:0.23269702242011067	made:0.22981759683133623	or:0.11115481161761777	that:0.07236086063876272	him:0.07054273789002967	followed:0.07041660789627405	owned:0.0702007188855845	ed:0.06697266320322268	accompanied:0.06583698061706161	:0.01
be:0.3150464961790924	was:0.18309390801688286	is:0.1023029830960218	been:0.09500227022600427	being:0.06117559922169112	were:0.059692994825667776	and:0.059448153356904544	are:0.058771615611846316	have:0.05546597946588902	:0.01
the:0.21051605632283138	of:0.19866610667745196	in:0.1397973134004805	and:0.122257419103242	to:0.10029606099068746	on:0.0714971848123951	at:0.05724166097713457	a:0.04603759877458087	<s>:0.04369059894119603	:0.01
those:0.25635962492536246	men:0.20639173349317677	man:0.17663425579815614	one:0.08555225525184457	and:0.0839508260894277	people:0.051537561232123795	all:0.04893776095338216	woman:0.04476606595818129	Those:0.03586991629834517	:0.01
is:0.16019242339719214	as:0.14570234075128866	of:0.13718812230824365	was:0.11002896161660812	in:0.10319467012908762	for:0.09974958957085205	with:0.09010798585948927	such:0.07470161894100642	by:0.069134287426232	:0.01
will:0.25332281611275076	to:0.1871400401515181	would:0.16069950805333225	can:0.09768395717688319	may:0.08718584761594794	should:0.06065953213895578	shall:0.05289000270649792	could:0.05091662920810822	not:0.03950166683600586	:0.01
dollars:0.1922034743581994	day:0.19196425034250558	hundred:0.1610683723613714	feet:0.09860374043657713	up:0.08687996928552227	;:0.07261208748066242	costs:0.06337519138851404	street:0.06189134705133532	time:0.06140156729531252	:0.01
be:0.3447826849660725	was:0.1874262019870564	is:0.13100476808075462	been:0.11868069397100739	are:0.05534710468263045	were:0.05476722450028508	and:0.04259912479422689	he:0.028672471293176134	so:0.026719725724790526	:0.01
is:0.206672644420529	of:0.15529754238904012	was:0.12109940669983568	as:0.11723601356277892	with:0.08949080395457269	be:0.0837207711473874	for:0.07931039764251023	have:0.0746294355578757	in:0.06254298462547035	:0.01
the:0.3271529695690261	of:0.17194734372384654	in:0.1533772497062444	a:0.09450164417651008	his:0.057280465043614066	and:0.047443412677275316	In:0.04729423892917897	to:0.0456093818062992	an:0.045393294368005384	:0.01
to:0.26347294911523633	the:0.2020794349295647	of:0.1554586945041886	and:0.1037219701120252	not:0.09492145302753965	for:0.04905066155861364	or:0.04812685729710847	at:0.03659427367550648	in:0.03657370578021699	:0.01
the:0.7557212206737466	tho:0.04408734442815013	Mississippi:0.040343631731132784	of:0.04032550767608513	The:0.02468151998862332	Potomac:0.02370102832647935	Missouri:0.020958753646120154	said:0.020340870873391544	Ohio:0.019840122656271088	:0.01
and:0.30103844572144617	made:0.23743652753956407	it:0.07839153814428534	up:0.0737410704500499	followed:0.07260569651909336	done:0.06404650895670637	but:0.054941664376436924	that:0.054912385014715924	ed:0.0528861632777018	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
in:0.21318660546642726	for:0.18278527504286687	of:0.1746559009532644	within:0.09270317324720144	and:0.08112620763954174	only:0.07401156421911753	In:0.06727676343538885	with:0.05638982722093511	is:0.047864682775256746	:0.01
the:0.30368152797445447	to:0.14586472171986933	of:0.13920148496437165	and:0.11616352003061514	a:0.08655319372721082	at:0.06084318006811144	in:0.05053434162149873	by:0.045869050641014875	<s>:0.04128897925285353	:0.01
above:0.4522971945623596	following:0.3585144240816283	and:0.055750673204910235	the:0.039526124095635426	lowing:0.031863284411878905	premises:0.021020307735306453	hereinafter:0.014994947403408825	a:0.00894520306849135	is:0.007087841436380805	:0.01
he:0.22853401424667558	which:0.17424842093226392	who:0.1411392475669376	and:0.11103250153732559	that:0.10688286957952939	He:0.08149447844450987	it:0.0599805354144408	It:0.04553698241500335	she:0.04115094986331378	:0.01
and:0.44379187872088616	that:0.19626369301384913	but:0.0860205403383329	is:0.08116717346307672	was:0.05609159147798722	as:0.03855115836627016	And:0.030262809546785036	Is:0.02904730500167827	it:0.028803850071134427	:0.01
and:0.28176912894479356	in:0.16985800463143857	of:0.08410225030948487	are:0.0802701007049806	recorded:0.07818521481306218	is:0.07698547459077354	was:0.07666560959987637	that:0.07337867985041283	be:0.06878553655517736	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
the:0.6814155451601218	The:0.06976313784053392	large:0.04793109843553981	a:0.04388496913244074	an:0.03861778743541894	that:0.03424916008077986	tho:0.02759686811917437	this:0.024062900550970125	and:0.022478533245020423	:0.01
<s>:0.7050157245373889	.:0.08442517998113055	it.:0.048110109270270714	of:0.033295861140176485	day.:0.027407867400701353	them.:0.025346733038742585	in:0.023339014653480112	time.:0.021849394766468425	city.:0.02121011521164072	:0.01
and:0.3521596235775027	was:0.14214829265944656	it:0.09125175581888778	that:0.08256563002461868	is:0.08133293150709567	but:0.06926715727728429	when:0.058901903045711516	be:0.05632540255464689	had:0.05604730353480581	:0.01
the:0.46109238476652253	a:0.14363381337992928	large:0.1288156258217178	in:0.10643530557821777	In:0.03825697343871701	tho:0.03303398054289839	this:0.028564299049215997	The:0.02556250298154	and:0.02460511444124136	:0.01
the:0.22443319974836645	of:0.17138833819162763	and:0.16053821376159752	to:0.14050097146139537	in:0.0862769962544393	for:0.06083537889702499	by:0.05585936115047444	with:0.04550560623248158	that:0.04466193430259274	:0.01
the:0.7159643768948126	this:0.1215347827253572	tho:0.044540212654012	a:0.03357337836691491	The:0.016806208327868295	tbe:0.015958512985180816	that:0.015467890740789194	other:0.013382328407938118	his:0.012772308897126675	:0.01
the:0.5352765235247346	their:0.09903352428803455	of:0.07412012674143868	a:0.05564583186946125	The:0.049504779467203525	our:0.046755849208937814	his:0.04487035764609474	and:0.04349617616486714	these:0.041296831089227784	:0.01
the:0.4048659152950218	of:0.286321914617275	and:0.07258089424207208	by:0.056700007371739504	said:0.05071070841831819	a:0.037338442773573684	to:0.036871478710639276	The:0.024956590249224374	tho:0.019654048322136176	:0.01
hundred:0.32960701002653753	time:0.10451691012679006	strength:0.08955764105929666	rules:0.08834564023718593	good:0.08691568080166502	men:0.07679010431314512	rights:0.07433157268930472	out:0.07002752261219954	life:0.06990791813387513	:0.01
and:0.33528996242063813	was:0.2070692199943834	been:0.0933253086293577	be:0.0908256055205141	the:0.06429914203137994	were:0.0567238930370188	is:0.054990477834157614	has:0.046823094557391524	had:0.040653295975158814	:0.01
and:0.3288619793478691	when:0.15683659286153925	that:0.13905767353542167	which:0.08432971327398227	but:0.08214660890785072	as:0.07305220806821607	When:0.04648924374709563	Then:0.043296006231481686	what:0.03592997402654353	:0.01
of:0.2989052909556917	to:0.14654563898080186	for:0.12459045581280813	and:0.09722495444285599	in:0.08859356539505923	by:0.06609769189931171	that:0.06373245365046186	all:0.0538338151364432	on:0.05047613372656645	:0.01
<s>:0.4042990280115866	it.:0.10699569690468407	and:0.09546239026666407	of:0.09266943741957918	them.:0.06922741092667485	in:0.06340152454246797	;:0.05807045288307079	year.:0.05253042013256237	as:0.04734363891271017	:0.01
and:0.2573729064518667	of:0.17957405422491726	the:0.14619567225470498	a:0.0957918271651453	to:0.08822594087171945	was:0.06802146797304325	in:0.06036719409128018	be:0.05001638858422127	he:0.044434548383101555	:0.01
the:0.22279974237678207	of:0.14644783006367842	a:0.1447194434557453	this:0.13606727806639352	in:0.10227786485064211	and:0.07810499263585946	by:0.06497439326967344	one:0.048910244618116126	his:0.045698210663109466	:0.01
to:0.26347294911523633	the:0.2020794349295647	of:0.1554586945041886	and:0.1037219701120252	not:0.09492145302753965	for:0.04905066155861364	or:0.04812685729710847	at:0.03659427367550648	in:0.03657370578021699	:0.01
it:0.2929188587917365	It:0.25194988142123087	which:0.12191763798366696	there:0.07708569698081742	what:0.06523333278223263	he:0.0545181236094957	that:0.05159467763305934	There:0.045246424270042565	who:0.029535366527718095	:0.01
and:0.2682983319507874	recorded:0.10717905104111182	was:0.10263907629409649	made:0.09927630384100071	that:0.09842569549211198	o'clock:0.08895025276229458	up:0.08173084504592748	is:0.07240199994443215	found:0.07109844362823738	:0.01
not:0.45960322169895007	or:0.1352914868501773	much:0.07222217824097951	be:0.06946579956495735	in:0.05676421812607144	of:0.05634657526756461	no:0.05029759163292265	for:0.047707406664868855	and:0.04230152195350835	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
no:0.5817132866507118	No:0.12278108858649557	a:0.05562518551467084	I:0.052069929859756274	the:0.04102169264129236	that:0.03729559691583852	little:0.035427170862634944	of:0.03528043208644409	and:0.02878561688215568	:0.01
to:0.4735666173304171	and:0.10381513348402882	who:0.08200929658014247	they:0.06617359057003391	not:0.06530951066718498	I:0.05310932390033804	will:0.05102018452325838	of:0.04841603264297839	we:0.04658031030161804	:0.01
of:0.27180982581551	the:0.17805119635661038	to:0.1307756043208467	and:0.10323660692677075	in:0.09588271044631401	his:0.062016229825061296	for:0.05747827036123852	be:0.04549082310543441	a:0.045258732842213975	:0.01
the:0.24236202073652988	of:0.20536500222371457	and:0.166871077045992	in:0.11764969379678739	a:0.06877339806465796	was:0.060401645356168765	is:0.04771002123545104	are:0.041303355003815344	be:0.03956378653688296	:0.01
is:0.3472814464242265	was:0.2213541660954436	are:0.17684988516418446	were:0.0476961756910253	has:0.045047722023242955	had:0.042742060267415616	Is:0.040761611626647785	have:0.0387943712597698	will:0.029472561448044002	:0.01
is:0.16281058362234455	more:0.1481658933664183	was:0.1423708083108182	be:0.1351979535549796	not:0.10175883654553175	been:0.0923635002825526	and:0.08754041019547769	are:0.061035632532229704	of:0.05875638158964768	:0.01
of:0.38110661708432514	to:0.16284385187390196	in:0.11961886176805975	on:0.11367257252871664	and:0.06014203447242946	from:0.04554146325776316	by:0.04028769280611035	for:0.033434352407785244	In:0.033352553800908305	:0.01
the:0.31014694642458385	and:0.1813925729617655	of:0.11897508322047748	in:0.09177950457907183	to:0.06476035881673944	for:0.06265243913967722	that:0.061634979391935435	or:0.050305972339911416	be-:0.048352143125837646	:0.01
of:0.287161072398928	the:0.15523495707696539	in:0.14824327893627687	to:0.13698831365503042	and:0.0932854831574204	a:0.053541674202700715	or:0.0398687117584315	In:0.03970654551128561	on:0.0359699633029609	:0.01
an:0.38540243077584785	the:0.22308678745516045	most:0.12870315565645582	a:0.07928114847221077	and:0.06178637039324002	more:0.034596068295375135	in:0.03084325195296022	The:0.024858471753429846	very:0.021442315245319886	:0.01
dry:0.22066756789715936	the:0.2125698584886431	of:0.1801208937325862	a:0.12119213240458433	his:0.06601311228043678	in:0.0652371266089066	their:0.05914287185669559	other:0.0349386820387865	our:0.030117754692201505	:0.01
out:0.18741839499375648	part:0.1670282562226776	one:0.14375959401574873	day:0.14176814624723158	side:0.09311823736143526	some:0.08512690924426078	all:0.06449763130486447	and:0.05786824830336452	state:0.049414582306660515	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
a:0.6699737163812267	the:0.11506553635264986	A:0.05308989503212906	very:0.042691834455750775	of:0.027950349296814107	and:0.023232662551990173	The:0.022584092015032784	but:0.01849304453544777	with:0.016918869378958624	:0.01
said:0.822097958740358	the:0.04757325153825553	of:0.041772732901882006	certain:0.0315616036013493	in:0.01662338481840125	this:0.011454481831088659	at:0.007621544126432159	to:0.006567310020571131	on:0.004727732421661956	:0.01
of:0.3566958302414491	the:0.29009661608382914	and:0.09369924216194736	in:0.07564677605032155	by:0.06013294132294611	to:0.04091847436804706	for:0.031036091205587278	at:0.022029465472289712	In:0.019744563093582686	:0.01
thence:0.4267330302310897	the:0.0956645293331925	.:0.09413534161104954	of:0.0881155050527914	bears:0.08441409089272431	and:0.0735969155504519	<s>:0.04525657912200152	J:0.04190130048303029	to:0.04018270772366889	:0.01
;:0.20953252095776806	it,:0.11451281996419217	him:0.11252660622910599	one:0.10399558216214487	in:0.10038399485273586	and:0.09216727949281207	,:0.08702126563998025	it:0.08638247894281384	up:0.08347745175844686	:0.01
;:0.20953252095776806	it,:0.11451281996419217	him:0.11252660622910599	one:0.10399558216214487	in:0.10038399485273586	and:0.09216727949281207	,:0.08702126563998025	it:0.08638247894281384	up:0.08347745175844686	:0.01
and:0.2682983319507874	recorded:0.10717905104111182	was:0.10263907629409649	made:0.09927630384100071	that:0.09842569549211198	o'clock:0.08895025276229458	up:0.08173084504592748	is:0.07240199994443215	found:0.07109844362823738	:0.01
well:0.18763885440258532	known:0.18484329533803032	such:0.1312109444336379	and:0.11650300559404793	far:0.10672026401295966	soon:0.07431929105806054	is:0.0676950141355078	just:0.06709023500275703	was:0.05397909602241354	:0.01
the:0.7564793472981338	The:0.06469145454769583	a:0.058063623303216946	tho:0.031066929953021606	in:0.026556309215002984	this:0.01675893861279508	In:0.013363143355271934	of:0.012868981307516819	tbe:0.010151272407344907	:0.01
the:0.37890307030013226	a:0.19249484398105166	and:0.1527448184303809	of:0.07142543235759348	The:0.057336814102504505	that:0.04724300205651896	be:0.0325372027887331	in:0.030286240120107274	which:0.027028575862977806	:0.01
the:0.2838857055771472	this:0.2349846732164492	a:0.20423311541600964	in:0.09708962112542041	any:0.051562219653214905	some:0.03987861352919693	same:0.03640655019155291	present:0.022448354842442394	In:0.019511146448566427	:0.01
and:0.2682983319507874	recorded:0.10717905104111182	was:0.10263907629409649	made:0.09927630384100071	that:0.09842569549211198	o'clock:0.08895025276229458	up:0.08173084504592748	is:0.07240199994443215	found:0.07109844362823738	:0.01
chs.:0.3942372776637926	ft.:0.12377449898602048	and:0.1045284294960616	right:0.06800341364806839	went:0.06526622057683445	as:0.06277876991272426	order:0.0607809491223373	him:0.056870314733267716	made:0.053760125860893314	:0.01
the:0.28593989520701674	a:0.18795530518036307	two:0.16529614784481483	and:0.10170017842765457	three:0.07944158053084129	some:0.04818857935368683	few:0.04782367356874649	many:0.0373093654142684	several:0.0363452744726078	:0.01
line:0.14392069226417994	city:0.12372474398769145	place:0.11775509487694125	number:0.11666815670595587	deed:0.10712052330710056	day:0.10439263418569003	act:0.10255502509032151	out:0.08960272339897567	amount:0.08426040618314368	:0.01
the:0.23736439932178477	of:0.23471925179561046	and:0.14536472086330368	in:0.10414874528595877	to:0.06408614710828531	or:0.058382339732587094	for:0.050309310545736424	be:0.049216832452944996	as:0.0464082528937884	:0.01
the:0.30435484729317314	and:0.16087288678576514	a:0.14185826168622076	of:0.08882793193360562	be:0.0787579488876685	to:0.06043262474236047	are:0.05402485450545493	or:0.050873837459108485	was:0.04999680670664285	:0.01
and:0.29052563843363216	fact:0.1718349679940122	said:0.11307705641045758	so:0.10296766644522751	believe:0.07467485194323314	is:0.06547998110151379	say:0.06072622423233118	know:0.059576482780927004	found:0.051137130658665285	:0.01
the:0.30337617970676906	of:0.18860457588018725	and:0.131061740829474	to:0.0977610809207078	a:0.0809566554459928	in:0.055741965423345884	be:0.051143240024298715	was:0.041879765140534715	is:0.03947479662868964	:0.01
to:0.3696572389493367	and:0.2686611893182972	not:0.0756029992988223	of:0.07094232648492063	the:0.058552323926162164	in:0.04593144099819613	or:0.03555130734646788	who:0.03315134450116338	will:0.031949829176633755	:0.01
and:0.3024842444279261	was:0.14789652250066207	is:0.09596900870974386	be:0.09291209349185649	are:0.07962562552501436	that:0.07617621460107377	it:0.06766289852403745	been:0.06429887727346362	made:0.0629745149462221	:0.01
<s>:0.3137678946673185	it.:0.2168187173047352	them.:0.11238381485606803	him.:0.0822380229424363	country.:0.06655546381284987	.:0.05103801858919703	again.:0.05072838013470479	time.:0.048733756851151604	life.:0.04773593084153874	:0.01
the:0.3983859907875178	a:0.27348065726130477	of:0.09781050246059772	and:0.07508237988181016	in:0.044512606691186035	by:0.025758726025302273	The:0.0252575684888981	this:0.02491937678004283	any:0.024792191623340388	:0.01
the:0.3609191092861823	degrees:0.216449257731595	minutes:0.15745606548752958	thence:0.09752292151541554	and:0.06568044463994949	tho:0.02431064504483909	on:0.023439481619416475	The:0.022263939818790473	degrees,:0.021958134856281966	:0.01
of:0.22910150922766162	in:0.11539276438983916	as:0.11127934553323833	is:0.10930652490440142	to:0.1009900448760656	with:0.08929933663062478	by:0.08343707285879863	and:0.07635553566197056	was:0.07483786591740005	:0.01
the:0.6337331662659316	and:0.100385275269275	of:0.04502915812563193	in:0.0446265384225453	The:0.04052682497589725	tho:0.03890434100479111	a:0.0367021526749023	to:0.027326210880625385	on:0.022766332380400437	:0.01
able:0.1758834840636241	and:0.16255946954366216	right:0.11747749595089761	order:0.10069000419542434	time:0.0975456619403172	necessary:0.08943277277153108	enough:0.08685369994579874	him:0.08270623121017338	desire:0.07685118037857128	:0.01
and:0.2808182652484284	recorded:0.11992459715138466	is:0.11459601146648146	that:0.10719611749566714	was:0.10127129399640518	are:0.086604104023806	distributed:0.0680936502147143	but:0.05624580094236255	divided:0.05525015946075051	:0.01
be:0.17042970680876796	and:0.15444650924990164	was:0.123254414286427	are:0.11964092568460093	more:0.10794727410674036	is:0.10418816279261772	been:0.07367700959488035	were:0.06935321740357893	care-:0.06706278007248494	:0.01
the:0.3640291833555118	of:0.16259551794771573	a:0.1303200964834337	and:0.07502591001958044	The:0.06804291412732837	in:0.0625884531306343	to:0.059216570296328395	at:0.037969772465954704	on:0.030211582173512337	:0.01
the:0.6996802983165502	The:0.08115601134087805	tho:0.05593558851491374	and:0.03271577231899947	a:0.02949698047761759	miles:0.02637315195047088	minutes:0.02545600690535394	tbe:0.019858791643260043	feet:0.019327398531956023	:0.01
of:0.4061718721844182	to:0.12549127481807343	that:0.11646835314454525	by:0.09842653733529987	and:0.0980731300960812	with:0.04982855422007515	for:0.03312161317314034	as:0.03243387979934148	all:0.02998478522902497	:0.01
the:0.21134969382374078	a:0.19064506121112448	to:0.13606040816919496	and:0.12821509046116367	of:0.10073001528242634	an:0.06198821029533924	was:0.0611330432172598	be:0.05065007646328504	is:0.04922840107646583	:0.01
the:0.7109846599589901	The:0.08055762280870911	a:0.05271609305109139	and:0.04805201875673472	tho:0.04757253272371548	tbe:0.022618975854622234	<s>:0.011810922582904013	said:0.008581777736749091	com-:0.007105396526483957	:0.01
to:0.19515470807612814	of:0.18677480857842454	with:0.17573293955584737	in:0.15811212861096882	and:0.07793180622230354	on:0.05395657301674474	for:0.04894882353830769	by:0.04818140741829179	from:0.04520680498298331	:0.01
hundred:0.43590281498327593	one:0.29266271624820356	up:0.045347147298118395	hour:0.04146201255991986	week:0.03757741861835409	year:0.034854763862931584	street:0.03463247528525545	dred:0.03380908654767522	two:0.033751564596266076	:0.01
the:0.29067118546653425	Miss:0.21169131189586377	and:0.1314886788876273	of:0.09206285884834692	.:0.05780630239851659	Mrs.:0.05503736150403342	a:0.05305178839478895	A:0.05040570662058061	The:0.047784805983708226	:0.01
a:0.24211816617878107	of:0.16153256938044344	the:0.14672561768423112	and:0.1037033975531183	to:0.10055123592711974	at:0.09706450697055297	for:0.05359397756361466	in:0.05002206545375686	an:0.03468846328838202	:0.01
the:0.3921624326531497	that:0.11091553465031073	a:0.10671894969807014	of:0.08518107811810423	and:0.07934992886335769	The:0.06059806452537568	no:0.05570588203995952	this:0.053101853358670036	their:0.04626627609300238	:0.01
a:0.5701487498174979	the:0.18108363573355174	and:0.05892529075216441	his:0.035568988491737036	of:0.03237187662012559	to:0.03092466029890432	very:0.028643974135097932	her:0.026693143190566187	for:0.02563968096035474	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
was:0.32291054414017295	be:0.1238023460614784	and:0.10417124648191535	is:0.09648627270058183	were:0.08721718667799118	he:0.07169166527685762	are:0.0708726178145074	been:0.06683153115529607	not:0.046016589691199275	:0.01
number:0.14731483398109746	out:0.12703118974521294	purpose:0.12677563814600423	matter:0.11431934195291439	all:0.09851661547160981	kind:0.09624764772900943	amount:0.09518672248231408	means:0.09437727922126737	one:0.09023073127057027	:0.01
laid:0.22684480717158745	went:0.12623286779801174	sat:0.11943551225478402	put:0.1024402647193594	came:0.08844676195125258	set:0.08766989230157003	brought:0.08576132766273833	go:0.08466206371919723	broken:0.06850650242149921	:0.01
is:0.3070758337131498	be:0.12680056194369538	he:0.122844264492938	was:0.11992689402551694	are:0.08925733211174287	I:0.07282585805894998	and:0.06943558764357305	Is:0.04796196544545853	they:0.03387170256497549	:0.01
and:0.2682983319507874	recorded:0.10717905104111182	was:0.10263907629409649	made:0.09927630384100071	that:0.09842569549211198	o'clock:0.08895025276229458	up:0.08173084504592748	is:0.07240199994443215	found:0.07109844362823738	:0.01
and:0.33651200696739575	to:0.1856128011470974	of:0.08386717831522203	which:0.08237112197637285	re-:0.06907863865464145	that:0.06612645657221398	for:0.057150612585785354	or:0.05589309360209147	not:0.05338809017917966	:0.01
he:0.3112802707324163	and:0.1478980952344679	it:0.14460571994992755	It:0.09373088923662087	who:0.07116249335955221	she:0.06147515170925698	that:0.05847348928246814	He:0.056036750570492046	which:0.04533713992479794	:0.01
as:0.29039256467217156	is:0.1925905736918482	and:0.09276890637040472	a:0.08837612486478882	are:0.08486668647056768	was:0.0822828991479459	the:0.07004182749076959	very:0.04780551658861196	be:0.04087490070289165	:0.01
him:0.1280381431911991	able:0.12062077502396212	have:0.1139229856397097	and:0.11171946667894975	want:0.10974763024526385	allowed:0.10465437710389244	them:0.10128443148019253	is:0.10013200114709249	had:0.09988018948973795	:0.01
that:0.18942224696495458	when:0.16534347529506013	and:0.15754267920448223	which:0.14237438938666788	as:0.1156469688619717	to:0.08264676820405696	if:0.057680809529657054	said:0.04030482849792853	where:0.0390378340552209	:0.01
and:0.2708336328416012	on:0.15705993313919958	wait:0.09897293795154438	to:0.09725794194145766	years:0.0953392519470012	not:0.09451384880635948	of:0.06385559833997206	him:0.05619704129272112	for:0.05596981374014329	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
the:0.46914359793045346	a:0.2689470547367199	of:0.051031173870796885	this:0.04524162877082433	and:0.03869510421985407	his:0.03508437712084723	The:0.03456889872018909	tho:0.02673062209985489	in:0.02055754253046023	:0.01
and:0.26139820382508294	of:0.22225991787188026	that:0.13243025726984795	to:0.10501194191860787	in:0.09065542966202494	for:0.06654671185462249	by:0.044991980294645094	with:0.03798104884567554	on:0.02872450845761293	:0.01
the:0.47309773989312304	of:0.11867245260009524	and:0.08894047159324307	a:0.07102187609660221	in:0.05536588797590416	their:0.05116260276759949	The:0.04706305713471649	our:0.04244735661665633	tho:0.04222855532206008	:0.01
the:0.5927466126999199	a:0.1262912551351674	The:0.0873103971703079	of:0.05448007951439815	tho:0.03280120836344944	to:0.030486833746583352	in:0.023240149296044173	our:0.022323168532181782	his:0.020320295541947878	:0.01
of:0.5799606433591986	in:0.14726538281313326	to:0.08053617321961366	by:0.04633458265410758	for:0.037472622109457523	that:0.02952432958971119	and:0.023397503682936777	In:0.022844059606321396	from:0.022664702965519992	:0.01
the:0.28068516878703864	to:0.20366368645824778	and:0.12304570686182348	a:0.11914558677884793	of:0.07098211997756947	was:0.06541326434399988	be:0.05940043694138729	is:0.03430417001765591	not:0.03335985983342966	:0.01
was:0.25909534104238224	and:0.221179064087639	day:0.09453783611278078	is:0.08499986889934899	until:0.08458345789961386	died:0.06494553806217618	arrived:0.0630450590148186	be:0.0592079289177849	held:0.058405905963455594	:0.01
men:0.14105611981978503	;:0.12764259028458136	good:0.12379646155565809	him:0.11993873432015224	in:0.102011335037799	it:0.10198896491436167	man:0.09563138465363269	one:0.09314946962290564	<s>:0.08478493979112418	:0.01
the:0.3247145973921335	of:0.19127839222174947	to:0.1265766380766662	and:0.09633872751529741	a:0.0962336840619735	in:0.07246051313932511	at:0.039905664583425884	for:0.02140871728274869	tho:0.02108306572668005	:0.01
and:0.3638110934457038	be:0.10192953289393795	or:0.10094287746020958	time:0.08710936409500543	that:0.07928091925352226	is:0.06843910740957743	them:0.06348359486337986	are:0.06257270267543857	it:0.06243080790322499	:0.01
the:0.5497017954454091	of:0.08544589121309794	The:0.08046853450117476	and:0.07425434428431453	or:0.054769783561152426	a:0.04997941214178483	in:0.03659518698938239	tho:0.029841333772202168	these:0.028943718091481982	:0.01
hundred:0.3209630864435665	State:0.12200403790008495	state:0.09040282038797935	city:0.08637043644310072	States:0.08493038849346854	street:0.08185250036145107	dollars:0.07108240428620577	North:0.06784200292542446	Hundred:0.06455232275871874	:0.01
of:0.3281712192112183	in:0.1755865897106243	to:0.11067875162657738	on:0.10969057067097128	for:0.06521791297106969	from:0.0588144203867842	and:0.04836452400431307	by:0.048028853205743675	with:0.04544715821269821	:0.01
and:0.2653406391712123	a:0.1173881671452843	the:0.1135443811524595	of:0.11292600213889449	or:0.0958991584352055	to:0.09246006607534041	be:0.08743989448878031	not:0.055321281636896445	are:0.04968040975592675	:0.01
the:0.32943967667988583	to:0.17098038668277318	a:0.16951296263688034	and:0.13278512793944272	of:0.056731183548508785	his:0.046017182011514106	The:0.03623310236050248	I:0.026000424276417227	by:0.02229995386407522	:0.01
.:0.15916047953327703	-:0.15435470642707455	and:0.12406037518347415	1:0.12386455527931414	of:0.11721596823973628	etc.:0.10065647872717806	the:0.07770674352550869	,000:0.06720287324795363	M:0.06577781983648345	:0.01
the:0.2494656877992685	and:0.2031304044067178	an:0.11782109904197052	a:0.11371515166753907	of:0.08335548779502235	was:0.06861685008466036	to:0.058879947825015634	his:0.05054676108805172	in:0.044468610291754154	:0.01
the:0.37106871228991334	an:0.1709050539450716	and:0.11120004021078954	a:0.09161132065316431	of:0.07519620476158093	The:0.06584775599687354	their:0.039454125858369035	its:0.035458477964449585	his:0.02925830831978817	:0.01
the:0.30337617970676906	of:0.18860457588018725	and:0.131061740829474	to:0.0977610809207078	a:0.0809566554459928	in:0.055741965423345884	be:0.051143240024298715	was:0.041879765140534715	is:0.03947479662868964	:0.01
the:0.34170127421390223	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093987	to:0.07847171568184984	in:0.05339647102682973	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
it:0.19880033303665637	they:0.1863091402079606	he:0.17907452381959915	who:0.09768280386785365	we:0.07739547203894769	I:0.07253469148948716	It:0.06492112988831951	He:0.05790151760325711	and:0.05538038804791876	:0.01
of:0.18889621255652903	in:0.173440291399875	at:0.1406633977989966	for:0.11990367273711422	during:0.11076958109425589	to:0.07979246603912213	In:0.06204468360113397	on:0.06190611738051836	and:0.0525835773924548	:0.01
went:0.174286543933714	and:0.15858629753407516	up:0.11751150117237855	according:0.11440138701691867	came:0.09404576225427357	back:0.08985440113885787	go:0.08513887743917087	him:0.08182577514932374	down:0.07434945436128743	:0.01
the:0.7927507074806887	The:0.049369858692244785	tho:0.038820779881418827	a:0.02321611670080524	in:0.023111435197902493	and:0.02290824122243926	tbe:0.01607613735569575	of:0.012990625194426442	said:0.010756098274378534	:0.01
the:0.3765855700859001	of:0.16099429184099226	and:0.1360669736334476	The:0.08520905700656935	Mr.:0.06526544909761484	a:0.05125415038445086	that:0.051169286412974205	to:0.03376314541728713	or:0.029692076120763737	:0.01
to:0.22733181714496684	of:0.14169992946939702	this:0.12408020885785297	the:0.09964306131204458	or:0.09883258045819801	same:0.09680294265923636	and:0.08110449899320575	without:0.06220003460419636	that:0.05830492650090207	:0.01
the:0.45376061009558	a:0.24985669631793436	The:0.061843186511304195	two:0.05142513997900748	of:0.04948843322586029	and:0.033791214794186744	gold:0.03368295340562917	tho:0.03184567079063546	this:0.02430609487986217	:0.01
and:0.31272371936252696	that:0.11921912925090902	was:0.10826785512344439	made:0.08867020288276364	is:0.08441813412767785	as:0.07363540620555147	it:0.07061351793988456	up:0.06868550907362354	but:0.06376652603361857	:0.01
be:0.2345024310037706	was:0.17786001203150856	been:0.13371034011660532	and:0.1168319068106025	have:0.08107211667740193	is:0.06863394088751497	had:0.06477993742422161	were:0.05759694372607069	has:0.05501237132230399	:0.01
and:0.4561625113155265	is:0.13752673776561872	are:0.0869852571790371	be:0.07216575474567018	was:0.06918355405452796	not:0.045215197753483975	an:0.04162562896415765	the:0.04105367057550849	most:0.04008168764646937	:0.01
time:0.21567122807235464	up:0.13034134745533918	appear:0.1083979329916511	him:0.10305809106688087	good:0.09438128986450227	out:0.0890038515059507	made:0.08435659592998937	right:0.08311592265715735	life:0.08167374045617468	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
recorded:0.8318212743689049	corded:0.04699290770836133	and:0.03659841649188754	Monday:0.02538411240971485	held:0.010321825732392606	situated:0.01030470579017127	on:0.01014375541919739	filed:0.009688433475922686	feet:0.008744568603447576	:0.01
and:0.18784336682063274	as:0.15114329179679575	went:0.11423878004667351	him:0.10666558228731272	them:0.09110223752457794	up:0.08733803455919152	is:0.08689480544253657	go:0.08340199801381315	able:0.08137190350846597	:0.01
of:0.24951270671144163	about:0.14859207041247174	and:0.12936218708682154	the:0.11652615213374129	for:0.10106938383416184	than:0.08199783982933863	or:0.07106768070469091	to:0.04937072224258506	in:0.04250125704474734	:0.01
the:0.18967412161958205	and:0.16039812387112395	be:0.12426122688981936	was:0.12339453984543905	of:0.11493837137436898	to:0.0870008771225483	is:0.07482363279220873	been:0.06158286699078447	a:0.053926239494125026	:0.01
the:0.37503847625890124	and:0.15576776943066303	of:0.11608042505907362	Mr.:0.08439344936867431	The:0.07920241723488289	a:0.06163330838453249	his:0.04422423627476539	I:0.03748669960758615	that:0.036173218380920816	:0.01
of:0.23817198602954937	and:0.23415746017761663	in:0.1159835339547378	to:0.10227189079610366	fact:0.07859923495468527	said:0.06648519540808896	on:0.0596758126790623	all:0.04959175794549596	is:0.045063128054659965	:0.01
as:0.28653337006535756	be:0.1589528872465053	and:0.13040433196336643	is:0.1235711815927319	are:0.08444505718635374	was:0.07949191631343352	that:0.04293680952994028	been:0.042476635641236805	has:0.04118781046107458	:0.01
turned:0.23801667169007218	up:0.12073647001091868	taken:0.09619455092051406	step:0.09344045423530542	down:0.09263401708376785	it:0.09224199888441367	came:0.09051621634534221	him:0.08324788055522411	made:0.08297174027444183	:0.01
a:0.6465017681141824	the:0.11559881410220209	any:0.04683327363530304	this:0.03930450727570707	and:0.038852322285672244	no:0.03481910744261958	every:0.02478759574723646	that:0.022291101832626913	A:0.021011509564450366	:0.01
and:0.2057490146464805	be:0.17826278710718887	was:0.13772308974308828	to:0.0883281909653392	been:0.08618103965957717	is:0.08100416015488449	of:0.07967589319502678	he:0.07002166678811851	were:0.06305415774029603	:0.01
the:0.20052658341736954	a:0.161710960458275	of:0.15541880833340938	his:0.1332498201650341	and:0.09008686348715896	my:0.0890360550493073	in:0.07542037864401327	this:0.04602131969623477	that:0.03852921074919786	:0.01
those:0.3561923530250654	men:0.21461376165823368	and:0.10708776068172539	people:0.0708403463405597	man:0.06965675545576236	Those:0.054855968362553804	all:0.042173688855499436	persons:0.03947323920853961	women:0.03510612641206073	:0.01
provided:0.334729295930078	paid:0.14048086225265216	and:0.09929137295785775	cared:0.08837330616455374	voted:0.08808946714401038	accounted:0.0821958481845828	called:0.05778541671434639	vote:0.05320440407385419	prayed:0.045850026578064626	:0.01
to:0.35813157565755405	a:0.28486300738346804	the:0.08419932501786676	would:0.05442522075428868	will:0.0538223085551246	not:0.05245491430444998	and:0.042200425346451624	this:0.03511355382435664	I:0.024789669156439584	:0.01
;:0.20953252095776806	it,:0.11451281996419217	him:0.11252660622910599	one:0.10399558216214487	in:0.10038399485273586	and:0.09216727949281207	,:0.08702126563998025	it:0.08638247894281384	up:0.08347745175844686	:0.01
to:0.647794323499749	will:0.09758969115157311	would:0.05564108180869902	and:0.040370668948556045	may:0.03890072563474835	can:0.03173307678309075	shall:0.029268012670667816	could:0.024871189641550835	not:0.023831229861365086	:0.01
of:0.2848947513034225	and:0.15464786456845325	to:0.14622283625095037	at:0.11524761033992113	about:0.07622316340447585	east:0.06257836513403704	lot:0.05850952429787982	range:0.04819456567036141	Township:0.04348131903049861	:0.01
hundred:0.38841378645436947	up:0.09123185635738856	men:0.08930224671194738	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.07306411117914521	him:0.0668423327581923	;:0.06651424040074755	due:0.06192290086804839	:0.01
the:0.708512179837213	The:0.118398086402574	a:0.06082577191098875	tho:0.029380983373456883	and:0.021299407584512094	an:0.018887859657449848	this:0.012144789672137576	re-:0.011469980095361584	tbe:0.009080941466306242	:0.01
District:0.302393377837066	the:0.25594474992832456	State's:0.12360083694370298	of:0.10208572966026604	at:0.05277312776453712	and:0.04600353641820887	an:0.042698368488328926	Mr.:0.03347373670527733	Assistant:0.031026536254288032	:0.01
the:0.17334191883992503	and:0.16457793437453397	baking:0.1572662024919183	as:0.14044395263579001	of:0.08726646922913257	that:0.08187167163432231	a:0.07534933527838317	in:0.05795507708549504	or:0.05192743843049951	:0.01
of:0.38111910851681263	and:0.12368643475167425	to:0.10508181359023197	that:0.10141256206112283	by:0.06344537461679338	on:0.05898250021444946	in:0.05822072483084395	as:0.04919194988587792	for:0.04885953153219357	:0.01
will:0.24693648038004848	could:0.18983163955391383	would:0.1439542663030325	should:0.13438534735032978	shall:0.08752610598815738	may:0.07499240936629364	can:0.047443879688021315	must:0.0346179084233615	need:0.016788272230254815	did:0.013523690716586703	:0.01
was:0.22318717626046866	been:0.19502100840005804	are:0.11085184790427359	be:0.11055147633616057	were:0.1073332006397952	is:0.08675353192094608	and:0.056489014967467215	those:0.050064218521054374	busily:0.049748525049776365	:0.01
30:0.1425856114730889	50:0.12084155222101362	5:0.11811271103248046	20:0.11289669481301252	4:0.11237594400596171	6:0.10151207091660547	100:0.09756954227894954	hundred:0.09366796561950137	eight:0.09043790763938646	:0.01
be:0.20318074163432068	was:0.18100290189147286	and:0.15446129146824514	been:0.11006060645686006	is:0.10368971627447869	are:0.06424698463602314	were:0.0636301636417311	the:0.05504923569835977	he:0.0546783582985086	:0.01
of:0.5011017884550669	to:0.11734985075407608	in:0.07637536041568949	that:0.06786784281520249	by:0.06382937689697342	and:0.05349113652372296	for:0.040952312298360154	from:0.039814779431372176	on:0.029217552409536433	:0.01
of:0.30919766383422037	the:0.23911034023467517	and:0.13381140773686945	to:0.1104831272711019	in:0.04695994819922382	a:0.04216205376738394	on:0.037969642507113495	The:0.03534540331691183	be:0.03496041313249982	:0.01
was:0.2595263826040138	be:0.18493387224443197	been:0.16054994832536215	is:0.11394391298007266	and:0.06475664615793199	were:0.059387487401079894	it:0.053403068717845247	are:0.04997370706570195	not:0.04352497450356024	:0.01
out:0.1791657466967816	one:0.15213856269589196	all:0.11395927064040334	part:0.11211456839666227	that:0.09336779748913558	use:0.09273304829319808	some:0.09158451792852726	charge:0.08142885170618686	tion:0.07350763615321315	:0.01
the:0.3404474991228684	of:0.14206453703242095	within:0.12851386320079783	and:0.10932933822784541	in:0.06585038513576687	a:0.06031733728165596	for:0.0511088114858257	about:0.04661309632915159	to:0.045755132183667245	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
the:0.25062852189419804	in:0.19842918510150964	a:0.12066689669646834	of:0.09993283246618107	his:0.07050356028061576	for:0.06822519616293135	this:0.06506278563269068	their:0.06090135871360196	to:0.05564966305180311	:0.01
on:0.327830116774391	of:0.2906165029621167	to:0.10591084099618339	in:0.09755807035839412	from:0.06346523711995174	at:0.040431390894101936	upon:0.02474304861645487	for:0.021492233670268875	In:0.01795255860813749	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
and:0.2057490146464805	be:0.17826278710718887	was:0.13772308974308828	to:0.0883281909653392	been:0.08618103965957717	is:0.08100416015488449	of:0.07967589319502678	he:0.07002166678811851	were:0.06305415774029603	:0.01
and:0.24715944158911993	depend:0.10115542297585237	based:0.10085046174861782	placed:0.09929781518962863	depends:0.09865819847804204	called:0.09672811564313881	down:0.08601932662424668	made:0.08525060516232964	effect:0.07488061258902408	:0.01
and:0.5035137010846548	as:0.08221161101562534	was:0.07071200524409423	that:0.06964974955961915	are:0.06771921842396146	is:0.06519633968080657	of:0.04475437682449955	but:0.04357622438707839	the:0.04266677377966051	:0.01
the:0.24803210933840378	to:0.17234869976515135	and:0.1506066592206104	of:0.1005778381323667	be:0.08558658169076795	a:0.06671779978262858	not:0.06429540982789805	or:0.051013785759456885	was:0.050821116482716394	:0.01
the:0.5697350786334826	this:0.11471475104488735	that:0.08503796015726092	and:0.05807817856578964	to:0.05234703402621459	tho:0.032399943831066105	an:0.02665389433404575	a:0.025951736835992154	The:0.025081422571260743	:0.01
he:0.28572697854151075	and:0.1647550548189363	was:0.1454242944146352	be:0.09165411576485015	He:0.08014613995776954	is:0.06598685375216785	I:0.05447258854908071	she:0.05164872871213802	been:0.050185245488911706	:0.01
to:0.7673439922720564	will:0.04976608187473315	and:0.03228528849610114	shall:0.030563875295902404	not:0.025005492820423053	can:0.02315616730345269	should:0.020975500272378586	could:0.020454806365319496	they:0.020448795299633074	:0.01
it:0.19129304205553746	It:0.14469751513729096	he:0.14110029463113066	which:0.11684196323087201	I:0.11443416439404461	and:0.09515343521725624	He:0.06955431801222421	that:0.06269264879372563	she:0.05423261852791805	:0.01
of:0.35941880908688184	that:0.15410793880811327	in:0.14542616102229544	to:0.077378850985377	and:0.07669804685092663	by:0.04805097619480158	In:0.04744028619263893	on:0.042217540434075725	at:0.039261390424889575	:0.01
and:0.2623369275738987	recorded:0.11754747775202593	up:0.11041879011446985	was:0.10499986555954885	that:0.10141758194294877	is:0.08964784220088323	out:0.07713151110042796	as:0.07141401478964465	made:0.05508598896615207	:0.01
the:0.5259073859122718	a:0.146082497185324	his:0.07759616273076578	The:0.054136187911116046	great:0.04244418084996621	any:0.03944485935634863	that:0.03775130089798413	of:0.03436945987156586	tho:0.0322679652846573	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
of:0.25078505815020014	and:0.1749757498469887	in:0.15692023458033047	the:0.12384576868664635	to:0.08469296660941265	for:0.061203836846112684	a:0.05144480898248177	that:0.04352314872956921	be:0.04260842756825804	:0.01
of:0.22869262469290738	and:0.17146420538991367	Mrs.:0.14842777668127194	by:0.14325348088915146	to:0.09431843338718476	Mr.:0.07287774488727265	said:0.059371381755623086	the:0.0395314421977967	.:0.03206291011887835	:0.01
the:0.24476093978117963	and:0.20200444718786137	of:0.19869759948468674	a:0.0909893927345677	to:0.061454316891002246	in:0.056321147622810055	was:0.053870341480870616	that:0.04219405318052174	by:0.039707761636500034	:0.01
up:0.1687508118067689	him:0.12762603763523486	out:0.11205575348382729	in:0.1026985824204928	men:0.10111142720651228	it,:0.09839318885269675	man:0.09765260263813874	him,:0.0915707059814132	it:0.0901408899749151	:0.01
that:0.2789828783150907	and:0.16245167381491268	it.:0.13030043535195407	<s>:0.12335265841082235	them.:0.10745805565810806	him.:0.053709966980137545	but:0.04861135412415622	time.:0.0435851150138454	as:0.04154786233097282	:0.01
away:0.19041587022310327	and:0.16519107313931605	taken:0.13090618369387813	miles:0.11772895341262953	feet:0.10551786830952455	come:0.07393483029145144	them:0.07169234007196142	out:0.06832721446888708	came:0.06628566638924843	:0.01
a:0.4756609704702399	the:0.14329420039873988	any:0.1095440065378783	to:0.06765749409393731	no:0.055596081866386746	this:0.048002086292057225	either:0.03641670204469465	every:0.030698005366839528	one:0.023130452929226296	:0.01
be:0.2474089026505575	and:0.13400921147415953	was:0.11936578854950158	have:0.11814336987276616	he:0.09839714036106534	been:0.09047956682398671	has:0.07024896152760093	had:0.056364238315999717	is:0.055582820424362425	:0.01
the:0.24368868982568145	to:0.17572068347283726	and:0.1725479425471082	a:0.1297610465296318	of:0.11062257288270286	in:0.05749064395309338	more:0.035031615638815225	be-:0.0327837243285708	was:0.03235308082155896	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
of:0.2685296113888783	to:0.16806970749733038	in:0.1353691794184458	and:0.10132347367546887	that:0.086169877628041	for:0.07714674604593487	by:0.056226666078730454	with:0.05050794890572429	at:0.046656789361445995	:0.01
the:0.2956638497848283	to:0.19575680949457203	a:0.17473396584157655	and:0.15199800361416574	this:0.05174201356026967	will:0.04543041038923802	that:0.026050428607914226	The:0.025657439696351127	of:0.02296707901108441	:0.01
and:0.1918279676887986	of:0.1856973473169748	the:0.1606526476755495	to:0.0968135947069325	or:0.09374300527923587	for:0.0847289659401121	at:0.08166697647328518	that:0.05673473111284476	with:0.03813476380626665	:0.01
it:0.14878070829945478	;:0.12841243639707198	one:0.11133462726818796	and:0.10814024575145866	dollars:0.10707187241474768	more:0.10599185629045167	is:0.10355249761695075	I:0.09476430301002653	man:0.08195145295164989	:0.01
and:0.29052563843363216	fact:0.1718349679940122	said:0.11307705641045758	so:0.10296766644522751	believe:0.07467485194323314	is:0.06547998110151379	say:0.06072622423233118	know:0.059576482780927004	found:0.051137130658665285	:0.01
to:0.6883306562867215	will:0.05922928707602509	can:0.05732230677506923	they:0.039275810656675264	could:0.038759284076947946	and:0.03133372373462657	I:0.02781274409809673	would:0.027744539449797302	we:0.020191647846040276	:0.01
of:0.22184962087662155	in:0.15520673814302793	to:0.13966192681481693	and:0.13338374863137553	for:0.11704124564673984	with:0.09933739769359427	that:0.05105976955125527	but:0.03627353457850431	by:0.0361860180640643	:0.01
and:0.2729042326810205	most:0.18603988877763375	the:0.10627241946146986	very:0.08371635885870676	as:0.08210222443058303	of:0.07255789243359445	or:0.06861483136760016	more:0.06798330626547416	is:0.04980884572391721	:0.01
of:0.3465507174134702	to:0.17794843366576835	on:0.13041864661072142	in:0.10627665993134443	from:0.06420747095835388	and:0.05423122623089236	at:0.04491466220148409	for:0.03519210223788558	that:0.03026008075007971	:0.01
made:0.17295908650123604	take:0.14477461809886877	make:0.12673098686067572	took:0.10985375975440084	put:0.1014344768021616	give:0.09391292622724075	taken:0.09206345181302421	picked:0.07452197373783816	keep:0.07374872020455393	:0.01
was:0.2638172417183777	be:0.23804259648006715	were:0.12969715200753903	been:0.0934562522726328	are:0.09054581792672538	is:0.0861064217425707	being:0.045806935761786516	and:0.030888441694884163	have:0.011639140395416657	:0.01
three:0.2245589191771689	two:0.20591129158085814	four:0.18822277367915954	five:0.09857179092094324	few:0.08121671316132681	a:0.054029794673005574	several:0.05083084713508725	ten:0.04460380617057179	the:0.04205406350187875	:0.01
is:0.26175712891392694	was:0.21615499282886189	are:0.1385339843634667	has:0.08392243398740656	had:0.08242195738462435	have:0.07941075852311238	were:0.05753768888782794	and:0.03878136688307595	Is:0.031479688227697256	:0.01
and:0.4095199941885612	And:0.2669687280460307	not:0.10580578287418133	as:0.07334252552349775	is:0.035205780520644825	that:0.028598298348649822	but:0.02807766121093345	or:0.02423003799223974	are:0.01825119129526106	:0.01
the:0.3032306031506454	of:0.1712740187660737	and:0.1555266069467158	to:0.08720379603775957	that:0.05911329797343446	Mr.:0.05797410759402388	The:0.057864917060623626	in:0.051232650274022	he:0.04658000219670169	:0.01
is:0.21463057144607844	has:0.17049097472632807	had:0.14732604891183315	was:0.12297046173179978	have:0.11865640681197351	are:0.09535504869101634	and:0.051433201634676705	Is:0.03628096535489729	were:0.03285632069139676	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
would:0.22980511667265655	to:0.17299540970927663	who:0.12482764014450815	they:0.10355307675313528	I:0.09251266344910342	which:0.07981734282547859	must:0.068890066387715	might:0.06196287097814179	shall:0.05563581307998454	:0.01
and:0.2194849212775029	of:0.16685013309245253	the:0.15228794952877256	to:0.12877623630682297	a:0.09173097726308327	in:0.06108430219237668	be:0.060391702149518965	is:0.05816553387477129	was:0.051228244314698676	:0.01
of:0.38081841005722483	to:0.12688300010373663	in:0.11181114361103685	for:0.07440589527457388	with:0.07029602763859272	by:0.06338754055446709	and:0.0633432736937915	that:0.05372696895196374	on:0.04532774011461272	:0.01
the:0.34086280338812647	of:0.2209304048812254	and:0.14086953403042624	to:0.07661365940134278	a:0.06801046762412659	in:0.051012877342832365	or:0.032266667701785025	for:0.03027112603427195	The:0.0291624595958632	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
that:0.35237657625927166	and:0.1711154367037319	which:0.09837114489632792	when:0.0775789916505438	to:0.0651247871673089	will:0.06139938740703173	if:0.05739648288797535	as:0.05574882811383207	but:0.0508883649139768	:0.01
and:0.337291893652781	so:0.12479811775737731	say:0.09731998655540984	fact:0.08972889028296345	know:0.08081272560971962	said:0.07728661770633169	is:0.06952093330887803	all:0.060441449528985676	show:0.052799385597553365	:0.01
to:0.413436742419163	of:0.23253292239942389	and:0.10580220488305836	in:0.061411964875686204	by:0.04326301254457905	the:0.039317468787098665	for:0.0372550783448783	a:0.03039846344612311	from:0.026582142299989467	:0.01
and:0.25654590869897653	was:0.17529622847992243	be:0.10807487289499339	were:0.10593108464062191	are:0.09990387657912425	is:0.0941219121789878	been:0.06385875614325433	he:0.04429305828215963	has:0.04197430210195976	:0.01
<s>:0.5911664716768235	.:0.0925416286131135	it.:0.07581705834204042	them.:0.05818195815929815	day.:0.03772668638663001	him.:0.03479060365958301	time.:0.03473040556580826	of:0.034040180206403495	country.:0.031005007390299676	:0.01
of:0.24750857816986374	and:0.15672995595837905	to:0.13699780607228484	that:0.09671250487672534	in:0.09286268064249499	for:0.07120307404101181	with:0.0692164380346218	all:0.06391453810021504	is:0.05485442410440345	:0.01
the:0.4736562639390388	and:0.18515907676286972	a:0.07781981137035485	in:0.05115738754216692	The:0.048530560309079894	is:0.041178384080621286	was:0.040937424209789	that:0.03824712824000502	of:0.03331396354607452	:0.01
the:0.36013209723653894	of:0.31149489658309903	and:0.05806504926722889	or:0.05166211461538244	his:0.05061263977280298	their:0.04529280653405918	by:0.04523940752838945	in:0.03397439253352306	no:0.03352659592897609	:0.01
he:0.276549722934777	and:0.2466595716471066	be:0.1215458889251196	it:0.07365036608505837	was:0.06501849445890794	It:0.05503154445723571	been:0.051058648658589736	she:0.050343216532927844	He:0.05014254630027711	:0.01
him,:0.1416751758529611	him:0.1401102314321787	time:0.12643699345325277	man:0.11493587305602428	it,:0.11157700353852773	up:0.09892484572296203	them,:0.08867907655368504	years:0.08480333079134647	men:0.0828574695990618	:0.01
;:0.20953252095776806	it,:0.11451281996419217	him:0.11252660622910599	one:0.10399558216214487	in:0.10038399485273586	and:0.09216727949281207	,:0.08702126563998025	it:0.08638247894281384	up:0.08347745175844686	:0.01
has:0.31684997245331403	had:0.23377409701908786	have:0.17428522891194337	was:0.07891282341366547	he:0.04774451940312655	I:0.04125815310040586	and:0.03656210258905969	is:0.035087815882314466	they:0.025525287227082697	:0.01
and:0.16863234431022772	is:0.15904326489999862	him:0.12087980826471612	was:0.11373743381895171	able:0.09304926166349498	ought:0.0906734825706846	enough:0.0895059212039334	not:0.07749325265532075	me:0.07698523061267189	:0.01
the:0.2922764378713537	of:0.17782088749567468	in:0.14157680581294022	and:0.10933893853717591	that:0.07058603379589194	such:0.052542664463565446	to:0.05240085009927354	or:0.04720995348500607	which:0.04624742843911832	:0.01
it:0.28317097636256594	It:0.19334457336508087	which:0.11975718942031283	he:0.08582788806916333	and:0.08528961719502678	that:0.0777183143097221	there:0.06238640793109827	who:0.045422113965186965	what:0.03708291938184284	:0.01
of:0.2701500061863462	and:0.22212197328063352	the:0.16310148799990054	to:0.06980356019992914	for:0.060874862007754674	or:0.05617811232540519	a:0.05222888902259682	with:0.04985353118907225	is:0.04568757778836141	:0.01
one:0.3382117054560978	some:0.1636488412295047	many:0.09430886169472243	all:0.09045765748417335	One:0.071993659024714	Some:0.0671373453871468	any:0.057745225232837295	part:0.054112934007778356	out:0.05238377048302531	:0.01
was:0.15757848262119964	-:0.14333822490437403	of:0.1277755806475823	be:0.11810091175494204	and:0.109629450280473	it:0.08888596412119709	at:0.08583310194015875	<s>:0.08000364461635755	the:0.07885463911371564	:0.01
his:0.2907683912460952	the:0.19117005758877048	their:0.15819527493814808	my:0.10647359437947224	her:0.07596558862813083	a:0.049568366654203264	its:0.04282870503594037	your:0.04044180767437344	of:0.03458821385486605	:0.01
you:0.1841139806338446	I:0.15711790455753255	and:0.12113612242485383	he:0.11097220042624804	it:0.10460469725842389	they:0.09877087959619307	that:0.07487538415537189	which:0.0706256484113389	we:0.06778318253619346	:0.01
to:0.4069642758859201	not:0.2783013134537346	would:0.09230208362315032	or:0.06535716755694915	will:0.046349489842208984	and:0.03543822106660734	never:0.028754575778562583	can:0.01885756618088828	could:0.017675306611978685	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
and:0.2823662746530108	the:0.20723426604969655	of:0.17114462321901844	to:0.08349457292475697	that:0.061058627458997594	a:0.0496816598535165	in:0.04771436371628906	which:0.04537779706400119	will:0.041927815060712734	:0.01
and:0.1944372923421487	together:0.18064694998584138	connected:0.14784638791688007	connection:0.1448086892096974	accordance:0.11050849290477427	comply:0.06045119551015317	acquainted:0.053914338376547646	compared:0.051495838323954046	contact:0.04589081543000345	:0.01
the:0.3644568624726403	of:0.21458571190008455	and:0.0873929786207132	in:0.0873396844559443	to:0.06657773988743966	between:0.051477334236191295	a:0.051315019077106824	for:0.03570834615978444	their:0.03114632319009532	:0.01
the:0.4203792890766777	of:0.2433323749505774	and:0.0928092587666286	a:0.06378091200752235	.:0.03840497386607097	The:0.03700282787132729	to:0.036709858004025486	in:0.03027275344789445	by:0.027307752009275772	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
the:0.4966030091437765	of:0.11813774392390379	to:0.09996704638889792	and:0.08032798126003939	a:0.05312364110601024	tho:0.047065564886211005	The:0.03472311925217652	said:0.03180296584528426	by:0.028248928193700555	:0.01
at:0.17820926272808862	and:0.151411724026942	of:0.14712044259252915	the:0.11844172296712728	to:0.10582711021270462	.:0.09122991260504527	a:0.07834142388328486	was:0.06390872257420403	on:0.055509678410074086	:0.01
and:0.26114514591737437	to:0.23508875431087248	it:0.07601896413171362	was:0.07574841705350523	not:0.07503230283616254	would:0.07442293738717605	of:0.07251973381967074	he:0.06720237678632074	will:0.05282136775720432	:0.01
.:0.20764102020984837	the:0.13643739150302475	to:0.12180344587244503	of:0.11963191594302677	and:0.11712857169166473	a:0.08781912561503866	at:0.08191256511495089	in:0.06204687218931865	was:0.05557909186068208	:0.01
be:0.19727283114889058	was:0.16069308017810452	is:0.1339312642833711	and:0.10262960745856597	as:0.09391855124192175	been:0.09295147935364997	the:0.08592544865627798	are:0.0655213010992196	very:0.05715643657999845	:0.01
the:0.25395082983757644	to:0.20139293803872135	and:0.1856933143443605	of:0.10750803794636477	a:0.06665279579903631	I:0.06073389524229929	it:0.03859583858499288	as:0.03837814921741683	will:0.03709420098923172	:0.01
the:0.3006862101938551	of:0.21096806493515702	a:0.13813579336307455	and:0.10528268922302729	to:0.06071658863040308	in:0.06009690031648622	for:0.05327594119872279	The:0.032433568366140746	by:0.02840424377313342	:0.01
as:0.3405595911922637	so:0.28202697791173564	very:0.1268139241357821	how:0.05618915284781227	too:0.051543168281886494	a:0.04104033566557524	and:0.03785288496706749	for:0.031059128144955494	is:0.022914836852921453	:0.01
the:0.8199509945099511	tho:0.0380210080970255	The:0.030786634109547902	of:0.01780197500738808	a:0.017778322332638933	this:0.015864163500474978	any:0.013805474628449799	an:0.013542901363839207	on:0.011502258038336797	its:0.010946268412347806	:0.01
he:0.2312140453205847	it:0.2151634478423274	they:0.13270572375260759	It:0.11860374360144836	I:0.0860627738032671	that:0.0542287870349214	we:0.052107886881058336	who:0.050896636724890615	she:0.049016955038894576	:0.01
nothing:0.24029334113317968	and:0.11036658147609034	;:0.10439860383395827	had:0.103424429071782	it,:0.10273375166041863	him,:0.09835388330566379	anything:0.08660095993335849	them,:0.07250798230203968	of:0.07132046728350898	:0.01
the:0.4023631952126265	of:0.14394991978725633	a:0.13647744854857902	in:0.09353397965314625	and:0.05919244944108609	to:0.05205819699120734	The:0.04764215628028516	on:0.02800151651020724	that:0.02678113757560595	:0.01
it:0.27295840269517435	It:0.2019268753344964	there:0.17219804324685417	which:0.08929180326174398	and:0.058196099902667185	that:0.056855762504679164	There:0.056583628348712764	he:0.05276524927797533	what:0.029224135427696373	:0.01
of:0.25570693145847484	in:0.14419123250619173	with:0.11336512042686663	to:0.0998574611424579	for:0.09407172617169005	and:0.08970143280563708	is:0.07422936045027281	by:0.06228906523600142	was:0.05658766980240744	:0.01
by:0.22641771645049868	of:0.1783806599096035	and:0.1416610910873175	for:0.13648397714441665	in:0.13285199701624084	without:0.0524940404249451	In:0.048047570137574054	with:0.0371109893424573	after:0.036551958486946375	:0.01
of:0.5752343176843888	in:0.14728314967164774	to:0.07586931738189924	by:0.06094295978398383	In:0.031871402096910875	from:0.02685828138852238	that:0.026518006850398984	for:0.02311175660617519	and:0.022310808536072903	:0.01
and:0.2682983319507874	recorded:0.10717905104111182	was:0.10263907629409649	made:0.09927630384100071	that:0.09842569549211198	o'clock:0.08895025276229458	up:0.08173084504592748	is:0.07240199994443215	found:0.07109844362823738	:0.01
is:0.20160416001874762	was:0.17696451598776303	are:0.12393967465364131	and:0.10834210345654965	had:0.10586513007700792	has:0.09599318465073448	have:0.06990921364186808	were:0.0636010341343496	but:0.04378098337933832	:0.01
he:0.2609187237820734	which:0.13446863410472235	who:0.12649172141707726	it:0.11499519861261868	and:0.08757880565112006	He:0.08404924819066353	It:0.06983020241376812	that:0.06922205767100637	she:0.04244540815695018	:0.01
carry:0.2531501453566948	through-:0.22987000183719136	with-:0.14502040137148212	carrying:0.08293987265271315	pointed:0.06672683102072542	and:0.05936970305473142	sent:0.05515216574947199	brought:0.049249105518804445	carried:0.04852177343818517	:0.01
the:0.3569059852287624	of:0.2936319599865716	and:0.1077147774322985	a:0.05481773347827478	The:0.042391605652716054	by:0.042257202776800847	to:0.03384417513268537	in:0.029765607265322763	for:0.02867095304656777	:0.01
and:0.1605153849203944	able:0.12584552037456034	order:0.1202327490477498	him:0.10411986755347347	is:0.10230358199714916	was:0.09725639894996212	time:0.09647037435760988	had:0.09226467812513446	as:0.09099144467396625	:0.01
the:0.32008418738129385	and:0.1799969765989419	of:0.13415010891784426	The:0.07264365021655049	to:0.07066643261407064	that:0.06122411580930525	which:0.058106810159970566	a:0.050081974733878244	no:0.04304574356814495	:0.01
of:0.19966018256143678	the:0.184724237332001	and:0.14147972530634312	in:0.09727524586452897	to:0.0929165544128206	be:0.08756522378626803	a:0.0860151656572683	on:0.05718836141354428	or:0.04317530366578908	:0.01
will:0.22785985335704564	would:0.20364334475343557	can:0.1417115928741944	may:0.13349669989261223	should:0.07184597365837649	must:0.06343894138268621	and:0.052668782310912564	not:0.04794894224385636	is:0.04738586952688048	:0.01
as:0.188283813505136	according:0.14144678228402477	up:0.13904323060160725	and:0.1096650113200393	went:0.09104380703179268	back:0.08789812106037491	regard:0.08348580619122747	feet:0.07747526592666086	down:0.07165816207913696	:0.01
to:0.2763922595667653	and:0.2522601833602709	of:0.10007208683332633	the:0.09660432122513143	he:0.08679764754265044	in:0.07986806106730326	I:0.034986189537540034	was:0.032008923210324516	by:0.031010327656687955	:0.01
;:0.1572322199344181	it,:0.13940872336798277	him,:0.13709604606710518	up:0.13279376071190765	him:0.10315382762520608	them,:0.1018982895338932	in:0.07550706439255249	time,:0.07211537562953566	here:0.07079469273739897	:0.01
the:0.2936034235436951	of:0.20940467933061369	and:0.16873060126236333	to:0.10027028052800421	a:0.050326696824286976	<s>:0.05001530065753669	by:0.04075718948260422	The:0.039426744439720086	Mr.:0.03746508393117538	:0.01
a:0.16804683529286352	to:0.16749598381121347	the:0.165729054876831	and:0.142628838516293	of:0.1192053153268204	in:0.11144887101093488	that:0.04656393849707815	for:0.037437208239278284	as:0.031443954428687436	:0.01
be:0.2618748786138629	he:0.15739784239807236	was:0.13102893680441888	and:0.10087786093053959	are:0.0755530463378489	been:0.07552967195493826	is:0.0748348552113116	have:0.05671304167504446	were:0.05618986607396322	:0.01
and:0.1890264847316307	to:0.1497054384422884	the:0.148390956229159	of:0.1313176339130776	was:0.11877739144836963	be:0.07853696131994053	is:0.06935036031488057	I:0.058023330709001175	in:0.04687144289165255	:0.01
and:0.3001014925005376	he:0.22441692164154584	He:0.13781036492803922	who:0.08957395330574856	that:0.05582563765873993	I:0.053086785113405754	she:0.0471739767085632	they:0.043079751799484166	it:0.03893111634393569	:0.01
with:0.1831090705144664	of:0.17927296310589358	in:0.11971399676896784	is:0.1031495876388626	for:0.09092157091512329	by:0.0869236696487236	was:0.07906523490505324	to:0.07768982010286103	and:0.07015408640004836	:0.01
;:0.22559084303002083	it,:0.1545946589131965	them,:0.12346183780082114	in:0.10843452478653938	him:0.07845983793789166	up:0.07624506824521524	you:0.0751651036559156	it:0.0740341206843924	and:0.07401400494600735	:0.01
the:0.30226878663324	a:0.24232248811544038	of:0.09967837147152468	very:0.07547639515218003	feet:0.06817485209702424	and:0.06464834725225747	in:0.050576293301301936	on:0.049039182708680136	inches:0.0378152832683511	:0.01
I:0.2849516073868905	and:0.12146040122427196	had:0.11661086587892971	he:0.11268345863928288	have:0.0937723572529113	has:0.07830329120912254	they:0.0728278846271458	she:0.05614565644999106	will:0.05324447733145418	:0.01
feet:0.2083705893710341	poles:0.16686243736995118	up:0.11619557552687124	chains:0.11156855355118703	entitled:0.08437694067907713	went:0.07935061363836472	came:0.07491532896457027	down:0.07426522602773696	him:0.07409473487120727	:0.01
of:0.37430063636365046	and:0.13915356756721373	to:0.1190279244046635	in:0.07363317389630405	with:0.06694949509614706	that:0.061592984603325796	on:0.05603621937624605	for:0.05349762432448862	by:0.04580837436796073	:0.01
the:0.2828283347463955	of:0.20523097581102703	to:0.100109865599118	and:0.09443061999519109	in:0.0741469589913484	a:0.07332383157188074	be:0.060195581261116946	his:0.052225565556205014	at:0.04750826646771732	:0.01
and:0.22190246057150975	I:0.15204668574116934	he:0.13005870033155367	1:0.10670544817540083	feet:0.09801263623304338	one:0.08475365273918574	friends:0.06722974480257615	man:0.0665030048992256	well:0.06278766650633558	:0.01
the:0.7060717470419243	to:0.052293559645413226	of:0.046564243043220724	all:0.043555826504241245	The:0.038770778760557	tho:0.027763547855693727	a:0.027347177583568073	and:0.025772309310836156	their:0.021860810254545643	:0.01
or:0.2788713372507185	the:0.2614193600530655	and:0.09037572593117131	a:0.08570394791154085	regard-:0.07624676072924118	not:0.07348928201766367	be:0.04492450457398689	no:0.04046859859753298	with:0.03850048293507914	:0.01
the:0.5249887101830046	to:0.08603631095454893	his:0.07244845653702231	of:0.06555573349094526	their:0.06308608840409148	and:0.04997082206509245	a:0.045115066489331876	this:0.04274908134536745	at:0.040049730530595615	:0.01
in:0.49480339824831093	of:0.1594683916760728	In:0.09336310933297406	to:0.053983424336912646	for:0.04951203600234666	or:0.04189992911491774	at:0.03543829298563007	by:0.032143188418405653	from:0.02938822988442958	:0.01
is:0.4063702299876182	are:0.24446089128919024	and:0.10877155859965286	Is:0.06863555856617393	was:0.05483453774202731	not:0.03853840247856636	but:0.02327996140056215	am:0.022575617172158217	I:0.022533242764050717	:0.01
hundred:0.3893150114601317	;:0.090738724915708	up:0.084572018357505	and:0.08332308836398626	.:0.07398822842565557	time:0.06967534054425051	,:0.06887328330103916	men:0.0681829573557137	out:0.06133134727601018	:0.01
to:0.23090650016367734	or:0.22134855339998571	and:0.15817835130364993	not:0.08565977709869413	of:0.07757705371130531	there:0.05662018253673488	the:0.0564554375395424	nor:0.05269989987556751	that:0.050554244370842806	:0.01
hundred:0.2343569035813861	wife:0.1112573401533912	right:0.10888214927012237	gold:0.1041256970314151	one:0.09767693598642986	feet:0.08785664036517479	up:0.0856254903822193	in:0.08137617403030498	man:0.07884266919955626	:0.01
the:0.21858781341275965	and:0.14787589235517212	of:0.11615811686309205	from:0.111777248760148	a:0.10253926757191248	to:0.08360693553216382	be:0.08051194311816404	was:0.06882079131216966	is:0.06012199107441834	:0.01
and:0.24715944158911993	depend:0.10115542297585237	based:0.10085046174861782	placed:0.09929781518962863	depends:0.09865819847804204	called:0.09672811564313881	down:0.08601932662424668	made:0.08525060516232964	effect:0.07488061258902408	:0.01
the:0.22443319974836645	of:0.17138833819162763	and:0.16053821376159752	to:0.14050097146139537	in:0.0862769962544393	for:0.06083537889702499	by:0.05585936115047444	with:0.04550560623248158	that:0.04466193430259274	:0.01
and:0.17082046578071827	put:0.15526386547990995	as:0.1251933516431479	of:0.12338248111159619	to:0.11168370613519758	for:0.09576030799939818	that:0.08756318744957066	with:0.06335269927170918	make:0.0569799351287521	:0.01
the:0.3782414225537488	of:0.2131247919144715	to:0.12947834221937074	a:0.05197100695916897	and:0.050962147308248	this:0.04707193278816354	for:0.04191403565623129	in:0.04106072874960889	The:0.03617559185098833	:0.01
of:0.3208797532493476	at:0.16782944313383097	and:0.10475762903698578	to:0.09134021632765202	that:0.06991948456308127	for:0.06067992884856772	in:0.059598325969524336	on:0.05949487752825318	by:0.05550034134275704	:0.01
the:0.6337331662659316	and:0.100385275269275	of:0.04502915812563193	in:0.0446265384225453	The:0.04052682497589725	tho:0.03890434100479111	a:0.0367021526749023	to:0.027326210880625385	on:0.022766332380400437	:0.01
of:0.20677188449856385	in:0.1823911454641321	as:0.13931967637277656	with:0.10840578373849194	and:0.07418524919530227	to:0.07326377672166458	is:0.07295629171706507	by:0.06820203646572359	for:0.06450415582628015	:0.01
and:0.3072906721279076	which:0.1693326212120231	he:0.12291135258697881	that:0.09336256140478325	who:0.06955625076712761	as:0.06898139944859355	it:0.06151197593254288	It:0.05155908774059322	He:0.04549407877945009	:0.01
of:0.367591907599214	and:0.14060541553328576	to:0.11878400249372821	for:0.07513557593650393	that:0.0689090117909204	on:0.06261899047085075	in:0.05733342295146578	by:0.05181870999148961	with:0.04720296323254129	:0.01
of:0.5108022186311897	to:0.15828642822414554	in:0.07632157417616069	that:0.0506629242262237	with:0.04404566402742834	and:0.04271817211897537	by:0.039042690210995226	for:0.03653182059948199	all:0.03158850778539958	:0.01
the:0.21556827477664783	and:0.13225664083801222	an:0.1265209272451605	as:0.11623042755377498	a:0.10915047592012493	to:0.09632603251117842	this:0.07406509108845244	good:0.0728797851949736	great:0.04700234487167504	:0.01
and:0.25037799561132223	to:0.19051743664518078	of:0.12818071300755096	the:0.11341275889843262	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.05790590474591629	for:0.056443486992488516	:0.01
the:0.40265889773979313	no:0.12815608667033548	any:0.10286814142332402	a:0.09297402398700698	an:0.08481955583006058	his:0.06064170698648652	every:0.043585647613010856	this:0.03818298700144053	good:0.036112952748541635	:0.01
to:0.4574142269364023	the:0.17106662371850198	and:0.11372351452239579	a:0.078584331345695	will:0.056846502561656236	I:0.03542266675312349	that:0.026485660934482628	would:0.025271943221982365	of:0.025184530005760052	:0.01
in:0.32345391807846	of:0.2936083763287887	from:0.12235768662378813	In:0.09178546212502146	by:0.03787407729085967	on:0.03489738425174859	and:0.033628532571312715	to:0.026294113850522063	with:0.02610044887949865	:0.01
and:0.3457039234614335	that:0.10311999288717827	made:0.09565172963210786	or:0.0878490402049739	one:0.07308568600394091	out:0.07300955719005632	them:0.0718466842092796	up:0.07047991917662046	but:0.0692534672344091	:0.01
made:0.3028069374576309	and:0.2023193696646394	caused:0.07375981344017991	shown:0.07207509517503563	up:0.0704269184181151	ed:0.07002219172812583	out:0.06751988832599078	taken:0.0665966498616986	done:0.06447313592858381	:0.01
It:0.3684666802234463	there:0.18526059765294534	it:0.11843513162829254	There:0.11777388257227413	This:0.04942591871229191	which:0.04598534950147776	that:0.04180952542028888	he:0.03927996615360411	and:0.023562948135379035	:0.01
of:0.2736994393291943	the:0.2058944399752154	and:0.1278522722492943	to:0.11575308868784168	in:0.08122587347230172	a:0.07325413222400047	with:0.040823394260503965	for:0.03676531706429182	by:0.03473204273735614	:0.01
and:0.22004267196329094	the:0.20665083533658665	he:0.1438809696392001	was:0.11043002549032084	I:0.10978722947546747	had:0.060474169086296985	be:0.055814566578985335	his:0.04891543892724812	to:0.03400409350260342	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
is:0.26661628086797584	are:0.17507708765099997	and:0.1664652519561272	the:0.14884628170607	a:0.06383494162702366	but:0.04576544716247735	Is:0.04518641083281631	not:0.039984363536036106	I:0.03822393466047341	:0.01
the:0.21858781341275965	and:0.14787589235517212	of:0.11615811686309205	from:0.111777248760148	a:0.10253926757191248	to:0.08360693553216382	be:0.08051194311816404	was:0.06882079131216966	is:0.06012199107441834	:0.01
and:0.20402892144254123	and,:0.2001744349012594	that:0.10648360714512357	but:0.09975158667771727	is,:0.09276140242762007	if,:0.08360218708985527	This,:0.08167854678673785	But:0.06577084573883114	which,:0.05574846779031416	:0.01
to:0.2805102542098732	I:0.25223974280924477	not:0.15000754223660615	We:0.10080487071818654	we:0.08780344172023423	and:0.03933834255733225	you:0.03398378343806697	who:0.023596432965109708	They:0.021715589345346113	:0.01
day:0.18425702923158124	city:0.15586578156331138	County:0.15564486637929417	City:0.10944009436110094	board:0.08801099562810659	line:0.08281965174536657	quarter:0.07288554238027259	county:0.0712236048338543	District:0.06985243387711221	:0.01
it:0.2339971591875504	he:0.22175178669260306	It:0.1558699246222409	He:0.08740476176924558	I:0.08731629154714679	and:0.0678710967121785	she:0.05126646256903318	which:0.049328036934003325	who:0.03519447996599813	:0.01
have:0.212891329876959	he:0.16921877763608836	has:0.1348143225580542	had:0.11501153574430403	and:0.10840785273418228	I:0.0993560359348218	be:0.05829886088185185	He:0.04690484751272787	who:0.04509643712101062	:0.01
hundred:0.5983632432161702	3:0.0586692522464474	dred:0.05412255201261909	Hundred:0.05076898781861458	2:0.050279972738277	7:0.04950692242343481	north:0.044010158241272676	6:0.04236880056961157	4:0.0419101107335526	:0.01
is:0.18502985351954973	as:0.1404046631577054	and:0.1275108392725205	was:0.10893717982355305	not:0.09471718953743663	enough:0.0858939493123062	him:0.08529445017620126	are:0.08193862505988912	order:0.08027325014083815	:0.01
of:0.2259884777378865	in:0.1279502676123141	as:0.10803511903377902	with:0.10289676309994414	to:0.10092096777749439	is:0.0958816162923596	and:0.08543175696245596	was:0.07364376919960383	for:0.06925126228416238	:0.01
and:0.20576986051327525	be:0.14724677861411745	to:0.12535070885684524	of:0.12147274158796671	the:0.10006651747810341	in:0.07829719106333621	was:0.07464897261101211	is:0.06959459791180371	re-:0.0675526313635398	:0.01
<s>:0.41330362784123326	it.:0.14925545362254372	.:0.08519021562169736	day.:0.07262380798496203	them.:0.07198024439153519	him.:0.060267434148141896	time.:0.05002660643502861	her.:0.04448424992747829	night.:0.04286836002737963	:0.01
a:0.3154702495943068	and:0.13698811407354297	the:0.10560984562152426	was:0.09096992041224718	to:0.09068605741644034	is:0.07504983034693417	came:0.07300464498093348	as:0.05946698707498078	be:0.04275435047908986	:0.01
of:0.34444290693673774	and:0.14171508688930945	to:0.13609419534614317	in:0.10909081820387995	with:0.069951591708357	from:0.0524719626601693	by:0.04992853903408401	that:0.04638286881831119	for:0.039922030403008214	:0.01
at:0.24583418896452572	the:0.17806382658779157	to:0.15003303026728912	this:0.1220103192925838	of:0.10422106768887034	his:0.06351217476885693	and:0.044227134192668785	in:0.042557377663932895	their:0.03954088057348083	:0.01
and:0.1944372923421487	together:0.18064694998584138	connected:0.14784638791688007	connection:0.1448086892096974	accordance:0.11050849290477427	comply:0.06045119551015317	acquainted:0.053914338376547646	compared:0.051495838323954046	contact:0.04589081543000345	:0.01
the:0.37978896743205404	of:0.2402653169791735	and:0.11333943099548387	a:0.06942462149043152	in:0.055514151675577585	to:0.044026469936879406	from:0.02962352713709736	by:0.029445982880886262	with:0.028571531472416364	:0.01
the:0.4083585990026624	a:0.4082167277044483	The:0.040408729551277056	to:0.040020119834974596	unanimous:0.028550153129837694	tho:0.020843837654147185	and:0.016260617765773554	no:0.013798547905796746	A:0.013542667451082551	:0.01
of:0.321975766125421	in:0.16651115935666666	to:0.10963703528302406	on:0.10503264579554983	and:0.08543069397096359	for:0.05469478252858492	by:0.05232343383591038	that:0.050347776322306144	with:0.04404670678157323	:0.01
and:0.24785708376819818	was:0.15868356667740802	are:0.10263306744453368	is:0.09789680717009988	arrived:0.09229589046696068	it:0.08171659937283268	them:0.07261963973951394	be:0.0682808100750773	not:0.06801653528537555	:0.01
he:0.19393653458628668	be:0.16430947927282116	and:0.16060064408444563	was:0.12577029154032504	had:0.09093426308187713	have:0.07698655754603281	I:0.062086515878366486	has:0.05976285179005913	is:0.05561286221978585	:0.01
amount:0.18451834698770148	payment:0.12752257453928736	out:0.11773798217753963	value:0.11619392664193294	part:0.11477524831687133	proof:0.10470183198149745	all:0.08274505676876125	tion:0.07631394920116806	proceeds:0.06549108338524053	:0.01
of:0.2235271285588845	to:0.1756940933805613	and:0.14357925452773085	in:0.11756833811998887	the:0.10029646277677762	not:0.07742720759188237	with:0.05946865308801715	is:0.049959561434751644	will:0.04247930052140554	:0.01
was:0.23431932196014219	carried:0.13778051977635675	be:0.10383237669386745	went:0.10159388147423135	taken:0.09534243684935326	is:0.09197696867435622	far:0.07595409302784395	it:0.07555522540672459	laid:0.07364517613712432	:0.01
in:0.44102910005287665	of:0.12968292572134998	the:0.11719015679115641	In:0.10713409708726829	to:0.05472967895947009	into:0.03665359582359108	this:0.03581492877072656	and:0.03471134168283064	on:0.03305417511073042	:0.01
the:0.7569183414759126	a:0.07800004991725085	The:0.041332522225983	tho:0.038120997842628374	in:0.01982847086050599	and:0.01936566693071963	tbe:0.01521102148364136	this:0.010621748999524115	of:0.010601180263834045	:0.01
or:0.7249904927829421	the:0.08915672238229436	and:0.059411639368376	a:0.05469530833423353	of:0.01982032228905946	this:0.011138411943604523	as:0.010709403863797687	in:0.010424282686399697	that:0.009653416349292563	:0.01
is:0.18544893114911065	was:0.18080860636818882	the:0.1647413934765129	and:0.10116598936261041	are:0.09372826040261395	be:0.08592120453347199	a:0.06950685066056692	very:0.055609253865363445	been:0.05306951018156079	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
be:0.2475884491808707	is:0.1368467651422136	was:0.1116081036770701	are:0.10744752505568207	not:0.10120228029203213	and:0.08169588303567459	an:0.07252107900925561	as:0.0657619170147253	amount:0.065327997592476	:0.01
a:0.26247745837895314	the:0.19956055908545398	of:0.17043740037627547	in:0.08941420754259405	and:0.08631124462137403	to:0.06967574507524113	an:0.05474591704332782	for:0.030541272268130616	his:0.026836195608649704	:0.01
-:0.25118285771150844	<s>:0.14461238531400528	of:0.11802420213506472	I:0.09263278606659908	and:0.08192576050852159	.:0.07788802653465511	w:0.07617852331050527	to:0.07556642467926077	ti:0.07198903373987973	:0.01
and:0.2695857928320165	them:0.1161266788459886	put:0.11344325375628718	out:0.10136179929581371	carry:0.08227680625552686	was:0.07994197358382521	work:0.07720203559131127	it:0.07531599500828415	that:0.07474566483094666	:0.01
of:0.37997550600138613	and:0.13830774868733944	to:0.13798325614033505	that:0.08307014005629552	in:0.06282257989699976	by:0.05547096521074367	from:0.05275778027166779	at:0.042359615819020764	with:0.037252407916211795	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
one:0.2617741089986468	out:0.15556960502827208	part:0.13008893117226905	some:0.11334280627319533	time:0.07945996676975539	account:0.07275376099225171	all:0.06506597645229725	and:0.0565737601528326	that:0.05537108416047968	:0.01
to:0.6769378232048269	and:0.0657519056775007	will:0.055433701894125956	would:0.05141231451171224	not:0.04890295851662165	can:0.030921011112684808	or:0.020476061886515854	should:0.020327283016301198	could:0.01983694017971058	:0.01
that:0.2139537940432334	if:0.20960659901230644	If:0.17870741297646842	and:0.10641346275805423	as:0.08402461689177948	which:0.07424992868077968	what:0.04479573442239803	when:0.04407615454676381	for:0.03417229666821669	:0.01
to:0.25899009985987886	and:0.20691113851486856	of:0.12222836551254561	the:0.08594736535787018	is:0.07480810658605942	in:0.06648717053326157	was:0.06439095079885329	con-:0.056444731101806235	will:0.05379207173485628	:0.01
has:0.20371494456165154	be:0.19042119163499557	have:0.1618125787648762	had:0.14063561866158425	was:0.10832378506512072	been:0.06478299281149548	and:0.0427006561061624	were:0.03906681592764966	is:0.038541416466464105	:0.01
and:0.3831357719647706	him:0.08633579147109542	reason:0.0849154092493801	made:0.08427592616698751	but:0.08147530267248447	enough:0.07305225209565178	asked:0.06965930237359724	time:0.06381268945419652	them:0.06333755455183629	:0.01
to:0.414112650551275	will:0.16704281189687925	may:0.09506006182771064	would:0.08404677926682591	shall:0.05909694717511259	should:0.05560351367728459	must:0.043321999070099974	not:0.03901042823384071	can:0.03270480830097134	:0.01
is:0.20000008351604642	of:0.16906764904156202	was:0.1097124620817575	and:0.10122569193696938	with:0.09273455873122421	for:0.08960495213617081	to:0.07821034573294335	in:0.07600559648856782	as:0.0734386603347584	:0.01
was:0.2640694202192034	is:0.18608022301285745	be:0.13700017392460934	as:0.11851391555051137	been:0.06674920651894327	and:0.06428168667031435	were:0.060324782358711804	are:0.05821534473939936	the:0.03476524700544965	:0.01
<s>:0.5099015927495416	it.:0.10752731801963447	them.:0.07098562373409452	time.:0.05795101252340301	day.:0.05645150229337925	him.:0.054118633594923575	country.:0.04683811602566045	years.:0.04487865450431651	.:0.04134754655504662	:0.01
the:0.25328019430960425	two:0.1416139529776035	of:0.1384397724172819	and:0.13188141971322054	for:0.09065485973851038	The:0.08226762919491973	three:0.05696245987184083	that:0.048017321317726035	few:0.046882390459292884	:0.01
of:0.3530807764693983	the:0.1231320889577832	by:0.11693422115934364	from:0.09933755645013263	to:0.0734330511846077	in:0.06844268806394244	and:0.05681770928420967	with:0.05409907469615748	for:0.044722833734424976	:0.01
<s>:0.5951356855585154	it.:0.07618181379897167	of:0.06128229369445488	them.:0.05695639362723635	.:0.05618065674948097	day.:0.04049925336091065	time.:0.03591845564817268	to:0.03449632034763681	year.:0.03334912721462056	:0.01
<s>:0.2613088549649224	and:0.1558098142343409	was:0.12353456311453881	be:0.12011264833573743	is:0.07434522515091423	are:0.07263628290767324	that:0.06650679362055878	were:0.06277393866159388	.:0.0529718790097201	:0.01
the:0.7024410490053623	of:0.06521235425438379	and:0.04446173150741942	The:0.04416987058425281	tho:0.041380959536892456	Rocky:0.03132713769127878	a:0.022326891685655017	tbe:0.02038316998984467	in:0.018296835744910738	:0.01
the:0.37442386250926246	a:0.1182635688386455	of:0.11807070541776896	and:0.10002319756146255	Mr.:0.0856621570673739	The:0.06301574640889707	to:0.05127050044831953	in:0.041594347248140096	an:0.037675914500129914	:0.01
the:0.3299177818426395	of:0.17897670274827274	to:0.1253793792460873	and:0.10985980430753879	in:0.06240993305390326	for:0.06192854377065038	be:0.05083764956696977	was:0.037005804169285124	is:0.03368440129465309	:0.01
the:0.47009753922651126	The:0.21787554375273163	of:0.08408289010211512	a:0.07573388692600247	and:0.05520509250982897	his:0.02993903276713268	tho:0.027817712789184813	that:0.01560047804590262	Tho:0.013647823880590264	:0.01
one:0.24882240893376517	out:0.1887334300387465	some:0.12029900481494771	and:0.08521320866975134	part:0.08323606031267282	many:0.07356812523477475	that:0.0721616707346097	all:0.061399997708450484	time:0.05656609355228154	:0.01
to:0.22586318787207918	for:0.12442739778765663	given:0.11815522075682765	upon:0.11313172578027189	with:0.09403849282103331	by:0.09162228971974383	told:0.0798941074734522	against:0.07312111834001593	on:0.06974645944891922	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
the:0.4518206639878282	young:0.09025339046831114	business:0.0858980874091237	of:0.07951288218755648	and:0.07697367293443744	The:0.06404560654490159	two:0.05920558130876997	many:0.04279706394276691	by:0.0394930512163045	:0.01
the:0.22669854374274823	a:0.16065144283152755	and:0.1568205597537097	of:0.14859189720612156	to:0.10768267476423311	in:0.05931814572121812	be:0.058573375309931834	was:0.03748628502926306	is:0.034177075641246855	:0.01
Mrs.:0.19547401404804862	of:0.16660715054236697	by:0.1504946857023697	said:0.14051819896318088	and:0.1278355692239327	Mr.:0.06262077430104342	boy.:0.05362676913244124	to:0.050701551011025456	girl.:0.04212128707559098	:0.01
few:0.30852155604215803	two:0.20795032053219487	three:0.18984103960694915	six:0.07219627414699767	some:0.06653628875066524	several:0.05633390015921644	four:0.05308324540992932	successive:0.01798550992012505	five:0.017551865431764162	:0.01
the:0.3141697498569716	of:0.13596872111181624	The:0.13148451940784603	Mr.:0.12071271065510486	and:0.08466951013671548	that:0.08137847559446529	a:0.05140346651734129	Mrs.:0.04087284649549475	his:0.029340000224244482	:0.01
feet:0.1758671023723282	as:0.13635406274095982	day:0.1285775773727246	went:0.12499522731556645	came:0.09769602174592441	up:0.0969473072937293	prior:0.08344306497039435	and:0.07874052220286884	back:0.06737911398550413	:0.01
the:0.3851622473627665	a:0.16069669756154156	of:0.11511036345930438	and:0.10882153999372769	to:0.05720663348913874	Mr.:0.05672336074849825	The:0.042044388889236416	in:0.034194240135769195	tho:0.030040528360017166	:0.01
to:0.3694857790946747	the:0.2672247185674746	a:0.11565451936165436	this:0.055289474457606645	will:0.04808006381180584	would:0.044232313284662726	and:0.03999180120400363	of:0.026083097568246866	in:0.023958232649870556	:0.01
the:0.8300295166036566	The:0.06147835389463927	tho:0.044425789945881575	a:0.019312405172276684	tbe:0.01762090902220935	said:0.0059155696169406104	and:0.0047718979934646315	of:0.003300671940889745	any:0.003144885810041321	:0.01
and:0.2808865126133064	of:0.18110105178426195	by:0.0890019322958133	after:0.08628254589152269	to:0.08481509878285398	in:0.08017321435285804	with:0.06690692854729513	for:0.0645443809184253	without:0.056288334813663216	:0.01
and:0.34508105068837874	of:0.14338860411640736	an:0.10177191714793059	to:0.10037896600357868	said:0.0677774954912588	that:0.06129135561569986	which:0.058101340787675766	by:0.056481669219536415	as:0.0557276009295339	:0.01
is:0.40826373882739714	are:0.2673849834662752	was:0.0765195062510028	and:0.06806161391238051	Is:0.05290733292749307	not:0.03376638109913659	has:0.03291520601615782	have:0.029162845974578955	be:0.021018391525577846	:0.01
to:0.23673600117623209	and:0.17127613442830264	the:0.15811526447852628	of:0.13046492978393825	be:0.07570346483499009	was:0.07278814233046262	is:0.058777212614645365	for:0.04462947883569667	been:0.0415093715172058	:0.01
sum:0.18676829411122214	number:0.1566486321513545	line:0.11140081741272478	city:0.10844765106291132	out:0.10739005474369737	day:0.09286734076326106	county:0.08286139477536687	amount:0.07384405151900511	Board:0.06977176346045691	:0.01
of:0.33842588323042794	in:0.17833793000853837	and:0.14041134802572494	for:0.1002514478537035	to:0.07737434685191381	all:0.04583593919760189	from:0.04270957666915159	In:0.03757933644676544	fact:0.029074191716172353	:0.01
that:0.2070257100831872	and:0.19772589189448364	is:0.17576300467859154	was:0.13011129069383504	but:0.07896961818988923	had:0.0627738381981591	have:0.052119216778504084	be:0.0488846066862486	with:0.036626822797101534	:0.01
one:0.17274957462093676	more:0.15830689709340226	on:0.1180870273712836	day:0.11354905359128066	two:0.11347581961369303	person:0.08335828476893935	in:0.08180463954838182	man:0.07974273265284054	law:0.06892597073924195	:0.01
was:0.27390593374756966	be:0.21192267846493465	been:0.19431634068452486	is:0.08263060340291935	were:0.07963640230788915	being:0.04562030568057756	are:0.040490403827281744	duly:0.039595905772257974	and:0.021881426112045042	:0.01
the:0.2924723740952651	of:0.24624191642422222	and:0.14296481611065612	in:0.07886093580105774	an:0.0762831585286595	a:0.05205268016219819	In:0.03943101220401707	tho:0.0313557036293535	for:0.030337403044570634	:0.01
Mr.:0.3702077283855258	the:0.14232419127082224	Mrs.:0.11394764053776243	that:0.11242229092684476	and:0.06846573297634068	The:0.05783943596549009	of:0.05664637882626887	as:0.037561575589130064	<s>:0.03058502552181522	:0.01
the:0.34086280338812647	of:0.2209304048812254	and:0.14086953403042624	to:0.07661365940134278	a:0.06801046762412659	in:0.051012877342832365	or:0.032266667701785025	for:0.03027112603427195	The:0.0291624595958632	:0.01
the:0.2956094797490784	of:0.2070096674535779	to:0.13703385062836818	and:0.09556482631094688	in:0.09005620550513553	a:0.0554350900222597	from:0.03859587847652028	for:0.036922879515918876	on:0.033772122338194176	:0.01
so:0.38758075701856	as:0.21056697043876385	thus:0.13945610924299393	not:0.05656890603308129	has:0.048578250367687946	have:0.042328151963522354	So:0.04231037673488106	had:0.033486518941708496	and:0.02912395925880108	:0.01
the:0.3651508149182535	a:0.3571000846707914	feet:0.052086416403611564	of:0.04969353636559276	very:0.046022077868290885	and:0.03537485334239393	miles:0.0315169678895437	as:0.027944301318994166	The:0.025110947222527966	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
and:0.28498396916493884	fact:0.16772936846355146	believe:0.11030694448047389	said:0.08282177114676713	so:0.07893580056348255	know:0.07415064946025161	say:0.06745413129811943	is:0.06613540608435198	but:0.05748195933806297	:0.01
is:0.22459151188799142	be:0.1638862740120662	was:0.14405521425597684	are:0.1329045451653582	been:0.09549431831110809	and:0.08080769049032668	were:0.053153401152112464	have:0.04817819466041724	Is:0.04692885006464285	:0.01
would:0.22980511667265655	to:0.17299540970927663	who:0.12482764014450815	they:0.10355307675313528	I:0.09251266344910342	which:0.07981734282547859	must:0.068890066387715	might:0.06196287097814179	shall:0.05563581307998454	:0.01
the:0.6639985346917596	a:0.0804424180177557	this:0.07639923307866751	said:0.05257407367074274	tho:0.026153010015748223	further:0.024361349526511738	any:0.023319207614397805	large:0.022090846241977987	principal:0.02066132714243858	:0.01
and:0.2682983319507874	recorded:0.10717905104111182	was:0.10263907629409649	made:0.09927630384100071	that:0.09842569549211198	o'clock:0.08895025276229458	up:0.08173084504592748	is:0.07240199994443215	found:0.07109844362823738	:0.01
it:0.2468636242081403	he:0.1979417568105073	It:0.1550388266431037	I:0.11216095483048291	He:0.06573598728029227	which:0.06391311255864916	and:0.058594392343818864	she:0.058577371233243296	that:0.031173974091762077	:0.01
of:0.4327606468298574	to:0.11960615725676241	in:0.08418703813476255	that:0.07651320784401786	for:0.07405622230684766	and:0.07346224312458302	with:0.0489479766996418	by:0.04342478826169136	from:0.03704171954183597	:0.01
the:0.8440911736901061	The:0.053381688094037205	tho:0.028461736880908303	this:0.017304089161641247	a:0.01137765012386882	and:0.0110408191960974	said:0.010343471220139785	tbe:0.009458530074233959	next:0.004540841558967443	:0.01
the:0.29625756481331184	a:0.21030809934818986	of:0.1867919365662154	to:0.07082916654828149	this:0.053306392898573945	in:0.045446035939680655	his:0.04489459341657672	and:0.0438765087612954	that:0.03828970170787472	:0.01
and:0.29169997815308213	was:0.1328703627143118	out:0.08873310066938216	that:0.08746131418060452	placed:0.08440072742047074	work:0.08020079681811661	made:0.07677797059304475	is:0.07472371838239819	up:0.07313203106858901	:0.01
of:0.245582408204429	and:0.22949129043129335	in:0.16652774306195928	to:0.13526995586883586	the:0.07395594302199227	In:0.049503816019997794	that:0.03271154849973813	they:0.030840721703990007	by:0.02611657318776416	:0.01
few:0.19450152953606933	five:0.13857266093962295	30:0.12889195606878387	10:0.1203756479239483	15:0.09283930446972474	three:0.09072078564861187	ten:0.08380586767590557	45:0.07614630683773513	20:0.06414594089959828	:0.01
of:0.28019084533938504	and:0.12320523122048535	in:0.11977656065876817	to:0.1175167057364593	that:0.09258602815014573	with:0.08173959990435527	by:0.0604429170125079	is:0.0577764002602534	all:0.05676571171763983	:0.01
the:0.5956399598597362	The:0.10842512355547573	this:0.08876300276063795	said:0.05874596142702979	rail-:0.04657512008255807	tho:0.03181518348603225	rail­:0.02883075901222134	a:0.015749584002049268	that:0.015455305814259435	:0.01
a:0.37552245767899584	the:0.354281759836515	The:0.099551715725827	this:0.03497753748886995	his:0.030554478510565895	that:0.02790953912107879	tho:0.023199486889534594	A:0.022820746261423153	one:0.021182278487189846	:0.01
of:0.32933873784540807	to:0.13588505052361952	in:0.13246546386487038	and:0.07903404811115332	that:0.07055098241519414	by:0.0677010198215086	on:0.06283241823507148	for:0.06212720587526149	at:0.05006507330791291	:0.01
the:0.2639506293851738	and:0.19501039686586272	to:0.14601691692877852	of:0.12515324726393026	so:0.07017329332869995	is:0.061556309784988696	be:0.047429934184572566	he:0.04243046255372475	was:0.03827880970426894	:0.01
in:0.24963004513769382	for:0.18782106812249647	of:0.17584207456998097	to:0.0923053794486979	on:0.07670023931706185	In:0.06902809770557897	from:0.053574280619251784	at:0.044578141379218145	during:0.04052067370002011	:0.01
made:0.206066763602623	and:0.2004053252849108	owned:0.13383030805196733	occupied:0.09301599772971743	accompanied:0.08391360314116254	assisted:0.07739609939906002	given:0.06832840876283912	followed:0.06786946081494062	signed:0.05917403321277898	:0.01
is:0.2784631131670363	be:0.21962280148859833	are:0.1428621781409449	was:0.11935922336568353	and:0.0767832739801551	been:0.04035076914034935	Is:0.038101361203158074	not:0.03740134506575619	were:0.037055934448318326	:0.01
person:0.2328186236425389	one:0.2034947129794607	more:0.10690987298792885	action:0.09415034252437884	man:0.09140528413367112	city:0.0724693075264199	in:0.07095714165608993	owner:0.06485082513783531	law:0.05294388941167652	:0.01
the:0.22397134121426301	was:0.1994209386941945	be:0.12449244513447065	and:0.09709815396076861	is:0.09626178704788198	been:0.0719940664059762	a:0.06598449928523704	were:0.05825675864246042	are:0.052520009614747475	:0.01
and:0.3079069995791492	of:0.15703359043111892	the:0.09695346957938132	be:0.08008775556196852	a:0.07801796281644581	in:0.06960382693033287	is:0.06885254681667446	was:0.06803906530008293	he:0.06350478298484587	:0.01
made:0.2404543554274467	and:0.2346421007340919	or:0.1200765638048787	it:0.07362996342121234	paid:0.06765443619763341	accompanied:0.06763820500275661	that:0.06328132990515498	ed:0.06221375546530908	done:0.06040929004151634	:0.01
and:0.2184318121598121	was:0.1230405661772134	application:0.11201600084458438	there:0.10543464100911014	so:0.09104954407601033	place:0.08983240976791725	feet:0.08549378372770965	as:0.0831532901994411	him:0.08154795203820162	:0.01
the:0.43142035873479156	and:0.11391028234865838	a:0.10003552143208735	of:0.08861089863957464	The:0.08561512584379367	this:0.059578047929625	his:0.044618641524518915	its:0.03321055955151211	tho:0.03300056399543838	:0.01
virtue:0.21738001102627375	out:0.189773379209129	part:0.11522775944009786	one:0.10400846177203445	quarter:0.09462884564091133	favor:0.06983811406326706	result:0.06817617839096966	guilty:0.06617001917752548	means:0.06479723127979137	:0.01
is:0.19360874356912927	was:0.1438323593143901	are:0.12186296434341747	did:0.11746438789983728	do:0.10721052931890085	could:0.08616034692945326	and:0.07546047057592253	does:0.07227133429734381	will:0.07212886375160546	:0.01
the:0.2934620670631731	of:0.21415933326674222	and:0.15945002087278182	to:0.06780370218056996	that:0.06419988100345986	The:0.06058387775262814	in:0.05834616193645579	which:0.03917179644278348	or:0.032823159481405344	:0.01
and:0.1998192453613609	able:0.13248592988721566	order:0.123134489772308	him:0.11025442400641677	necessary:0.09921571203751138	unable:0.08749410447623968	enough:0.08095777976827818	is:0.0791396149871568	them:0.07749869970351274	:0.01
and:0.22465341856951168	of:0.18398944533749134	the:0.17512623129788135	to:0.12941064912231595	in:0.08287962300650202	for:0.06398070363622611	a:0.045637345735997356	be:0.04334382841250944	<s>:0.040978754881564924	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
and:0.4360667341531061	or:0.13607605449649846	that:0.08481531967431313	it:0.06128949466516357	is:0.0571767370084036	one:0.05426192514257556	out:0.053706835033202546	but:0.053556234289868526	are:0.05305066553686855	:0.01
in:0.28491915500485915	of:0.1790675541765259	to:0.10733941527995426	with:0.08888384068794526	for:0.0794512754937931	from:0.07686593721318759	by:0.07177077902446355	In:0.06488916848602157	and:0.036812874633249545	:0.01
of:0.34606071172137626	and:0.11591883397339091	that:0.10349643361766386	in:0.10067497324150196	to:0.09560195382594887	for:0.07734247718693771	by:0.07106715228835273	when:0.04409793488785728	In:0.035739529256970264	:0.01
the:0.6525935421539668	a:0.15995929703338552	The:0.045892598570620176	tho:0.035792006801019106	and:0.027732157184831185	seating:0.02099208553239426	this:0.018182510540227823	great:0.015133894557370513	tbe:0.013721907626184741	:0.01
sum:0.18676829411122214	number:0.1566486321513545	line:0.11140081741272478	city:0.10844765106291132	out:0.10739005474369737	day:0.09286734076326106	county:0.08286139477536687	amount:0.07384405151900511	Board:0.06977176346045691	:0.01
the:0.32344792120366006	and:0.1357498396866892	a:0.12045919366652863	of:0.11144736938601565	to:0.10819936268192318	so:0.05485077267885555	is:0.05113804921283257	in:0.04560258755074352	be:0.03910490393275158	:0.01
of:0.33624068030690824	the:0.30308670599730353	The:0.10270148851560254	and:0.051622747630073705	other:0.04396391978002977	these:0.04378740500830648	for:0.040988315996148425	at:0.03438553678432564	all:0.033223199981301604	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
of:0.4326845688133965	to:0.14836525818240454	in:0.13029223932377373	by:0.05705784658395069	for:0.05694320706812846	that:0.054944876370448315	and:0.05125575659034566	from:0.030445947879073603	In:0.028010299188478645	:0.01
they:0.26004076152708355	who:0.12520266395751165	there:0.11579702370869374	we:0.11373584132620912	which:0.08776419117906965	and:0.08322440250912155	you:0.0759804396257324	There:0.06594329369292241	They:0.062311382473655905	:0.01
<s>:0.6507796525205355	.:0.08479095815615799	it.:0.05679809110708544	them.:0.042480185160281125	of:0.041643014375402555	day.:0.0374053345579648	time.:0.02734613506225094	year.:0.02513026711926958	country.:0.023626361941051978	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
the:0.5012296711627251	of:0.14486039342424306	to:0.09663212922834193	and:0.06399900374481801	our:0.05755083612027528	by:0.0357926713712869	many:0.03093521853788159	The:0.029689823386327596	these:0.029310253024100664	:0.01
of:0.27915740879339185	in:0.19382429026844017	to:0.13169619000339938	for:0.08785832696387572	and:0.07222954537024143	by:0.06908763183783362	that:0.06005208296808791	with:0.05499450157652802	In:0.04110002221820222	:0.01
of:0.44398068277731534	is:0.08921591406086371	to:0.08277556235820129	for:0.08028346969902173	in:0.07245699715722363	and:0.06873477572635728	with:0.06042675975121881	that:0.049617440488343434	by:0.042508397981454685	:0.01
of:0.3109107872284451	and:0.12644542128862366	to:0.11078899842463712	for:0.10611587401054573	all:0.08404385585879638	that:0.07703747577421101	with:0.07194220916357039	by:0.05878037878707624	in:0.043934999464094224	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
him,:0.17690447851728744	her,:0.1533126647453332	him:0.14792666351209227	;:0.12263714346654288	it,:0.11686016549746515	them,:0.08381371197818727	up:0.06870904744491085	man,:0.060774436642818355	me,:0.05906168819536257	:0.01
for:0.18979848967934598	and:0.1854495656729433	as:0.10872216274631313	that:0.1020823848290341	to:0.09782570887607345	in:0.09322041310824385	of:0.08316277014484291	but:0.06508815220824771	cleanse:0.06465035273495555	:0.01
the:0.678696703879661	a:0.05730789716133007	The:0.05430711446449171	tho:0.0423948059568251	of:0.03981966289752844	all:0.03719987567293217	and:0.03427318757568544	other:0.030221108360069845	tbe:0.015779644031476067	:0.01
the:0.4534407311218328	and:0.12000662869295875	a:0.11378049891921072	by:0.08681613699381312	The:0.08020246566313075	of:0.0529228034092195	tho:0.03234385796237906	in:0.032120276856080696	with:0.018366600381374595	:0.01
<s>:0.2954496788958316	them.:0.14474608198069722	when.:0.12339502869667449	it.:0.1129115388089278	him.:0.10169353626189274	her.:0.06341200876422035	country.:0.05464248871980441	life.:0.04822530320059761	time.:0.04552433467135387	:0.01
the:0.6974231579645207	The:0.19490601666372676	tho:0.034875646217288864	and:0.03163712571065114	tbe:0.014176142186273034	Tho:0.00767642287960905	Tbe:0.0034784483644625668	of:0.003145957106776017	that:0.002681082906691632	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.04553578393787439	of:0.03051332981678091	tbe:0.02261446403444868	in:0.021612439669724332	or:0.020196218295911488	:0.01
the:0.2962493920079112	of:0.15562869104831378	and:0.12927696450969606	to:0.1159415058606968	be:0.07387456841718645	in:0.06434072863081983	for:0.054663300967682696	a:0.05161310741990075	his:0.04841174113779219	:0.01
and:0.5038375698211737	the:0.10762658832225747	that:0.09247675885790609	of:0.06058569858866524	as:0.05511986252370307	if:0.05278084179866965	than:0.04678280082873489	when:0.036280167911806105	but:0.03450971134708389	:0.01
the:0.2986826534375949	and:0.16308198855800435	of:0.1370289146592762	a:0.09414161860189202	to:0.09331404836791349	in:0.07677181568203639	be:0.04431425091675938	is:0.043785987961034736	that:0.03887872181548844	:0.01
the:0.36756259985498313	oppo-:0.184290864360168	a:0.17751863651203492	and:0.06810189269734995	of:0.06360199570295791	their:0.042448290109393334	his:0.03135557189551002	one:0.02957687666456179	The:0.02554327220304082	:0.01
the:0.2639506293851738	and:0.19501039686586272	to:0.14601691692877852	of:0.12515324726393026	so:0.07017329332869995	is:0.061556309784988696	be:0.047429934184572566	he:0.04243046255372475	was:0.03827880970426894	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
to:0.23996086881653383	told:0.16082138161505694	with:0.12427495707242145	let:0.11656840131444988	tell:0.08533969826648813	of:0.0826102319844061	made:0.06608954047265825	make:0.06494991705744245	for:0.04938500340054274	:0.01
the:0.3081547200255633	of:0.22207630136070047	and:0.10097330787937071	The:0.07014991374778069	his:0.06826832012749856	I:0.0586568498622442	that:0.05620256790943578	a:0.05590343166016536	in:0.04961458742724078	:0.01
and:0.30677292378874293	so:0.1541355805656449	as:0.13720758854280965	all:0.08544033452234645	said:0.07301816151294235	is:0.0652641520253295	fact:0.059691182895634486	of:0.05694502439648133	than:0.05152505175006848	:0.01
of:0.457084909730037	in:0.1649952578113814	with:0.07075081193026524	to:0.061973005809676025	for:0.05808485521956968	that:0.05536414231887381	by:0.05312704606223304	any:0.0374188857046503	and:0.0312010854133135	:0.01
of:0.2240342060054953	in:0.14516170479825938	and:0.13212057878410224	with:0.11014502286698992	to:0.09261782204281768	for:0.08424706121080794	by:0.06881763727215483	such:0.06729939123844485	as:0.06555657578092805	:0.01
of:0.3956967548326342	in:0.1262392472079828	to:0.11114993235797066	on:0.09098290303788321	with:0.05821395419443671	for:0.05519299069783784	and:0.052082735451819434	from:0.05120073386117864	by:0.049240748358256405	:0.01
of:0.2259884777378865	in:0.1279502676123141	as:0.10803511903377902	with:0.10289676309994414	to:0.10092096777749439	is:0.0958816162923596	and:0.08543175696245596	was:0.07364376919960383	for:0.06925126228416238	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
feet:0.2083705893710341	poles:0.16686243736995118	up:0.11619557552687124	chains:0.11156855355118703	entitled:0.08437694067907713	went:0.07935061363836472	came:0.07491532896457027	down:0.07426522602773696	him:0.07409473487120727	:0.01
of:0.43046028925467045	to:0.11357820551653747	by:0.100840405892417	and:0.07552596443409236	that:0.07074395380914747	with:0.06156809764209409	in:0.051494090116937306	for:0.048277699359500305	from:0.0375112939746035	:0.01
of:0.5446282484448152	in:0.09588880263262123	that:0.06782061674126716	to:0.06317623594419544	for:0.05334956523603492	and:0.046289874935526644	all:0.046262455958640925	by:0.03665148666274653	with:0.03593271344415209	:0.01
to:0.3049596941773304	with:0.12712496697189807	told:0.11524202810659917	give:0.09887717033813452	gave:0.0866394706365719	for:0.08523530919373505	by:0.06571515819179209	made:0.0550802074813037	make:0.051125994902635405	:0.01
the:0.24273168535548567	of:0.18668589338714042	and:0.1432105146957313	to:0.09150509943756145	an:0.0762625754774545	in:0.0734328236603575	be:0.060566748126170855	is:0.058049300798359925	Mr.:0.05755535906173826	:0.01
and:0.29214256030622165	that:0.11946947811527485	was:0.10863574967892065	is:0.09302268947469781	work:0.08300049640663795	put:0.08218647110718294	them:0.08022178637010209	due:0.06950784791458757	out:0.06181292062637442	:0.01
was:0.23133086832579033	is:0.16510014470369255	and:0.1378238415594099	are:0.13766002943057465	were:0.08794933759349198	be:0.08568232626991314	been:0.07411998237113916	so:0.04110523513827725	Is:0.029228234607711064	:0.01
of:0.3824123523851021	to:0.1081433432016535	in:0.08302152864274155	on:0.08100080720889886	by:0.08061828314148956	and:0.07598325472306293	that:0.069059700666155	with:0.06079501407789006	for:0.048965715953006514	:0.01
he:0.2975938412664554	I:0.1471282251961426	who:0.133573698416004	they:0.09630194152462258	she:0.07780358321265957	and:0.07122033994947811	which:0.06282023249521906	He:0.05213221799963884	that:0.05142591993978003	:0.01
I:0.3194234935257483	he:0.20660944613225948	and:0.13775389397917365	He:0.07517742087144041	they:0.05998566547237524	she:0.05416668126693703	we:0.05294050973683859	it:0.05115019078625171	who:0.032792698228975646	:0.01
a:0.271646526376374	the:0.1794854625025806	and:0.12355269842903192	of:0.08855741068948488	much:0.08038292109789887	is:0.07822002781420025	no:0.06884078709725072	was:0.05481582036721367	be:0.044498345625964955	:0.01
to:0.5464258021087872	the:0.08820512872448981	this:0.08515875041656314	an:0.07987387148172387	will:0.0741479727113634	and:0.04310149755258639	would:0.03240862091542294	that:0.021939961322096704	I:0.018738394766966655	:0.01
of:0.3283983630450615	and:0.1673926436028029	in:0.14249933398260786	to:0.10949786631353517	for:0.06401015080074238	from:0.05289082845884991	or:0.050813370705714234	by:0.03882530603202478	In:0.03567213705866127	:0.01
of:0.4550128725261236	the:0.25837874885165446	in:0.06859124693292427	on:0.04076319308583492	that:0.0369954402518351	such:0.03336125731206536	and:0.033347405815738654	any:0.03302763352305085	for:0.03052220170077271	:0.01
the:0.16304133629527176	to:0.15096654575515028	in:0.13912023474069918	a:0.13764255846619158	at:0.1324387883992742	of:0.09455521615707772	and:0.08270183453987377	for:0.0559718478015236	In:0.03356163784493805	:0.01
in:0.402819547575173	of:0.14120465594222892	such:0.0944978132060378	In:0.08216346488520507	to:0.06566757972014131	as:0.060150030669210035	with:0.056060224861612176	for:0.04759870680848039	and:0.03983797633191139	:0.01
of:0.23225297716848237	is:0.13169905665093942	with:0.1214096017898384	was:0.11199542595860838	in:0.09647607952084122	to:0.09570097926313262	by:0.07576528170503737	as:0.06238098011175955	and:0.06231961783136085	:0.01
the:0.25015508706163736	of:0.17327320107306698	and:0.14388289249475145	to:0.11475751953988335	a:0.09038001401223485	in:0.07346713906469311	be:0.06537517806815311	is:0.04234795454789139	or:0.03636101413768829	:0.01
of:0.2807409693148457	the:0.198724709207837	in:0.11883636103546562	to:0.09029901596446932	their:0.08008109970518629	and:0.07732017205997174	his:0.06848728681016576	with:0.03925584667375463	a:0.03625453922830392	:0.01
it:0.24112649263459635	he:0.17660792899787944	It:0.1713624494321809	I:0.08209974212840983	He:0.07828896755119588	which:0.07500438521777203	and:0.06286527553672037	who:0.0534546761422916	there:0.04919008235895345	:0.01
the:0.3299177818426395	of:0.17897670274827274	to:0.1253793792460873	and:0.10985980430753879	in:0.06240993305390326	for:0.06192854377065038	be:0.05083764956696977	was:0.037005804169285124	is:0.03368440129465309	:0.01
have:0.29584954608748276	has:0.25574118478343016	had:0.2206107559494313	be:0.060466611137394835	was:0.046155156629602144	and:0.03875512553512446	having:0.03347533427009636	been:0.020141470369893933	he:0.018804815237544053	:0.01
of:0.2583998207595519	in:0.15701505023458343	at:0.12836207510641293	and:0.11608283907669409	to:0.10569401534597776	for:0.06127878974678295	on:0.05990646107151451	with:0.05539693305426322	by:0.04786401560421906	:0.01
of:0.4018143448987059	for:0.11257106545887988	to:0.08883073767382359	in:0.08454338823437582	and:0.08178134185799561	by:0.06968614119086203	with:0.05929141899103251	that:0.05527727452546182	from:0.0362042871688627	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
line:0.14054641600156478	side:0.12875885881827662	out:0.11766175965088524	part:0.11542438789321588	sum:0.1097544245772023	rate:0.09908147077988151	one:0.09602582545184905	District:0.09353048747821564	north:0.0892163693489089	:0.01
the:0.42146625863980747	whose:0.1360798232640784	The:0.10378103102514415	of:0.09542035689929496	his:0.07760485994890658	my:0.04987158613304362	and:0.04645004093779594	a:0.03210860328286859	their:0.027217439869060105	:0.01
of:0.2746196990760485	a:0.1670746512741821	in:0.13475018134568018	the:0.09861179809273447	make:0.07881227711402573	and:0.07793796464051363	for:0.059428649692308495	as:0.049557355210406585	with:0.04920742355410022	:0.01
the:0.3180901285250719	of:0.18923303438622263	a:0.13925115098286223	and:0.07844450447611016	The:0.06942255219991854	to:0.050783368538839725	that:0.05075406846054873	in:0.04900048893907593	as:0.04502070349135032	:0.01
one:0.2258671110877107	all:0.2031892481711279	copy:0.13585339809724553	some:0.08000904611832456	out:0.07379004803716031	those:0.07122279865131625	means:0.06962753566551792	purpose:0.06649818257859248	part:0.06394263159300427	:0.01
and:0.2649826769395281	the:0.23577238505719245	it:0.08303285589034985	or:0.08258431767880546	he:0.0775812102988463	was:0.06501797128489323	a:0.06265782827882889	be:0.05962087580884659	is:0.05874987876270907	:0.01
the:0.3333025986304449	of:0.17530858978835576	and:0.12317249787382369	The:0.10807500893226044	that:0.07593390526984987	a:0.05733184144613451	in:0.04589435866209109	our:0.03637538401388215	for:0.03460581538315736	:0.01
feet:0.3576974938932752	miles:0.19778723378062502	and:0.1450214646553159	street:0.06741871355008124	range:0.04980618034345614	came:0.045293786480552836	mile:0.04470834992560336	or:0.041412156205172725	year:0.0408546211659175	:0.01
well:0.1712434410624667	such:0.15167650231689994	far:0.14721513796168123	or:0.14653938248873416	and:0.14033903829108632	known:0.08002055324179583	much:0.06299207214921484	not:0.047054689783150666	that:0.04291918270497017	:0.01
was:0.44493844899831103	is:0.12223351903828643	were:0.10650848415359188	are:0.0946176175877571	be:0.08610495519193558	been:0.07716688122989983	and:0.021616487442173066	being:0.019129409353507733	Is:0.017684197004537258	:0.01
the:0.8523642523958745	The:0.041595333910717416	a:0.024856398147859	tho:0.02172659097944801	on:0.0130434039945706	and:0.01128305645045237	this:0.009134055788536138	tbe:0.008635382264557052	next:0.007361526067984754	:0.01
the:0.25015508706163736	of:0.17327320107306698	and:0.14388289249475145	to:0.11475751953988335	a:0.09038001401223485	in:0.07346713906469311	be:0.06537517806815311	is:0.04234795454789139	or:0.03636101413768829	:0.01
Miss:0.38405712090450755	Mrs.:0.19722207990986967	and:0.13911592659818145	A:0.08362295893652165	Santa:0.0509553311658341	Mr.:0.041360159344149064	the:0.04054964097582808	St.:0.026766004690872515	.:0.026350777474235858	:0.01
an:0.4467655105900865	the:0.2677247286355517	great:0.04682714362562003	of:0.0450566331385393	and:0.042245673474903066	some:0.03802143252100447	any:0.037025022784694814	this:0.03678097693373394	such:0.02955287829586608	:0.01
the:0.4309486819721371	The:0.32260489237798823	a:0.04698934092594325	his:0.04634792794879675	This:0.040678540313922804	this:0.03546970274821187	tho:0.026479402055333525	Tho:0.021002054488782732	my:0.019479457168883593	:0.01
of:0.6173107556525521	the:0.23173443899655022	said:0.039433505252601316	agricultural:0.022038286589220718	on:0.019909073193792936	The:0.016985257699293016	this:0.01545694058449053	and:0.013577504471823508	tho:0.013554237559675662	:0.01
the:0.32344792120366006	and:0.1357498396866892	a:0.12045919366652863	of:0.11144736938601565	to:0.10819936268192318	so:0.05485077267885555	is:0.05113804921283257	in:0.04560258755074352	be:0.03910490393275158	:0.01
a:0.6305733330732904	the:0.20690320403573623	to:0.04556074453224385	no:0.03558386121955453	any:0.01982817465960245	The:0.014023897474935196	and:0.01314563536034711	tho:0.012396298438872067	an:0.011984851205418182	:0.01
is:0.2707413414212399	be:0.255328003500793	was:0.1096223318779084	it:0.10323522636937754	not:0.0929291473762586	are:0.050343224644891556	and:0.04472119973412974	Is:0.03222829517356239	as:0.030851229901838886	:0.01
that:0.2567268322029837	as:0.24818668853499415	and:0.1996383284473789	but:0.06988130866646736	if:0.05765418101619064	of:0.05685928020591724	which:0.037598209006366734	for:0.032114516756359485	when:0.03134065516334192	:0.01
and:0.4463164919020113	week:0.13119522780405454	made:0.07136067264947628	one:0.0654121298115812	or:0.06132945539715317	paid:0.05773504371541034	time:0.05548532302173236	but:0.051884873671603646	vote:0.049280782026977214	:0.01
the:0.406811963572202	and:0.14566290293511855	of:0.14068953701551518	to:0.06458209718161279	in:0.06169658032414068	be:0.04631258858882633	a:0.04218138808861535	his:0.041763664213922434	for:0.04029927808004656	:0.01
protest:0.18158894746220738	up:0.13838033430545138	and:0.13301283619280868	made:0.10905090656458119	voted:0.10814697149090968	guard:0.08944325174771817	fight:0.07947814140945493	out:0.07553365881436344	vote:0.07536495201250488	:0.01
It:0.17702966584971225	he:0.14889743562223826	and:0.12209707987782502	it:0.1173689306368948	who:0.11599627613473494	I:0.10112703452721113	which:0.09996228756879036	He:0.05387334966957153	1:0.053647940113021854	:0.01
to:0.34789605949390273	will:0.10883127175207157	we:0.10330764562532667	I:0.09893824891342697	would:0.09050811002382311	they:0.07462533121864547	you:0.06673814458142291	who:0.050632020150025825	and:0.04852316824135487	:0.01
and:0.3223991660878865	them:0.12675238619783002	it:0.10010717227693151	that:0.0916462931611764	was:0.07361762533117142	men:0.07120402384898782	or:0.0707031680732684	made:0.06705269116907098	him:0.06651747385367691	:0.01
Miss:0.2539277729172258	Mrs.:0.25264401562663813	of:0.14234442576498305	and:0.12269136883743671	Mr.:0.086473565617928	the:0.046900291601155684	<s>:0.02914878426455049	Mrs:0.02807309578961898	said:0.027796679580463342	:0.01
of:0.25980312759030366	the:0.17826196286912555	to:0.1561652622494187	and:0.12142811466822263	in:0.10282084304173358	by:0.045036686129959334	or:0.04349418155382577	be:0.04214068340290644	at:0.040849138494504174	:0.01
of:0.24442652607233206	in:0.24301027233764863	to:0.15047956426013193	and:0.08215185491361081	with:0.05998278437662878	that:0.05761704352261361	on:0.05667897546676586	In:0.04976682640357183	by:0.04588615264669637	:0.01
it:0.2785617870082724	It:0.14058657073537018	as:0.12754388100244876	which:0.12453991685388906	that:0.10374278837395835	they:0.0775235962159316	there:0.05505262519992346	and:0.04275356669332104	he:0.039695267916885144	:0.01
<s>:0.18909642244952152	was:0.1617082847902387	and:0.12640558328914384	is:0.11115801615879319	I:0.09914334064321477	be:0.08975182304856848	in:0.07421189134745068	it:0.07150321714559031	-:0.06702142112747835	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
at:0.5000001479252973	the:0.08271645201962013	his:0.08095737602579957	go:0.0642277737098321	went:0.06127964441559463	a:0.061082399598658535	her:0.04954592229256551	of:0.04846799371413769	and:0.04172229029849443	:0.01
and:0.2638958506007994	<s>:0.16472347968411702	-:0.14087395293006122	of:0.13765118226606718	that:0.07537991551412042	:0.06283718295363389	when:0.050457950740227166	her:0.049973433736454076	.:0.04420705157451968	:0.01
have:0.35328946251732746	has:0.2674436609141953	had:0.24268234427973356	not:0.035514939864548255	having:0.033545822314682665	bad:0.01624217359426345	ever:0.01499857179966968	never:0.014904747853835006	havo:0.011378276861744831	:0.01
the:0.2974502811850691	of:0.22091422415753312	to:0.09236837889488791	boy.:0.0741306415053232	and:0.06960437249933987	girl.:0.06679148007921792	a:0.06486805677156715	in:0.05550313372308324	for:0.0483694311839784	:0.01
and:0.38215889915084983	that:0.23532462707148347	as:0.08462982608772848	but:0.07658927275391877	or:0.06189037594726586	and,:0.05129089578558285	even:0.03680992770500972	But:0.03366671037855997	which,:0.027639465119600977	:0.01
and:0.14059384255740423	want:0.13834896121513227	wanted:0.13085276173819985	him:0.12074286177685824	ought:0.11966244203702353	glad:0.10021083320757326	enough:0.09246620823513617	able:0.08606843128632001	is:0.06105365794635238	:0.01
one:0.2457922824415998	some:0.12651763903370483	all:0.1063314735857588	part:0.09632247957245753	that:0.09369220667048933	any:0.08692369179179713	portion:0.0857717869118884	out:0.08012909935448609	many:0.06851934063781807	:0.01
the:0.3431930298578957	of:0.17993744906667392	to:0.13472712873739773	with:0.08425740500773413	and:0.06860531123458394	his:0.060563024668971496	their:0.0430852714192083	by:0.03930275590052466	said:0.036328624107010064	:0.01
and:0.3243481058981709	was:0.1183254908156455	held:0.10061653345026714	Beginning:0.08194282066246006	is:0.07787052591190631	look:0.07433840727139067	arrived:0.07348439933321942	that:0.0714853472708103	interest:0.06758836938612982	:0.01
the:0.28885804025763695	of:0.19457268553638657	to:0.1679392901513776	and:0.10115565894006996	be:0.06021550654373138	in:0.05991065962582752	for:0.040913751984400906	was:0.039031659071523936	a:0.03740274788904502	:0.01
a:0.33472250787535324	the:0.2988076366343262	this:0.1363857888502908	and:0.056191996893549076	his:0.04356916892798964	to:0.036422187640896705	one:0.030931486793201384	her:0.027789107848500787	no:0.02518011853589234	:0.01
have:0.35216179468066566	has:0.27059186867561225	had:0.23648925730389508	not:0.03955621184357974	having:0.03844339174729506	ever:0.016390203589184284	never:0.014791974174584688	lias:0.01216507355256019	bad:0.009410224432623088	:0.01
the:0.481093023525822	a:0.3683333747558085	no:0.04577555641127297	The:0.03242902080201458	tho:0.020327812170319242	this:0.020261402253124897	any:0.00965160408432844	tbe:0.00612250987854518	every:0.006005696118764275	:0.01
and:0.19051943986217013	of:0.17206397922323483	as:0.1674750915859768	the:0.13450047028301987	to:0.09096766000852799	be:0.06575526900119627	such:0.06334143169216884	much:0.05500551658222766	in:0.050371141761477715	:0.01
the:0.2893467002777625	and:0.2678848665290488	of:0.0840174880242991	will:0.07841544694787048	to:0.07689341974511672	a:0.05338739013361728	do:0.04931661728445872	that:0.046544685099361716	would:0.044193385958464934	:0.01
the:0.42462692748362824	of:0.11226294202711529	their:0.09281515749099888	our:0.07646482733182322	to:0.0648652625408183	its:0.05848379762500781	his:0.058200465111302446	a:0.057845231967719186	and:0.04443538842158664	:0.01
of:0.23817198602954937	and:0.23415746017761663	in:0.1159835339547378	to:0.10227189079610366	fact:0.07859923495468527	said:0.06648519540808896	on:0.0596758126790623	all:0.04959175794549596	is:0.045063128054659965	:0.01
the:0.3230548638155048	his:0.1556649159978527	their:0.11371971439312943	her:0.07640541281394718	of:0.0683089124265501	our:0.0670503706343345	and:0.06252676225148593	to:0.06177564394117947	a:0.06149340372601597	:0.01
and:0.4162183978110555	that:0.163458986961152	but:0.15085800932245572	time:0.09051496159939351	But:0.0420200206479457	or:0.03289202466608836	And:0.03259759774999471	even:0.03258438731625553	especially:0.028855613925658913	:0.01
away:0.19041587022310327	and:0.16519107313931605	taken:0.13090618369387813	miles:0.11772895341262953	feet:0.10551786830952455	come:0.07393483029145144	them:0.07169234007196142	out:0.06832721446888708	came:0.06628566638924843	:0.01
be:0.23857536841144072	was:0.21351582979084544	been:0.09895529604902982	were:0.09576490300233703	and:0.0925220832633726	I:0.07514495412721425	he:0.06507567860372535	is:0.06115992771266814	have:0.04928595903936678	:0.01
to:0.26347294911523633	the:0.2020794349295647	of:0.1554586945041886	and:0.1037219701120252	not:0.09492145302753965	for:0.04905066155861364	or:0.04812685729710847	at:0.03659427367550648	in:0.03657370578021699	:0.01
was:0.23875649461152187	have:0.11698904862916347	and:0.11543188954609236	be:0.11265363042423734	been:0.09906572080435375	had:0.09554981091422646	has:0.08352143136997717	is:0.08071130766282181	were:0.04732066603760571	:0.01
of:0.1977296764112105	as:0.16236734186799556	is:0.11714445471395858	and:0.09677175778520737	that:0.09437542872961581	was:0.08357915383269264	by:0.08031186848504736	for:0.07886594540065144	to:0.07885437277362077	:0.01
the:0.4067186181377292	a:0.13352720329664658	this:0.11855886074558926	same:0.09211833449925548	such:0.06992210367894258	of:0.05036493318951242	his:0.04855319977997505	any:0.03638407105894507	their:0.03385267561340431	:0.01
and:0.14958990246937667	miles:0.141730924338462	free:0.13778745773831563	far:0.11531946154984084	away:0.1142202585404872	suffering:0.09289524012248204	him:0.08182258540364967	them:0.0804645055433097	or:0.07616966429407623	:0.01
be:0.1712289523078109	was:0.15265553575876364	has:0.14063817658326563	have:0.11057783505957076	and:0.11031011357436411	been:0.09096988743009554	had:0.08677536399616304	is:0.07396742191716135	he:0.05287671337280502	:0.01
and:0.29234911527061597	was:0.12295751386511261	is:0.09850110963903781	that:0.09666055421653383	it:0.08628007122265054	as:0.07887221239903662	be:0.0742410316365856	them:0.07029673534852585	up:0.06984165640190108	:0.01
-:0.1955940160750217	ai:0.19131789701304536	the:0.12500546945761565	a:0.11226632200318121	at:0.08318561829437636	to:0.08033157879587685	I:0.0721994987905799	in:0.06640281037451584	of:0.06369678919578707	:0.01
of:0.35397372804259497	in:0.14180258920126268	to:0.1216750769376221	and:0.07954231743330097	for:0.0767056495856364	with:0.06945289534083685	on:0.06443532594725582	In:0.04707956115594643	all:0.035332856355543785	:0.01
and:0.37662837437985086	be:0.11001930954980198	but:0.07832370515264071	is:0.07702846433182271	or:0.07640284267451965	it:0.07358441684982665	them:0.06796579246171842	was:0.06675971655910125	that:0.06328737804071775	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
of:0.4037179266254558	to:0.11334747351553356	in:0.09948878864503247	for:0.07897697373877205	by:0.06719749749805094	on:0.06270493677921989	that:0.06077652975104776	and:0.06001460068030801	with:0.043775272766579505	:0.01
he:0.22130629833607773	it:0.1894182508424371	they:0.11624306468354538	I:0.10250067808855153	that:0.09861876134706349	It:0.07255279350519055	she:0.06597395225033174	and:0.06353368857175624	who:0.05985251237504643	:0.01
sum:0.18676829411122214	number:0.1566486321513545	line:0.11140081741272478	city:0.10844765106291132	out:0.10739005474369737	day:0.09286734076326106	county:0.08286139477536687	amount:0.07384405151900511	Board:0.06977176346045691	:0.01
be:0.2774741939281957	was:0.19632165087456482	and:0.10150494693078758	is:0.09838857176093568	been:0.09205613024692594	thickly:0.06744224284167538	a:0.054789372040538194	have:0.0538349620793941	were:0.048187929296982526	:0.01
of:0.29280448709967866	told:0.1932162732652895	to:0.15126763933933257	tell:0.07593723071378372	with:0.074164911443784	for:0.06691302685325685	upon:0.0552528527559394	remind:0.040390338721420546	among:0.040053239807514705	:0.01
purpose:0.3773391734173146	instead:0.09819396728465436	cost:0.09148072139326435	means:0.08969382980505947	number:0.08912303002812703	amount:0.07373767961386134	out:0.06290247248285934	capable:0.05440872462117451	method:0.05312040135368499	:0.01
is:0.24385399570917227	and:0.18072603736056322	was:0.13909150313024796	as:0.11971100279677171	be:0.09076323968231573	it:0.0869237995244314	not:0.04819400795341326	will:0.045820524700015006	are:0.03491588914306946	:0.01
and:0.2254362447606806	together:0.12966310809592788	do:0.10541847545705385	covered:0.10466919459517868	up:0.09589961048396693	charged:0.09080995849129513	filled:0.08599996831634159	met:0.08349003713897432	compared:0.06861340266058073	:0.01
J:0.2017737453294231	.:0.17575758327758878	W:0.13607141068881867	of:0.1247732088197534	and:0.10566399165829583	to:0.08185226339879645	C:0.058314675548906715	H:0.053899705523611924	J.:0.0518934157548052	:0.01
and:0.2963518930506839	so:0.14127294388052722	fact:0.11934677619133643	said:0.0938250666715126	know:0.0932134021518468	say:0.08466047801883071	is:0.06122937996269785	but:0.050994404267622175	believe:0.0491056558049422	:0.01
the:0.4113820608297657	a:0.14819940953349725	and:0.09806376005281899	The:0.07690811547333497	A:0.0731429877200354	said:0.06088514986862701	of:0.04632072935990204	this:0.043997954213553174	tho:0.031099832948465515	:0.01
of:0.5723750096590736	the:0.1633788025004237	in:0.06099981875782387	by:0.045059984538128366	to:0.04119029042656316	at:0.04087201470370513	a:0.029000303343045552	with:0.019874530171803174	and:0.017249245899433576	:0.01
at:0.23386272713338416	for:0.1565551696887288	of:0.14023015716123088	to:0.1032452191940166	as:0.09658520338738753	and:0.07996850498232945	was:0.06628148578294002	that:0.05701704423769882	is:0.056254488432283846	:0.01
the:0.3852091685420713	of:0.15029792416713436	and:0.13361736839571417	a:0.1189103262448572	in:0.050552263420260375	to:0.042450229405257604	for:0.03799538051249682	or:0.036335932445468226	that:0.03463140686674004	:0.01
and:0.3254243009009799	so:0.13004555675901283	fact:0.1273173719299964	know:0.08967460936850209	said:0.07440366454879636	is:0.07395428550290471	say:0.07298005043663552	but:0.05159215888179985	believe:0.044608001671372244	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
and:0.22187666539046547	was:0.1268660176378815	be:0.12223740422275577	to:0.11169237594610379	the:0.10982284728458651	were:0.0823561230151048	is:0.0754806236886792	are:0.07193026664371965	been:0.06773767617070343	:0.01
the:0.1778777832817595	was:0.137792004552256	and:0.13432448263663513	is:0.13325319914791456	be:0.11306431618925701	a:0.09298855374769688	are:0.07367798310312706	of:0.06961268176664638	not:0.057408995574707744	:0.01
as:0.17481395904871108	up:0.13266480410279494	and:0.11423368936286925	according:0.10311874253127587	back:0.09834039683776628	him:0.09814074486700695	returned:0.09685287995672427	went:0.08599041765307629	came:0.08584436563977506	:0.01
they:0.23393777631256657	which:0.16627304307435387	that:0.10939586978860875	who:0.10657994993254909	we:0.09698135249152573	there:0.09087336235393684	and:0.07159697759333682	They:0.06669617653663383	you:0.04766549191648855	:0.01
of:0.3068565432237506	the:0.17277666113342355	to:0.13580928448557136	and:0.13153503162563296	Mrs.:0.06336974015022759	<s>:0.05095861803042852	by:0.046211094210072315	was:0.04234161726382559	.:0.0401414098770676	:0.01
hundred:0.38841378645436947	up:0.09123185635738856	men:0.08930224671194738	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.07306411117914521	him:0.0668423327581923	;:0.06651424040074755	due:0.06192290086804839	:0.01
purpose:0.16020690338009833	instead:0.13184143521709576	that:0.12971021471397523	one:0.1211966636163461	tion:0.09970463518669784	out:0.08947672260421755	matter:0.08907418443854254	sum:0.08458561159336493	Court:0.08420362924966159	:0.01
manner:0.39461193456752314	and:0.1874970192491854	that:0.10855654014299568	way:0.07037996389927753	time:0.053828768086076215	it:0.04775881818150397	all:0.042702733322799634	one:0.04238708288685657	part:0.04227713966378214	:0.01
be:0.300891211336914	was:0.206822396665934	been:0.12901429098859454	were:0.07277844767568147	is:0.07169681094031735	are:0.06396262318148885	had:0.052315792341623646	have:0.05079053542635918	has:0.041727891443087126	:0.01
the:0.5807336569763077	unpaid:0.1050476027975862	of:0.08768715548313799	and:0.04806713755390664	The:0.038006797572192504	tho:0.035036399201460434	that:0.03437865825687843	in:0.03240335726861292	for:0.028639234889917126	:0.01
the:0.34170127421390223	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093987	to:0.07847171568184984	in:0.05339647102682973	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
of:0.5320031713038267	to:0.12721001365896514	in:0.06991172579291013	for:0.055735427765091834	and:0.04843689613953407	at:0.0468039862905831	by:0.041142670312111836	that:0.035692016329137675	from:0.0330640924078397	:0.01
of:0.2394459909603569	the:0.1947621424096186	and:0.19355548233287828	to:0.10195197766061471	be:0.05930911108984447	was:0.05095346787872063	in:0.05061643649838143	he:0.05024965516650353	a:0.04915573600308141	:0.01
the:0.32533631125785634	of:0.2592988991603747	and:0.11704905458808958	to:0.08016771178091942	a:0.06687919304521714	his:0.040516417728533656	in:0.03814834940695741	at:0.03195657688838135	for:0.03064748614367055	:0.01
hundred:0.38841378645436947	up:0.09123185635738856	men:0.08930224671194738	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.07306411117914521	him:0.0668423327581923	;:0.06651424040074755	due:0.06192290086804839	:0.01
of:0.3272236947854513	to:0.18033639894497852	and:0.09451641340821967	in:0.09011067283868128	with:0.08618925599357297	by:0.08418297227255535	for:0.06174991912199124	from:0.04244483431777291	In:0.023245838316776634	:0.01
of:0.5446282484448152	in:0.09588880263262123	that:0.06782061674126716	to:0.06317623594419544	for:0.05334956523603492	and:0.046289874935526644	all:0.046262455958640925	by:0.03665148666274653	with:0.03593271344415209	:0.01
there:0.1544156858983984	and:0.1515453261554015	hundred:0.13975290515995087	;:0.10813710696224275	men:0.10192354232980386	them,:0.08657603158531092	acre,:0.08560971705447991	right:0.0828550723754704	man:0.07918461247894143	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
of:0.2715548878688196	to:0.12289061183160364	with:0.12237564080875052	in:0.11934583063564606	and:0.11646754161764654	by:0.07881479421760311	for:0.05928174318244187	on:0.05123152525987184	from:0.04803742457761686	:0.01
<s>:0.3507912081630964	it.:0.1603636209057886	him.:0.11297919003270436	them.:0.10436997683303663	country.:0.06274808284594262	time.:0.05764329031536547	life.:0.04839644147999735	and:0.047025418065734945	her.:0.045682771358333464	:0.01
it:0.4418384082692388	It:0.29050709372731404	he:0.0714223270649611	that:0.051420674620220506	which:0.04551473345569871	He:0.026924160706320276	who:0.023357733275795284	and:0.020830103601970736	she:0.01818476527848043	:0.01
is:0.28983215605836515	are:0.20595706324423715	was:0.14938449946460186	and:0.14083772016260823	were:0.06053020078165925	Is:0.0427131511339395	be:0.03930725726903746	but:0.03629945955011474	it:0.02513849233543662	:0.01
is:0.2713033249034709	was:0.2058948008922341	be:0.18858432049551077	are:0.11314129540792536	were:0.04741656770581302	not:0.04461006469359542	and:0.044417349585240816	been:0.039209681704136704	Is:0.03542259461207285	:0.01
and:0.21387728820599297	that:0.1869889465705419	will:0.13708665716303647	to:0.1094922585468785	as:0.09947174617215157	which:0.0738165160302548	would:0.07008562780402315	when:0.049603961025636495	but:0.04957699848148417	:0.01
and:0.18784336682063274	as:0.15114329179679575	went:0.11423878004667351	him:0.10666558228731272	them:0.09110223752457794	up:0.08733803455919152	is:0.08689480544253657	go:0.08340199801381315	able:0.08137190350846597	:0.01
of:0.2623266918748199	and:0.16931911781224943	to:0.11718651220256629	in:0.09621193646023864	at:0.08596869802425788	on:0.07631337133449027	is:0.06325852739186276	from:0.06170001209744979	for:0.05771513280206491	:0.01
the:0.24130576549866314	of:0.18833662870322207	and:0.16607091897550066	a:0.12226357561830728	to:0.08119819928176736	was:0.061441215918139495	be:0.05012797215849653	is:0.043156408701399925	been:0.03609931514450369	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
to:0.6907475963194196	not:0.060012466318461216	and:0.05929974304336111	can:0.038586959477492716	will:0.03810185306014532	could:0.0358557507384341	we:0.023731969231010622	they:0.021832009420144557	would:0.021831652391530478	:0.01
was:0.3448041556414049	be:0.14392282710763354	been:0.12147024725925529	were:0.08826081095965921	and:0.08691903681502756	is:0.07691555382985024	have:0.04615761224642735	had:0.04190816914683711	are:0.03964158699390464	:0.01
and:0.337291893652781	so:0.12479811775737731	say:0.09731998655540984	fact:0.08972889028296345	know:0.08081272560971962	said:0.07728661770633169	is:0.06952093330887803	all:0.060441449528985676	show:0.052799385597553365	:0.01
the:0.18967412161958205	and:0.16039812387112395	be:0.12426122688981936	was:0.12339453984543905	of:0.11493837137436898	to:0.0870008771225483	is:0.07482363279220873	been:0.06158286699078447	a:0.053926239494125026	:0.01
in:0.4370172636883534	of:0.1500863520256536	In:0.108556322100476	to:0.09684856693460837	and:0.0750966351838039	all:0.03454941957596279	on:0.03225289039428687	for:0.0320741357790356	from:0.023518414317819175	:0.01
men:0.15520962776952557	time:0.1323102385571317	made:0.11916930696771814	free:0.1094464554280444	him:0.10451473702889058	right:0.09873402183806176	in:0.09566814856072019	up:0.0897775926408586	life:0.08516987120904898	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
the:0.5192553203061661	and:0.12113052297786031	The:0.07016215120444834	his:0.06150934168931096	a:0.05947769285580786	their:0.04763864286399928	many:0.0442750903868855	with:0.03482704852894334	of:0.03172418918657815	:0.01
the:0.3500004365215156	and:0.1395184794410679	more:0.13538481717512046	a:0.07030048725806917	their:0.06986550166833393	an:0.06385305015131926	of:0.05474362390208294	was:0.05372828755849654	no:0.052605316323994254	:0.01
to:0.3477668603875157	with:0.22502729008555167	of:0.10693618964428558	by:0.09279793570196344	for:0.0831518973377886	upon:0.041555604363160754	from:0.03289083102434691	at:0.030835504419555404	on:0.02903788703583198	:0.01
in:0.14677046527170914	due:0.1431417506713486	;:0.14006865966017362	up:0.10585559372330232	it,:0.10264376936874063	them,:0.09912823220545447	him:0.08584525633389199	time:0.08407810709424966	out:0.08246816567112969	:0.01
that:0.41918642643066417	which:0.12306459701814326	if:0.10584152411724204	as:0.08005889015540969	when:0.06550644305720578	and:0.06232543611427229	where:0.05382186608530333	what:0.041227969678489865	whom:0.03896684734326953	:0.01
of:0.23578156255867042	the:0.2048675271297145	and:0.15296604157537808	to:0.11673014398262535	in:0.07001721765401417	a:0.06517433763987328	that:0.053557675854135865	with:0.048645982046066405	which:0.04225951155952196	:0.01
and:0.19818934683037817	o'clock:0.1706329443139276	which:0.11827156570590157	that:0.11360989116217536	at:0.10630663964754	of:0.0785673062637429	here:0.07749617757790149	meeting:0.06985934574171443	arrived:0.05706678275671841	:0.01
to:0.4788108058094652	not:0.1517239439323916	and:0.10025444670534589	I:0.07766534324449079	will:0.053693168140763095	we:0.03412512579195835	would:0.033690676101210036	who:0.030362693372996814	you:0.029673796901378245	:0.01
the:0.5217230607895126	in:0.14498967794463322	on:0.08923425350646233	a:0.05011647922339642	of:0.04698611856157189	The:0.04195403754109885	and:0.036940914943662986	In:0.033148174468864255	tho:0.024907283020797394	:0.01
a:0.29952661402825553	of:0.17106891906754923	the:0.12451233879779824	with:0.09242038749044192	and:0.08389658261247289	for:0.06609226605350856	very:0.05505639709531334	no:0.04923753277650591	be:0.04818896207815435	:0.01
and:0.3024842444279261	was:0.14789652250066207	is:0.09596900870974386	be:0.09291209349185649	are:0.07962562552501436	that:0.07617621460107377	it:0.06766289852403745	been:0.06429887727346362	made:0.0629745149462221	:0.01
he:0.2079437575671482	it:0.20672435332452901	I:0.146985477545254	It:0.13264564263200318	He:0.09145723140060126	and:0.06830414756391638	she:0.06100354070205322	which:0.04619508630018383	who:0.028740762964310856	:0.01
that:0.21181262171132767	and:0.19970496740812124	but:0.12714435987288245	which:0.1063417895969133	when:0.10126168524325103	as:0.08628983898849422	if:0.06830468895773237	what:0.05252645945111187	because:0.03661358877016605	:0.01
of:0.3694965996187682	in:0.14790267157986592	to:0.10424365003910044	on:0.06473502672215216	by:0.06409824674580425	that:0.06360651733745915	from:0.059679304999644606	In:0.05846034911043654	at:0.057777633846768726	:0.01
a:0.2955475356894915	much:0.14227605437343188	the:0.13302318063365692	no:0.09515868922420283	is:0.08138170589658017	and:0.07411374323489062	of:0.05888328807028692	far:0.05557666691750642	or:0.05403913595995275	:0.01
to:0.5379580390820516	the:0.13232891081019504	a:0.12414730037158409	of:0.05285674647883303	this:0.04301711020504317	in:0.02915782702954404	and:0.02508978999032385	that:0.02419776461628171	or:0.021246511416143334	:0.01
the:0.2637351962852027	and:0.18295569707635853	of:0.15512704992970713	to:0.09901034785229984	in:0.08891847907071722	a:0.06188432822775293	his:0.05132313193481526	said:0.044243779866004695	that:0.04280198975714188	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
of:0.3115198040205229	at:0.2712712645627252	in:0.1664032714473375	In:0.06661867588665406	for:0.05870197955975648	to:0.03393764604118063	and:0.03281338817697577	the:0.02719183441802036	from:0.02154213588682724	:0.01
of:0.448271530257729	in:0.11118714607946313	to:0.10139391369512854	for:0.07634361624775977	that:0.06502811411542983	by:0.05612464718030462	with:0.051839976040185115	and:0.04130857474328376	from:0.03850248164071616	:0.01
of:0.1999617231052248	in:0.1701319694951333	for:0.12261789848148005	and:0.10768579203231961	to:0.105297258516068	by:0.08788852936573448	with:0.07629652137553265	that:0.06837995885207736	In:0.051740348776429725	:0.01
a:0.6263165344954238	the:0.204031609193483	and:0.04019848135843525	of:0.026188077718931148	The:0.023007160036504628	in:0.020421729461278893	tho:0.01693283246488655	are:0.016593022564907457	some:0.016310552706149416	:0.01
at:0.22606604972269345	of:0.20393953051698147	in:0.16750080429008357	to:0.0917821286021026	on:0.07338281661280804	for:0.07328046460725854	and:0.0653471204622718	that:0.04550393544793668	from:0.04319714973786389	:0.01
the:0.9112135753864239	tho:0.027340531827958557	a:0.019282717998079145	tbe:0.010965017817872933	The:0.008445554646220536	our:0.004661272547442837	this:0.004031802458396669	in:0.0021637809799215147	great:0.0018957463376838692	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
to:0.4651183747910109	and:0.23839941671528825	not:0.10843761689761129	will:0.05116362306444797	you:0.02835092726458845	would:0.02719796087728545	shall:0.026462186538697693	can:0.023426997994300543	could:0.021442895856769395	:0.01
he:0.33161398762638783	who:0.1493869452158936	I:0.1208983255188036	they:0.1012234671366217	she:0.08903072838946458	He:0.0661680746316445	and:0.05545859906374812	we:0.044257659189189044	have:0.03196221322824695	:0.01
to:0.23084164089153653	the:0.19599676182946477	of:0.16555747408636154	and:0.15864168240412752	a:0.06474452365459166	in:0.05071236753640227	at:0.050063002462748356	for:0.03808870392664653	is:0.03535384320812078	:0.01
<s>:0.5646520579580919	it.:0.09089546172393255	.:0.07793751305210193	them.:0.05991119530134608	time.:0.044518828987440626	day.:0.043607491183165766	of:0.03656103935943037	country.:0.0363897034949915	year.:0.035526708939499226	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
the:0.22091272289690156	of:0.17904418742413367	two:0.12757724514232693	and:0.11013987145527196	three:0.10070189338761151	five:0.07415528099705697	in:0.062310041892972394	four:0.05919027268682364	30:0.05596848411690139	:0.01
of:0.322693140242567	to:0.13257442499521732	or:0.10699180978195824	in:0.09644352265762772	for:0.07953147196107471	than:0.07633593719377346	by:0.06900454737536654	without:0.054092466452098885	that:0.05233267934031627	:0.01
the:0.38164428315655385	of:0.18618343102535034	and:0.12678786722057095	a:0.06688887799368759	The:0.06412759992820842	to:0.045779801172304214	in:0.043941963500102876	by:0.03808711297107762	an:0.03655906303214425	:0.01
has:0.34118399075846717	have:0.28621593843504484	had:0.22557004550678972	not:0.05595292992768298	having:0.03439173081368984	never:0.013461221666569486	lias:0.013122747259582858	bad:0.011503655194214953	ever:0.00859774043795835	:0.01
of:0.373790027318163	and:0.11064651762657036	by:0.0979476469116305	to:0.0960842434794955	that:0.09365692350098352	in:0.08591511003978067	from:0.04868450381138683	for:0.04731402886002136	with:0.035960998451968235	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
to:0.2213681193767761	with:0.19067523515439802	for:0.15489851718786027	of:0.08633811866860272	upon:0.0820147866155007	by:0.07640349123884363	asked:0.06756583042167419	told:0.058074684994298256	against:0.05266121634204619	:0.01
the:0.7647799331339179	of:0.046888425921907693	tho:0.04306463765708222	said:0.039774930244553745	and:0.037420771169513777	in:0.016898980760091463	tbe:0.01642790080721263	The:0.01594102655235746	In:0.008803393753363092	:0.01
of:0.25823735451086327	the:0.13793974357911257	and:0.1261945327872129	in:0.10903247852169386	a:0.1086515516966373	to:0.09238292652407408	-:0.07710713226639392	for:0.04331262260445606	by:0.037141657509556086	:0.01
of:0.2114550857074353	the:0.19352291644409095	and:0.18965262201182237	to:0.11488066497353205	be:0.08121544058469317	was:0.06810648818392583	is:0.04659873123959007	Mrs.:0.042432360155566264	Mr.:0.04213569069934406	:0.01
the:0.24130576549866314	of:0.18833662870322207	and:0.16607091897550066	a:0.12226357561830728	to:0.08119819928176736	was:0.061441215918139495	be:0.05012797215849653	is:0.043156408701399925	been:0.03609931514450369	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
the:0.3560104598159235	an:0.24298780543928766	great:0.07852893383835095	this:0.07042095950017263	and:0.06788818553333412	some:0.057362412139373736	any:0.04692347558695154	of:0.03780915613709809	his:0.032068612009507724	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
and:0.29169997815308213	was:0.1328703627143118	out:0.08873310066938216	that:0.08746131418060452	placed:0.08440072742047074	work:0.08020079681811661	made:0.07677797059304475	is:0.07472371838239819	up:0.07313203106858901	:0.01
50:0.17696075138401984	20:0.16352425967534173	120:0.1156923448225041	25:0.09622524501884862	the:0.09116776642402591	14:0.09025212677584298	30:0.08636802783952457	75:0.08570919275007403	40:0.08410028530981828	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
as:0.16028142770550785	up:0.147939991445873	went:0.12914682124565996	and:0.12285764149266097	go:0.11127529305121665	came:0.08828957261434255	returned:0.08168405719993753	him:0.07482450929382752	them:0.07370068595097401	:0.01
of:0.1717874828321503	and:0.13735743803241884	to:0.12837104883803735	or:0.12751224384292098	the:0.11877046731793292	in:0.08923583856816648	a:0.07774279702482254	about:0.07615414221094101	for:0.06306854133260968	:0.01
to:0.7722086585157786	and:0.06568239245776374	will:0.04312320203378641	would:0.03103542885853878	the:0.020520347305491973	shall:0.017366656413079638	not:0.015485813695919011	I:0.012485648822601324	To:0.01209185189704032	:0.01
per:0.9407927398405563	the:0.02353445953465774	and:0.011561270214776612	por:0.0087834765203416	The:0.0014000593854953136	a:0.0011531972389943138	long:0.0010128305465939428	<s>:0.0009396014645006803	or:0.0008223652540834668	:0.01
two:0.20560826184437175	three:0.2013905416332901	four:0.1296477408359688	five:0.09067616423851514	six:0.07879183720770225	twenty:0.0764952041344299	few:0.07413902816139481	ten:0.06962337472934726	many:0.06362784721497998	:0.01
is:0.18274512143258345	well:0.17837949170899178	and:0.12979905236179745	are:0.09470060560220034	was:0.09268809810315956	be:0.08463743809284936	not:0.08026267801038713	regarded:0.07893969676405789	such:0.06784781792397297	:0.01
the:0.31756755995910757	a:0.18266059135641785	his:0.13274963274981105	of:0.11893847752834422	in:0.07994602251455021	to:0.050030609557166664	and:0.044076720284499854	or:0.03636924248622076	my:0.027661143563881593	:0.01
to:0.33364509937622233	will:0.24892937479640295	may:0.075570484480394	shall:0.07250691468138329	should:0.06624385187024322	would:0.0634324921749828	not:0.05386722502244131	must:0.04330795227753888	can:0.03249660532039126	:0.01
State:0.25158975872347605	city:0.16920028955541708	City:0.1155864011100904	county:0.08438088743096502	day:0.08382175836935132	state:0.0783621819531843	line:0.07305905324403517	side:0.06829379556379228	County:0.06570587404968842	:0.01
and:0.2063097176138973	a:0.1805569826493474	was:0.1296590814827902	is:0.11926675308808853	are:0.08092477168492958	but:0.07593169498938551	or:0.07057206000641592	the:0.0639800478664984	of:0.0627988906186472	:0.01
he:0.2794395178124017	and:0.1182850726747716	I:0.11367121129810522	they:0.11234675662993023	who:0.09703233066540767	it:0.09040717997784747	she:0.07188421273563414	He:0.05664830836325822	that:0.05028540984264371	:0.01
of:0.36155491191593947	and:0.1786224114484187	that:0.10013463438751857	the:0.09178183180594886	in:0.07185999036153363	by:0.05435170185430771	.:0.050248846219540545	to:0.04714368172987406	at:0.03430199027691856	:0.01
as:0.15052709347448484	according:0.12666453991392704	up:0.1195334514035628	come:0.11873952822050848	regard:0.10683894108162359	came:0.105922433852858	and:0.09179275619163575	reference:0.08812851772111138	went:0.08185273814028812	:0.01
the:0.22802141050088845	a:0.21677907247353081	this:0.1487919381910829	such:0.09897409346733808	of:0.08835562476775902	his:0.06804129028343493	and:0.0529182397815392	same:0.04654694117600857	said:0.041571389358417886	:0.01
and:0.23673877075921534	the:0.22279374833468907	to:0.12792854428449588	of:0.11719546975217962	was:0.05975737695549626	is:0.05837525472102505	will:0.057352869095330605	are:0.05498987872049492	be:0.05486808737707315	:0.01
sum:0.16487037308920166	out:0.11307775521688435	amount:0.11090839996168092	number:0.11072884578616649	Board:0.10709279218170512	day:0.10091951320741446	line:0.09892782668492613	county:0.09783432205349216	purpose:0.08564017181852879	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
w:0.4345387379451947	and:0.12304252769626556	a:0.07723204474773608	was:0.0736472139242246	of:0.07305930956303452	is:0.06299454361591335	have:0.05812906729269213	to:0.046407500081256714	for:0.04094905513368223	:0.01
of:0.2827344961127604	and:0.20741644021463918	in:0.1336099215956345	to:0.11988714523803431	Mr.:0.06238496550506883	by:0.05684554952949243	the:0.05249784860419568	with:0.03808224069278765	Mrs.:0.03654139250738694	:0.01
and:0.1944372923421487	together:0.18064694998584138	connected:0.14784638791688007	connection:0.1448086892096974	accordance:0.11050849290477427	comply:0.06045119551015317	acquainted:0.053914338376547646	compared:0.051495838323954046	contact:0.04589081543000345	:0.01
a:0.405510792032605	the:0.2190382193286064	one:0.0738024249057332	his:0.07048624348734196	of:0.06662306842590168	on:0.046955196011197936	their:0.04547311646057157	and:0.03407623575274549	some:0.0280347035952967	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
to:0.2620983149693371	and:0.19664402247129265	the:0.18720703494025467	of:0.14061051340842873	in:0.0675925481954826	a:0.03867755248806961	<s>:0.03389464108121401	not:0.032510411574388075	that:0.03076496087153255	:0.01
it:0.20232519177660635	he:0.16234484086264728	It:0.1554090302075327	I:0.14358632724509612	there:0.07378138159381323	and:0.07333071483799813	He:0.07174050734643728	which:0.05781177237565946	she:0.049670233754209335	:0.01
as:0.1581248883755605	is:0.15395329874036043	was:0.14337836658730618	in:0.11894253210403152	with:0.10320917101892091	of:0.09267011223645215	to:0.07859734495103217	and:0.07064305390623206	at:0.07048123208010422	:0.01
and:0.34824870366262595	the:0.1347954472780007	is:0.11364821415974406	was:0.08999792706323118	are:0.0889557404275931	to:0.06138531456789656	of:0.05207163309768841	an:0.0506734665372931	have:0.05022355320592697	:0.01
of:0.22910150922766162	in:0.11539276438983916	as:0.11127934553323833	is:0.10930652490440142	to:0.1009900448760656	with:0.08929933663062478	by:0.08343707285879863	and:0.07635553566197056	was:0.07483786591740005	:0.01
all:0.3082603775472007	and:0.19777451186045042	the:0.1378381786770556	or:0.07141897585837965	of:0.06627411872680102	be:0.055534440327811116	is:0.05461887495386117	not:0.04962520033293018	much:0.04865532171551003	:0.01
of:0.2518397786394566	in:0.15268657696135038	with:0.10103212007825896	to:0.09625653015249303	and:0.08844129005029876	is:0.0840555796536622	by:0.08083872128358498	for:0.07136769707335583	as:0.06348170610753938	:0.01
to:0.21571496008537058	and:0.2147437433322211	of:0.13492263136147448	for:0.08176353656957863	the:0.07860126999964766	<s>:0.07154275267433648	that:0.06954235828049106	in:0.06268491811446594	on:0.06048382958241398	:0.01
have:0.19456014853100315	he:0.16417662207190736	I:0.13019492783837258	has:0.11530129941502745	and:0.10578892868515052	who:0.10423060491937561	had:0.09625077757882439	be:0.04252228321977105	He:0.03697440774056783	:0.01
a:0.2739480796133155	the:0.24707931852227039	any:0.18281294063648051	no:0.06611330336948494	The:0.05580620906041497	other:0.05470330927770171	some:0.03861219611191327	every:0.03654590574501043	of:0.03437873766340838	:0.01
the:0.3299177818426395	of:0.17897670274827274	to:0.1253793792460873	and:0.10985980430753879	in:0.06240993305390326	for:0.06192854377065038	be:0.05083764956696977	was:0.037005804169285124	is:0.03368440129465309	:0.01
turned:0.2780762350527833	went:0.1853710839149759	was:0.1060092131209072	go:0.09086180153651677	all:0.08053604736869069	come:0.07713603386247245	is:0.06241062691587632	came:0.05602400007103653	and:0.05357495815674072	:0.01
<s>:0.4682854777398927	it.:0.12106855244347649	him.:0.08673144706471536	them.:0.07093353086408376	?:0.05670622092841808	her.:0.050718961870132105	and:0.05018536997217528	years.:0.04379644368705224	again.:0.04157399543005392	:0.01
the:0.30337617970676906	of:0.18860457588018725	and:0.131061740829474	to:0.0977610809207078	a:0.0809566554459928	in:0.055741965423345884	be:0.051143240024298715	was:0.041879765140534715	is:0.03947479662868964	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
of:0.17084699314207222	and:0.12158997349117338	is:0.11987771149535267	no:0.1157578302632057	any:0.11243295082853967	to:0.1046695155246797	was:0.0876762556137633	the:0.08444181812996866	that:0.07270695151124476	:0.01
and:0.18256157749026342	to:0.16433979570443552	of:0.1545788497958645	the:0.12778273854263242	was:0.08436879473166356	be:0.08029234124099573	for:0.07572785229194462	is:0.061294132144098484	in:0.05905391805810188	:0.01
of:0.2745756504289919	in:0.18508862102155468	to:0.14547648598143276	and:0.09953333714392164	for:0.06981875242353223	with:0.05965384194778583	on:0.059203584441771755	from:0.05099623668750374	at:0.04565348992350539	:0.01
of:0.2259884777378865	in:0.1279502676123141	as:0.10803511903377902	with:0.10289676309994414	to:0.10092096777749439	is:0.0958816162923596	and:0.08543175696245596	was:0.07364376919960383	for:0.06925126228416238	:0.01
and:0.2098595374992915	<s>:0.1965590759163407	him:0.1456235752386668	was:0.13081175984509053	out:0.06888656479548366	is:0.06378433190510586	be:0.06228516144860735	it:0.057434144753248095	made:0.05475584859816529	:0.01
and:0.35012442836304686	was:0.17402663559631795	is:0.10012113301283442	be:0.07806336476909077	made:0.06233729336164282	succeeded:0.05872616518471301	are:0.05834028488492863	been:0.05723821297358973	were:0.05102248185383586	:0.01
of:0.36829117345979373	in:0.16677501633544733	to:0.11784804359411397	on:0.08453090012527727	and:0.05994944198646934	that:0.056927445681821245	from:0.05251451063668221	at:0.043249395971912276	for:0.039914072208482636	:0.01
manner:0.39461193456752314	and:0.1874970192491854	that:0.10855654014299568	way:0.07037996389927753	time:0.053828768086076215	it:0.04775881818150397	all:0.042702733322799634	one:0.04238708288685657	part:0.04227713966378214	:0.01
the:0.29074625237501406	of:0.15412710942283245	and:0.13830180997081057	a:0.12209640387724302	to:0.09393102682846846	be:0.05971045517402111	was:0.050804042373834665	is:0.045719000995100754	in:0.03456389898267464	:0.01
<s>:0.5142285592734251	.:0.08031327941640193	it.:0.0786305646815755	them.:0.06701746599132072	purchaser.:0.05525054024725761	year.:0.05146588171607161	week.:0.05088306676096869	time.:0.04840091255177975	States.:0.043809729361198944	:0.01
of:0.21170027602211763	and:0.19029866500397313	was:0.1416435372565923	is:0.11037720173196115	are:0.09749490185855302	were:0.07355667461294048	in:0.06454074158718144	for:0.05676993943907718	all:0.04361806248760373	:0.01
and:0.33090667565595405	demand:0.11951725037001644	ready:0.0989386645738498	used:0.09514434972463201	time:0.08611259291726482	not:0.06607848366518068	vote:0.06597209943325832	it:0.0655060703120096	candidate:0.0618238133478341	:0.01
the:0.7558679898397385	The:0.07064841215377446	tho:0.03019917199219242	a:0.02797626672350109	and:0.0262112426589935	his:0.021461053024908323	their:0.02090382119119497	very:0.019244003789258377	our:0.01748803862643836	:0.01
a:0.6472114806294291	the:0.1956586094302896	of:0.041930393056544835	The:0.028055670591450237	A:0.025628047366395113	in:0.020082275142360502	and:0.013275975720074796	to:0.009345242027813637	with:0.008812306035642167	:0.01
and:0.24950000697956445	have:0.19401074961209272	had:0.10501109271790146	is:0.09760256987076756	has:0.09386129600092614	of:0.06782931415815023	was:0.06200918600918231	which:0.060683060158410365	to:0.059492724493004745	:0.01
a:0.4657752114837803	the:0.1494696517290859	of:0.12442151240181873	very:0.058163614016777894	and:0.05082477579669465	so:0.04232104367388091	with:0.0395369152134407	as:0.03026808805119405	in:0.02921918763332687	:0.01
the:0.33601536274839616	of:0.16958902826991315	Mr.:0.10573912457216138	The:0.10541590539910749	and:0.08531333366099247	that:0.07291914405203648	a:0.05455260066519831	this:0.031900905979156575	in:0.028554594653037956	:0.01
in:0.28190547360672097	of:0.22084431174571617	with:0.0960298368167313	by:0.08413222020440397	from:0.08322772170054296	to:0.08058352291560872	on:0.05299664563448295	upon:0.04561251017788549	and:0.044667757197907526	:0.01
the:0.7379829391062963	The:0.11809047079065184	a:0.04368778532601846	tho:0.03197297135755815	his:0.020307781675867803	tbe:0.010602551895248983	their:0.009687095132455005	whose:0.00956357352410389	of:0.00810483119179938	:0.01
to:0.6029234748158574	not:0.10685677045378245	will:0.0805053125791318	would:0.07348435472152394	and:0.058714604224932174	may:0.01928356596757801	must:0.017761258017253204	I:0.01655037912139117	we:0.01392028009854968	:0.01
and:0.18503758169557413	connected:0.1503421791180995	comply:0.13459985655900125	or:0.12199693264044556	connection:0.0949915305169955	together:0.09260556418715354	interfere:0.08352148498371281	not:0.06429576856749074	do:0.06260910173152676	:0.01
the:0.3254420906057255	of:0.21437796623315344	his:0.1246815137516165	their:0.10096096020407179	in:0.05749607304232446	this:0.052941261140140874	good:0.049022742551575196	a:0.03514503851511436	its:0.029932353956277937	:0.01
would:0.22980511667265655	to:0.17299540970927663	who:0.12482764014450815	they:0.10355307675313528	I:0.09251266344910342	which:0.07981734282547859	must:0.068890066387715	might:0.06196287097814179	shall:0.05563581307998454	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
the:0.3323430185932751	of:0.16511810112924477	and:0.1435938625440195	a:0.07809521494992097	that:0.07723479213752327	The:0.052790940042757695	in:0.05155029346725437	no:0.04493030413297551	Mr.:0.04434347300302877	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
was:0.2764055281000633	is:0.17553117117550254	had:0.13626884643678625	have:0.1137852438946314	has:0.09958382014468078	and:0.050708037311560164	not:0.04954077122201075	be:0.04794618881600039	been:0.04023039289876442	:0.01
went:0.1758546635362612	come:0.17198192666961598	go:0.1712186648483594	came:0.15911310166854076	brought:0.08037664232301452	get:0.06901799674136543	sent:0.05526381723288372	way:0.05463480913753711	them:0.05253837784242174	:0.01
and:0.1998192453613609	able:0.13248592988721566	order:0.123134489772308	him:0.11025442400641677	necessary:0.09921571203751138	unable:0.08749410447623968	enough:0.08095777976827818	is:0.0791396149871568	them:0.07749869970351274	:0.01
the:0.8863726773530108	tho:0.04767429894468295	The:0.020379110130635744	tbe:0.0148488543841555	of:0.010704508851547227	and:0.002907084065353344	by:0.00269076816764734	a:0.0026265092802739095	tlie:0.0017961888226931213	:0.01
and:0.18784336682063274	as:0.15114329179679575	went:0.11423878004667351	him:0.10666558228731272	them:0.09110223752457794	up:0.08733803455919152	is:0.08689480544253657	go:0.08340199801381315	able:0.08137190350846597	:0.01
be:0.2885864669532361	was:0.1671459277676922	and:0.15110718885684143	been:0.11576447226614642	is:0.09112974735725667	were:0.05681924828224645	are:0.05079601213170984	being:0.03724424530513167	he:0.031406691079739195	:0.01
to:0.5157875507290953	and:0.2459325709910596	will:0.05196507920024816	not:0.047723980024977644	or:0.032900922034453516	I:0.028307930140029528	that:0.022778909185456105	the:0.022346543037343174	we:0.022256514657336877	:0.01
the:0.3664033398645758	a:0.13724866556773646	motor:0.10421422931156529	this:0.0823217034373587	their:0.08107947394660431	The:0.08079892759989109	his:0.049020273396419164	our:0.048164878090182744	such:0.04074850878566643	:0.01
to:0.6012751935326339	will:0.15351641125527765	would:0.0618812124444265	the:0.05044344248960312	shall:0.03589831712177298	should:0.02599589137460432	and:0.022489567510007785	this:0.020683061530200796	not:0.017816902741472854	:0.01
part:0.2616051257347694	one:0.17241232749815008	side:0.16360342569786457	portion:0.08433966332604263	payment:0.06971510808453478	parts:0.06227259080338477	members:0.05993740974274763	that:0.05968262067665107	and:0.056431728435855075	:0.01
it:0.2602933463206855	there:0.14822319293947891	It:0.13196436136428402	which:0.11581767029202342	they:0.08952698954231514	that:0.07758736314856882	and:0.07379772084395009	he:0.04666991240312073	There:0.04611944314557337	:0.01
the:0.5288340082107036	of:0.13450929006419524	The:0.10019513558920252	and:0.0682777085966316	by:0.03895836783961231	that:0.03787201344885447	his:0.03182705254894561	tho:0.030195398182972278	their:0.01933102551888237	:0.01
he:0.38109728624181616	and:0.13732629704063096	it:0.10248513047329355	who:0.07499796349036131	It:0.07326875792388805	she:0.05925255922667332	that:0.05899933351457358	man:0.05143179083907943	which:0.051140881249683585	:0.01
of:0.4651978171288845	to:0.12827846768131573	in:0.0928314075708892	on:0.06442972315955851	by:0.0642240257430314	and:0.055338823804895826	from:0.045648513579994165	for:0.03864478600662317	that:0.03540643532480745	:0.01
to:0.2737287460143899	will:0.18577083655481674	may:0.11670742417102431	would:0.0866792379509786	should:0.0793354824989431	can:0.07250434050893133	not:0.060410033471595424	must:0.059609811478483675	could:0.0552540873508369	:0.01
the:0.7440202977974872	first:0.057261063493221236	a:0.044923708086381985	tho:0.0391981771180751	The:0.02689973355135086	second:0.02612287573799956	third:0.01775750544974928	upper:0.017637270072441497	tbe:0.01617936869329323	:0.01
<s>:0.2749982426045449	it.:0.17144182218368692	them.:0.12355485906336763	him.:0.10010627958996267	time.:0.0793371169175052	country.:0.06289057400070419	years.:0.062350590900102906	year.:0.05969941977393271	day.:0.055621094966192705	:0.01
of:0.4692813805067316	in:0.12487101939364498	to:0.11522135813007801	on:0.08123962528773122	by:0.06761545370202653	from:0.04682531583038806	at:0.03171170698642459	and:0.029345645231550796	In:0.02388849493142414	:0.01
of:0.37881767676723654	in:0.1180251922926258	to:0.09830467167268364	after:0.08143319626065802	for:0.07998431243079564	and:0.06689911891671561	on:0.060897254774288444	from:0.05292869099520034	by:0.05270988588979586	:0.01
and:0.2090195077899725	as:0.19250374862339872	that:0.1572186807592764	when:0.1337582594366506	When:0.07845723209261113	but:0.07165197216926787	which:0.0673156107122211	what:0.040129227716270054	As:0.03994576070033159	:0.01
and:0.2887549460808696	made:0.24170136511035062	secured:0.09297750615316121	or:0.08750294129513009	that:0.0725470212635853	ed:0.05584015454002708	up:0.05382973996555791	followed:0.048592978177802254	caused:0.04825334741351589	:0.01
to:0.26648475055284315	for:0.16470498863744562	of:0.13208997892734464	and:0.10341581862003654	with:0.07935118510033003	have:0.06920239497884952	that:0.06297576873902243	had:0.05881151360444231	from:0.052963600839685696	:0.01
the:0.2958364752533239	and:0.23897696395818604	of:0.17211722188072945	to:0.05843210660484928	in:0.057505467983128604	or:0.050803396759018474	all:0.04714435462399912	their:0.03536773002067186	a:0.033816282916093135	:0.01
a:0.30581256356597325	this:0.25634001190568595	the:0.22164573462131065	that:0.08333065537798784	to:0.03986664372669964	in:0.025570228662346827	any:0.02060963645241542	which:0.018877173836576982	one:0.017947351851003407	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
and:0.24190925323089366	was:0.13799128793841875	succeeded:0.11315442464504588	is:0.10923227395892862	be:0.10139430686441205	are:0.07627718686109143	made:0.0710811247270995	that:0.07052318711317479	it:0.06843695466093522	:0.01
re-:0.20923512831048052	he:0.17543290731081146	and:0.14729850204550246	be:0.1469730969356882	was:0.08790311318192516	He:0.06637256058432955	I:0.06135388171413615	who:0.05232956503335638	have:0.04310124488377011	:0.01
the:0.3331925550671004	of:0.23324804665344157	and:0.12395923476969917	a:0.07928370184843045	Mr.:0.05736952256192118	to:0.047709764127060704	The:0.04417668138726264	in:0.04189710404630304	that:0.029163389538780702	:0.01
of:0.32355910954856587	in:0.1271571080122114	for:0.11375984470708939	to:0.10632967106126864	by:0.07595704196435335	and:0.0631407936715245	that:0.06271523787787198	In:0.06214781076019327	from:0.05523338239692164	:0.01
well:0.21321257425074597	known:0.18330231372211864	soon:0.17017982311130794	far:0.13451377472303216	and:0.1048509904369157	long:0.061630441159448365	such:0.04848962176196868	just:0.03999506790086283	much:0.03382539293359975	:0.01
for:0.5440819813048948	of:0.19560472589469854	to:0.07345158632393214	in:0.05366312897429307	at:0.03077391536533445	that:0.0252319726077965	by:0.024350320863822435	and:0.02363546884497302	during:0.019206899820254943	:0.01
one:0.2617741089986468	out:0.15556960502827208	part:0.13008893117226905	some:0.11334280627319533	time:0.07945996676975539	account:0.07275376099225171	all:0.06506597645229725	and:0.0565737601528326	that:0.05537108416047968	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
the:0.40236705751255364	of:0.16285296581723996	and:0.12204690126174438	a:0.1094876767377864	in:0.05371827310588981	to:0.05170802285770029	with:0.03383200974430577	his:0.028183247890129177	The:0.025803845072650614	:0.01
in:0.6723889924006204	In:0.17986011302274252	the:0.045882262853098786	a:0.024626750473032873	of:0.01933995933193952	this:0.01853109118268934	iu:0.011098259840360064	his:0.011056978437538863	their:0.007215592457977545	:0.01
in:0.2071576809417778	up:0.18279332003914162	;:0.11837694749579782	him,:0.10739149963476594	him:0.08666239110162091	it,:0.08591651498111183	them,:0.07030752005076037	up,:0.06704658566797497	,:0.06434754008704852	:0.01
a:0.20629807968578692	of:0.16564648601668738	the:0.15285749654062117	young:0.12186170847375105	good:0.07956867865172777	one:0.07795841145824814	white:0.07126729228021006	great:0.057481117995464286	to:0.05706072889750312	:0.01
and:0.2512549561975129	up:0.11882662674701287	filled:0.11237413665917495	do:0.1024697104762045	it:0.1014883257120219	him:0.0896473868228615	covered:0.07618051411203293	charged:0.07389072779839463	made:0.0638676154747837	:0.01
and:0.38436506392192854	time:0.1487188969605225	reason:0.1091829920085257	provided:0.08369359689298067	that:0.0603754453354683	day:0.05853184432328358	it:0.049460312916072814	money:0.04787760696196815	way:0.047794240679249644	:0.01
of:0.3503442882346406	to:0.13563217114151754	for:0.10256882837751019	in:0.08693465642388849	and:0.07252676840279182	at:0.06950751575463676	on:0.06647685339855855	by:0.0538448510062635	with:0.05216406726019244	:0.01
<s>:0.5637974075176672	it.:0.09327743003396184	.:0.07144834322150803	him.:0.057276100920877406	them.:0.0531454231955193	Mr.:0.04610674255167585	time.:0.04099530745119179	day.:0.03404761169106698	water.:0.02990563341653165	:0.01
of:0.42985733560537825	in:0.10077283916251684	for:0.07658891722966665	by:0.07086524247664709	that:0.07078742583623931	and:0.06996633259610034	to:0.06479491785570278	all:0.05484208808056307	any:0.05152490115718571	:0.01
hundred:0.38841378645436947	up:0.09123185635738856	men:0.08930224671194738	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.07306411117914521	him:0.0668423327581923	;:0.06651424040074755	due:0.06192290086804839	:0.01
sum:0.18676829411122214	number:0.1566486321513545	line:0.11140081741272478	city:0.10844765106291132	out:0.10739005474369737	day:0.09286734076326106	county:0.08286139477536687	amount:0.07384405151900511	Board:0.06977176346045691	:0.01
the:0.6642441087940091	a:0.09008511587377786	tho:0.04094000892030076	of:0.03798733941475958	The:0.034905831793244406	to:0.03208203891915236	stock:0.03089115583324487	and:0.030552225429115353	this:0.028312175022395726	:0.01
the:0.2485322325262682	of:0.14221305581248522	to:0.13323722793295564	a:0.12233064177599909	and:0.11954433183912364	in:0.07060356588227204	by:0.05378458648809466	<s>:0.051034880136258225	or:0.048719477606543334	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
the:0.1906327798327756	and:0.13881834300765108	his:0.12534227126861316	good:0.12387767124917093	their:0.11161899069659723	of:0.09500861008547909	abiding:0.07899989039249773	a:0.06752732482978023	no:0.058174118637434845	:0.01
the:0.2728132657644213	of:0.2278278397895121	and:0.19989617589222555	to:0.0742455104891707	a:0.06329747792987064	.:0.040605346605772266	by:0.038341512577151717	in:0.03760043299747866	<s>:0.03537243795439711	:0.01
the:0.23489368643808747	of:0.1714199085704589	and:0.1509222110889926	a:0.10125325371681405	to:0.08978991230211596	be:0.07036792028887345	in:0.06850275987811559	was:0.06545509613683564	is:0.0373952515797062	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
the:0.7244932461082946	this:0.09248144998528923	tho:0.04136333342260401	The:0.03061024167412252	York:0.02882594047769975	said:0.020326468936143864	a:0.01920220970356287	that:0.017487048652926756	tbe:0.015210061039356524	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
of:0.24967287767908988	and:0.172021135760946	to:0.13254047026354387	the:0.1192141708234827	by:0.11589441278082113	in:0.06261868148612214	that:0.05098804643301221	at:0.04554988306795597	<s>:0.041500321705025975	:0.01
to:0.2717595834071825	the:0.21576383858826975	and:0.207722024550232	was:0.06220107967534461	a:0.056027630033870554	be:0.05466757972242205	of:0.050650582766588945	is:0.036841140787709614	are:0.03436654046838008	:0.01
the:0.46887466273966155	a:0.1551350280115528	of:0.1271695963839968	and:0.06445808498782679	in:0.04422617794363865	The:0.035931152777401824	tho:0.03334896973268421	at:0.0312454421259938	to:0.029610885297243653	:0.01
the:0.40847894091418807	a:0.16736400427311016	and:0.1370562923042262	in:0.07353059646339408	of:0.07254317223682406	be:0.040374186293797236	to:0.03985826587134967	The:0.02546683009601227	tho:0.0253277115470982	:0.01
the:0.6177363684873279	of:0.1176939965730883	and:0.06658094032166587	The:0.043997359773382524	tho:0.03814355479338727	in:0.03544348438299672	on:0.027014448269052707	that:0.022655776542070256	a:0.02073407085702849	:0.01
that:0.25665305247607234	as:0.17278589841468797	and:0.1671382970649806	which:0.11429631119256974	when:0.08961566048349877	what:0.0511346970942626	but:0.04933965825951171	if:0.046196728033233436	where:0.04283969698118304	:0.01
in:0.3464071627619015	In:0.11041926005540056	is:0.10803183615699659	such:0.09945162920312145	of:0.09787240296521321	as:0.08355991060432057	was:0.05872992857022387	with:0.04597903086403312	for:0.03954883881878905	:0.01
the:0.34760338410215663	a:0.26900931038792547	and:0.15058436848159804	in:0.06022376726329607	of:0.05635018103285709	to:0.029915940232032534	any:0.029686064537784204	The:0.024392586663253047	with:0.022234397299097132	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
of:0.6073547821252849	in:0.10405237973162226	at:0.08767893766138243	to:0.056460275265113366	from:0.04028130872849219	for:0.03153037807095879	In:0.027019259032163526	and:0.01909181589122539	by:0.01653086349375716	:0.01
the:0.6920696564515137	and:0.0740644486261941	The:0.05105301751353191	a:0.05081947163706033	tho:0.04020697444380103	or:0.025334786980068445	of:0.02282353750692531	de-:0.018737170865491818	tbe:0.014890935975413268	:0.01
and:0.28943445057394007	was:0.13334684121779974	be:0.1048575848970687	made:0.08829320972857294	that:0.07903823328789872	up:0.07769424909698176	is:0.07517869190309401	are:0.0733041646266478	been:0.06885257466799642	:0.01
and:0.29741162641941254	to:0.18385963671505207	of:0.11049544642557428	be:0.08995640654913849	was:0.07444163795661357	is:0.0645444032283974	or:0.06321719612942556	not:0.057415582771396426	by:0.048658063804989646	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
the:0.5212802975336673	and:0.10873807584994848	of:0.09590336615293299	The:0.09021573129282344	a:0.062257345570549946	that:0.037805623543430825	tho:0.029783870097203933	his:0.02367833287341387	in:0.02033735708602882	:0.01
and:0.31842055582766954	is:0.1439438196532322	was:0.14144974688052014	it:0.08674145321159135	that:0.0689748607500958	are:0.06467766768515057	be:0.056570417614367804	found:0.05591481267948485	or:0.053306665697887896	:0.01
the:0.43297464876439173	a:0.12985963984139096	to:0.09418537671020613	this:0.09339370202485256	and:0.07863753128143981	of:0.05746853391279618	The:0.038238595517071754	who:0.03355597080202051	tho:0.03168600114583041	:0.01
and:0.1476016109199224	as:0.14569173689273973	order:0.1314117946957403	able:0.12120725674721548	is:0.10407782949177483	enough:0.09876455927868695	necessary:0.09161731969558631	him:0.07824790662161216	was:0.07137998565672181	:0.01
the:0.5056857008145231	The:0.13157459950539632	a:0.0911347163649644	and:0.06906353733343597	of:0.0622702869094199	this:0.055666163190109766	tho:0.026478719278195957	his:0.02536349720712608	our:0.022762779396828404	:0.01
Section:0.30984699519427467	Sec.:0.28412397336085615	No.:0.08791886070554818	March:0.07739146552956055	April:0.06459937244733693	June:0.045079826878464666	May:0.04192419741728147	July:0.04041899042406283	.:0.03869631804261439	:0.01
to:0.24639859184868146	I:0.16081300290547615	not:0.14085361363012042	we:0.11261920726071466	you:0.11027222010496372	they:0.06985438248323242	We:0.055396881353397896	who:0.04891897553909276	and:0.04487312487432051	:0.01
to:0.411509947875478	and:0.3345768236690801	not:0.046823996080498954	will:0.04344079393529064	that:0.036574014852199875	I:0.03652055450569058	would:0.031212151220471305	who:0.024799728913267566	which:0.024541988948022925	:0.01
the:0.39213156610644817	of:0.16471124318565736	a:0.09918992940933437	an:0.08732748245980478	at:0.07284307456243869	and:0.07096305335743458	in:0.04549245984166011	from:0.02924521559681385	for:0.028095975480408174	:0.01
and:0.33651200696739575	to:0.1856128011470974	of:0.08386717831522203	which:0.08237112197637285	re-:0.06907863865464145	that:0.06612645657221398	for:0.057150612585785354	or:0.05589309360209147	not:0.05338809017917966	:0.01
and:0.2502540775308722	he:0.20550800623172855	I:0.11621193750207172	He:0.1020104083125902	who:0.07770440890568558	which:0.07733958582542039	she:0.06086750635864563	that:0.0502926340710393	it:0.04981143526194639	:0.01
the:0.4456570707694225	of:0.17327375410728763	an:0.0753328743084009	a:0.07528281370572903	and:0.06788312232288717	The:0.06343796644202813	to:0.03486095775230516	tho:0.027762589929837465	in:0.026508850662101815	:0.01
of:0.36788805554268333	to:0.1789989359699658	in:0.09967033479723969	and:0.08262486266640548	by:0.06402742516433044	for:0.05951954504574958	that:0.049304612825860974	from:0.04816747665317087	on:0.039798751334593895	:0.01
of:0.18575196229780241	is:0.1690870706775603	was:0.13877726198192109	in:0.09925420894105784	with:0.09871804838669339	and:0.08818157116711597	to:0.08643485860618282	for:0.06310610032824931	as:0.06068891761341685	:0.01
and:0.3029165000286207	the:0.22287875295731194	a:0.14431968367139217	to:0.10293222813295003	of:0.08611789377976029	or:0.04010606874913995	that:0.03076466155765474	with:0.03069845136550954	by:0.02926575975766058	:0.01
an:0.30611404547114507	the:0.26762547596295577	a:0.12103002488078381	and:0.08726030536679441	of:0.057693054487416774	his:0.048423729294194306	their:0.04760256216845411	its:0.034660755901620585	her:0.019590046466635112	:0.01
the:0.16440861012027536	a:0.16127619032291127	or:0.1412468478434887	and:0.13746000350686677	no:0.10645588971496966	much:0.09170529655471517	of:0.07882929521295744	is:0.06256933261953629	be:0.04604853410427931	:0.01
a:0.5865758799064725	and:0.07333745882280203	the:0.06499850024864584	to:0.06346643468254508	is:0.045629236221619004	be:0.044042323449886914	very:0.04213088035591552	with:0.03604605702638876	of:0.03377322928572435	:0.01
not:0.26196229452938835	will:0.22623881177355215	and:0.22065107064608863	would:0.06991648103454519	may:0.04471994741551853	do:0.04446954382735933	as:0.042917798842249597	can:0.04262860520362614	And:0.036495446727671986	:0.01
number:0.32287463313321724	line:0.11262851533730218	part:0.09520861030878383	amount:0.0894339889803185	out:0.08170338619677013	board:0.07261883313338809	matter:0.072161875546459	men:0.0718460446556671	kind:0.071524112708094	:0.01
be:0.3744440480029888	been:0.1554825093195885	was:0.1170746488523178	were:0.0877854650428399	and:0.06366985980125679	are:0.05257547927739372	had:0.050689930051658914	has:0.04474674298040741	have:0.04353131667154824	:0.01
of:0.34292032203665374	in:0.19097151554725816	to:0.1286438762525508	on:0.09359691230079073	by:0.062474233314155546	In:0.04747180847640569	from:0.04737192351920633	and:0.039343826451885826	that:0.037205582101093225	:0.01
as:0.17734995574137255	and:0.14713409818897039	is:0.12314641161032343	it:0.10456654435470483	him:0.10341117730856658	time:0.09221259843092078	them:0.08490644915927993	subject:0.07910942046035271	right:0.07816334474550864	:0.01
and:0.2477538533569872	w:0.16759118470121165	the:0.13783084353474506	his:0.1282587761381735	to:0.11403665516136796	t:0.06738065548345687	her:0.043847010501942896	who:0.04244082129438521	I:0.04086019982772956	:0.01
of:0.32103252334734833	to:0.20630774229151166	on:0.11906410651581478	in:0.0980461482759649	and:0.05290258572607043	from:0.05271688578130403	that:0.048732250827086786	by:0.048300825990008664	with:0.04289693124489039	:0.01
the:0.38444268026678596	a:0.16073735041744544	of:0.1451158234665558	said:0.08986705016174058	and:0.06971181286702763	for:0.040703501679719485	The:0.03977981584981914	tho:0.03021549439075438	that:0.02942647090015144	:0.01
the:0.3090880620499531	and:0.20211997521403144	of:0.1348691219872843	a:0.08156652884358068	to:0.0687251533042976	that:0.049147080372366606	The:0.048815868331618946	Mr.:0.048123373857994804	or:0.04754483603887259	:0.01
;:0.22559084303002083	it,:0.1545946589131965	them,:0.12346183780082114	in:0.10843452478653938	him:0.07845983793789166	up:0.07624506824521524	you:0.0751651036559156	it:0.0740341206843924	and:0.07401400494600735	:0.01
filled:0.21861650417553113	covered:0.15807954892587497	and:0.15398995808855576	together:0.10315898217779304	it:0.0934213896352333	trimmed:0.06881626332388843	them:0.06652586521268665	him:0.06582400370373889	lined:0.061567484756697745	:0.01
of:0.3048173163308239	the:0.2529258361933141	in:0.08622497796132544	a:0.08528660828155613	to:0.07587896405620392	and:0.06985188973590205	for:0.05934960462116136	some:0.032003026362499694	that:0.023661776457213582	:0.01
to:0.5357443123261034	I:0.0868975640687381	and:0.08278067344338147	will:0.0823654235985725	not:0.046638369881548916	you:0.04286176324020411	would:0.03937360862261094	we:0.03930607329097856	they:0.03403221152786192	:0.01
and:0.23352842728146966	looked:0.14339382520219376	look:0.11679201053599439	him:0.1108149255914643	was:0.10808749245809363	died:0.0829608962038795	it:0.07003338350249973	held:0.0636493661753928	up:0.060739673049012115	:0.01
the:0.7370456807718173	The:0.05548784315230436	tho:0.04242982539154104	and:0.04120326569861786	a:0.027705426802390135	in:0.02378250633595299	of:0.02221148618730874	tbe:0.02032694471059724	all:0.01980702094947047	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
the:0.40889991128533293	of:0.24227619321907007	and:0.07398408378154962	for:0.052707687780404175	to:0.048357432015811726	in:0.043508220867859215	more:0.043504097237680034	all:0.03884443381841414	their:0.037917939993877964	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
and:0.2809387450667357	it:0.14565130730806355	pain:0.12965325697815863	was:0.0790286267754142	him:0.07510760859958081	not:0.07499663083941864	that:0.07293660584681613	up:0.06709553384498941	is:0.06459168474082282	:0.01
of:0.29633572450437884	in:0.1460853874885849	to:0.1415677969515685	for:0.09412461223492613	and:0.08474980319055248	with:0.07400648853301361	on:0.05839473007661019	from:0.05014706301412719	by:0.044588394006238215	:0.01
of:0.4932598085970204	to:0.14179975682907803	in:0.10487382020592746	from:0.04833323699428859	by:0.047661449712485496	on:0.03925723575437891	that:0.03899521160302973	and:0.03820754742494841	with:0.0376119328788429	:0.01
number:0.18211890928516433	out:0.14378219534585787	plenty:0.13807782813232405	amount:0.1290846253201868	matter:0.108922170235205	lack:0.08809246615187886	kind:0.07143943965383992	deal:0.06569278937521147	right:0.06278957650033141	:0.01
in:0.15716872521337105	highest:0.14506910343143697	largest:0.1379642128322369	it:0.1290809213579344	time:0.1086085189537856	;:0.08638797274853391	made:0.07891963805256427	law:0.07617233416038827	him:0.07062857324974871	:0.01
one:0.1689443714940443	two:0.13589906462145185	hundred:0.13113489855047175	a:0.10639108034383842	three:0.10486857336230854	five:0.10328558866402716	fifty:0.09848933965103882	ten:0.08556973770886166	four:0.055417345603957655	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
a:0.4142186251966884	the:0.33670445750614436	his:0.0699959355905333	this:0.046074783344414574	their:0.02898766605772483	and:0.026927030915321663	The:0.024625812878390392	said:0.02202586374417978	her:0.020439824766602662	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
the:0.27062093316726427	of:0.2058837608840983	and:0.08834827289900335	The:0.08539875818703921	Mr.:0.0848051425396133	that:0.0818513311015996	in:0.0776092527328897	Mrs.:0.04911887553256453	which:0.04636367295592785	:0.01
and:0.30936556202126025	to:0.17370118736174037	of:0.13038200997623184	the:0.08771758421888155	which:0.06191870937029182	<s>:0.05888938295259156	re-:0.05752501777704927	in:0.055852125160339605	that:0.05464842116161378	:0.01
of:0.5451297882682867	in:0.08542997412173924	by:0.07435471138890196	for:0.06343197441649058	and:0.06341343949081495	to:0.06141603215573577	that:0.0356271492759087	with:0.03537389678075249	from:0.02582303410136949	:0.01
the:0.6813231373424598	and:0.08925441882374724	The:0.0566138572977628	tho:0.04225814397625023	in:0.03296730630561121	a:0.02553188566538156	great:0.02438695100388946	of:0.021724542380621072	his:0.01593975720427652	:0.01
it:0.3164017804771316	It:0.18753949814117393	which:0.09414510332944916	he:0.08042740968198475	there:0.07598843090541198	and:0.07384645502436786	that:0.07322329887836482	who:0.05674153340839758	There:0.031686490153718425	:0.01
in:0.27643648381144426	of:0.1961969053832181	at:0.12073793081559762	to:0.08554019376698715	without:0.06974266899025229	or:0.0671718273606311	from:0.06431868298814508	by:0.05759500052389659	for:0.05226030635982778	:0.01
to:0.3216888513664843	for:0.14255349889039629	of:0.12203152883398795	with:0.09581861854904952	upon:0.08332129510114093	against:0.08004415442127387	by:0.058714746451425215	on:0.04692788091862681	at:0.038899425467615066	:0.01
as:0.2594066538517639	that:0.23928204127600736	if:0.14786830227009118	and:0.1107429479753052	when:0.0638060134959275	which:0.05310774291846436	but:0.05043880376982659	until:0.03365088121664731	for:0.03169661322596667	:0.01
it:0.2602933463206855	there:0.14822319293947891	It:0.13196436136428402	which:0.11581767029202342	they:0.08952698954231514	that:0.07758736314856882	and:0.07379772084395009	he:0.04666991240312073	There:0.04611944314557337	:0.01
the:0.6337331662659316	and:0.100385275269275	of:0.04502915812563193	in:0.0446265384225453	The:0.04052682497589725	tho:0.03890434100479111	a:0.0367021526749023	to:0.027326210880625385	on:0.022766332380400437	:0.01
the:0.6784196000885326	a:0.13908689000247604	The:0.04136663708094288	tho:0.03614497271071451	in:0.0279006002892806	cardinal:0.01910151826605943	fundamental:0.0180177309598404	every:0.015831742505334707	this:0.014130308096818617	:0.01
to:0.29622871602765016	I:0.24286153447848005	we:0.11988916995261593	and:0.07121849146723337	they:0.0695564364480226	who:0.06461383083979888	not:0.0480774688801037	We:0.04520371681812287	will:0.03235063508797249	:0.01
a:0.2905641755641385	the:0.2027629000683531	of:0.16598961449895816	to:0.07565175956340875	at:0.07122558569009091	and:0.054855419437907824	in:0.04799042652164085	on:0.047416546936434156	by:0.03354357171906783	:0.01
number:0.2212178397020679	place:0.18121775406988186	out:0.11117962420357862	thousands:0.09369043741587967	amount:0.08821066085801411	point:0.07628454132916004	mound:0.07508719852365413	line:0.07368018872735872	day:0.06943175517040492	:0.01
I:0.4159580622160198	to:0.17080540166936994	and:0.10088830732856148	you:0.07154913166686484	not:0.07031251285590623	we:0.051418844238347645	We:0.037831346936378414	but:0.035984200745906816	1:0.035252192342644914	:0.01
the:0.28739530350745784	of:0.21344440021812378	and:0.11296142765504272	a:0.08461592541970957	to:0.082260705526554	be:0.07427408252160529	in:0.04938434590334654	for:0.04346745705650477	their:0.042196352191655545	:0.01
of:0.3693673782193348	in:0.17215768908689888	to:0.1239434037243533	for:0.06193718812042661	and:0.061193660916370844	with:0.05992123053983452	by:0.05910363648253348	from:0.0457314976229363	is:0.03664431528731138	:0.01
of:0.23477158352177552	that:0.18010374010600552	and:0.16850015393138607	to:0.15646866587518468	by:0.11516182513020508	for:0.040751054467460135	with:0.034738847882560674	said:0.030549111190380136	which:0.028955017895042266	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
the:0.3853244944598766	of:0.2016119142990119	and:0.13281277996971314	a:0.12239923761336712	in:0.03551265260697985	to:0.031033546691147867	or:0.028518751250522	The:0.028040083137066952	tho:0.024746539972314793	:0.01
and:0.31160406042684013	was:0.15198843375330282	is:0.14293478689701095	are:0.08751495165964816	be:0.07444339263214533	it:0.05853923992733708	that:0.05640720062512385	been:0.053699329385166916	succeeded:0.05286860469342484	:0.01
of:0.41131188058736856	to:0.10766845451161249	make:0.10318129871820048	for:0.10142028036499078	with:0.09492407018317187	upon:0.047948028783204234	give:0.045421776140216995	by:0.044223930642411216	in:0.03390028006882328	:0.01
more:0.23666962608195694	person:0.15698075343671472	one:0.1564845868901332	law:0.10742675235823701	man:0.0779961798966296	action:0.076638080124535	debt:0.06438269702433923	right:0.0580283442344637	time:0.05539297995299051	:0.01
the:0.6181267891922759	of:0.08954503148636384	a:0.07586674323318082	by:0.05939072589835369	The:0.03881726598622239	tho:0.032879613870859255	in:0.029662714059175564	first:0.02511324711805364	and:0.020597869155514942	:0.01
and:0.18784336682063274	as:0.15114329179679575	went:0.11423878004667351	him:0.10666558228731272	them:0.09110223752457794	up:0.08733803455919152	is:0.08689480544253657	go:0.08340199801381315	able:0.08137190350846597	:0.01
the:0.2639506293851738	and:0.19501039686586272	to:0.14601691692877852	of:0.12515324726393026	so:0.07017329332869995	is:0.061556309784988696	be:0.047429934184572566	he:0.04243046255372475	was:0.03827880970426894	:0.01
<s>:0.259439135731656	him.:0.20100035543772304	it.:0.12583494676797982	them.:0.08585089681790718	time.:0.0809999801987943	life.:0.06292662373010027	.:0.05990013580870492	years.:0.059437215128948145	man.:0.05461071037818634	:0.01
and:0.167673560168984	him:0.1302595889239382	want:0.12288405280822055	able:0.11252456763525272	is:0.10177603532893541	enough:0.0984888624868362	have:0.0913390951102543	me:0.08613098450363033	necessary:0.07892325303394836	:0.01
the:0.2605880434780103	of:0.2097576664809619	to:0.16219727420161864	a:0.100526310571863	and:0.07888459452761812	in:0.07417656369568967	on:0.048506072781993634	The:0.027825525915674196	at:0.02753794834657054	:0.01
<s>:0.2613088549649224	and:0.1558098142343409	was:0.12353456311453881	be:0.12011264833573743	is:0.07434522515091423	are:0.07263628290767324	that:0.06650679362055878	were:0.06277393866159388	.:0.0529718790097201	:0.01
and:0.24806658238388804	was:0.14045783826048838	recorded:0.1317322386178433	is:0.10073343460412247	made:0.08521183252855159	up:0.07777872850808105	as:0.07663231081688819	held:0.06663094950086343	it:0.06275608477927341	:0.01
one:0.24882240893376517	out:0.1887334300387465	some:0.12029900481494771	and:0.08521320866975134	part:0.08323606031267282	many:0.07356812523477475	that:0.0721616707346097	all:0.061399997708450484	time:0.05656609355228154	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
the:0.309467002264532	of:0.18035262549692663	and:0.11119273369645905	to:0.10968459345857927	a:0.08804854126777606	his:0.053351357595147975	be:0.05037490992496115	was:0.044642484238006354	in:0.042885752057611616	:0.01
he:0.2217516987789815	it:0.16322830800044286	It:0.11810384507815477	which:0.10353167502221937	I:0.0958442802177256	He:0.07808736780841996	and:0.07787726429433148	who:0.07521534391244238	she:0.056360216887282114	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
the:0.5727886398026025	a:0.19867495904921487	his:0.07166976262034834	this:0.03627116687860671	and:0.02788369134698739	of:0.024055188767059248	their:0.021069224840571985	tho:0.019462343904992477	The:0.018125022789616523	:0.01
of:0.427001161532826	in:0.3667829676713703	In:0.08504184702524369	to:0.035156946783727	for:0.02041696627153519	that:0.017439290143290837	by:0.015681989133997456	from:0.013280560168697653	and:0.009198271269311869	:0.01
be:0.38846787892347256	been:0.2000345382632609	was:0.19441565059005783	is:0.054073685711540816	were:0.0520508257781197	are:0.029202158257400922	have:0.02542482202381644	had:0.025217438725683203	bo:0.02111300172664771	:0.01
the:0.6697690013598362	The:0.06689917935940716	a:0.05298030767797346	and:0.0498339176692747	tho:0.049162601214615555	any:0.03684265298959119	by:0.022620177622061956	an:0.021263344144552263	in:0.020628817962687642	:0.01
they:0.3279402225883663	who:0.1328333361307845	we:0.11941312920296739	and:0.09173102170724177	They:0.07960306395119168	there:0.06873547797735444	men:0.06648571761000101	which:0.0581692113056658	it:0.045088819526426994	:0.01
the:0.36660987793517374	of:0.22560537542224016	a:0.11750982970331222	and:0.06672813567807485	to:0.05694040830080927	his:0.0538464516117081	in:0.03981466948489685	with:0.03275042421849142	for:0.03019482764529329	:0.01
in:0.2629916846552476	of:0.23747473332299232	to:0.11623473481910032	from:0.07575643326982999	for:0.07423930839252836	with:0.07128419961779621	by:0.057068425117216354	In:0.05646120849363749	and:0.03848927231165157	:0.01
the:0.5141457739836849	The:0.2950045206725871	of:0.07309953792189088	that:0.030337674671173265	tho:0.02218089583203861	and:0.020009403379514422	this:0.01318889487342763	a:0.011968483846002987	tbe:0.010064814819680213	:0.01
the:0.3922793957849885	of:0.20213074781626741	in:0.09851200609318483	his:0.07181992761771304	and:0.053453911016422634	for:0.05334820161763844	to:0.041494569301369855	a:0.03910874243680619	with:0.037852498315609204	:0.01
and:0.33090667565595405	demand:0.11951725037001644	ready:0.0989386645738498	used:0.09514434972463201	time:0.08611259291726482	not:0.06607848366518068	vote:0.06597209943325832	it:0.0655060703120096	candidate:0.0618238133478341	:0.01
did:0.20878607124705012	do:0.15428408155985487	could:0.15085576060883693	does:0.13659615586599216	would:0.12912376141234255	will:0.1244653601357192	may:0.024283116121130485	should:0.02345383339040368	had:0.020211773426663193	can:0.01794008623200697	:0.01
the:0.3003330690371528	and:0.1709578078778068	of:0.1474902592058495	this:0.09875077312539356	in:0.07655205607342308	such:0.05351133467397057	to:0.05285759252696353	that:0.04493803398657695	which:0.04460907349286318	:0.01
gold:0.5581642389104194	hundred:0.1205288907223759	men:0.08933798568758872	wife:0.057740763155311486	relatives:0.04174268668565326	city:0.03811482161167379	land:0.03093648252049141	in:0.026856518703656764	up:0.026577612002829334	:0.01
the:0.30196598738044483	and:0.19861093242240807	to:0.10893018332240713	of:0.10720786107769578	in:0.08124785220899157	a:0.06322211543180746	<s>:0.046529538181118414	for:0.044192986980847046	I:0.038092542994279534	:0.01
of:0.3631972161376774	in:0.15792698496706048	to:0.09864878392860572	and:0.08887313371661497	by:0.07765385130522501	for:0.06383028547430683	with:0.0545119595167056	that:0.0467881809418167	In:0.03856960401198715	:0.01
the:0.2431195155399872	a:0.20188355758110077	of:0.16503788149276497	and:0.14471557854938005	in:0.08903357496181367	from:0.03837217788624232	The:0.03635955406636288	that:0.03575167932487429	with:0.03572648059747359	:0.01
and:0.2682983319507874	recorded:0.10717905104111182	was:0.10263907629409649	made:0.09927630384100071	that:0.09842569549211198	o'clock:0.08895025276229458	up:0.08173084504592748	is:0.07240199994443215	found:0.07109844362823738	:0.01
to:0.29386912855937003	will:0.2709154832418757	and:0.09444906117830208	not:0.076556721793318	would:0.06131144242130821	may:0.058708691308303876	shall:0.04831916801618512	is:0.04347496607509774	it:0.042395337406239075	:0.01
to:0.23084164089153653	the:0.19599676182946477	of:0.16555747408636154	and:0.15864168240412752	a:0.06474452365459166	in:0.05071236753640227	at:0.050063002462748356	for:0.03808870392664653	is:0.03535384320812078	:0.01
peo:0.43530247121570537	the:0.11822774829602649	peo-:0.10247340576785433	a:0.09092956100382839	of:0.08399199070903313	and:0.05831168803524811	as:0.03863644607003137	said:0.03571031057632854	di-:0.026416378325944467	:0.01
north:0.44757064159326093	feet:0.12551733402880494	east:0.08391334517790348	street:0.07404954194979392	land:0.05468649834098592	North:0.05413073083253676	south:0.05317235024589005	chains:0.050816732129852195	;:0.04614282570097179	:0.01
the:0.5208699512529816	a:0.10404622048238932	of:0.09618371428492235	said:0.06613354886398887	at:0.05120031469276136	to:0.04768653429292527	any:0.04200147782352733	and:0.034707477273000165	The:0.027170761033503698	:0.01
has:0.18864168437305817	have:0.1741428817353717	was:0.10216802380312043	he:0.10049274025443482	be:0.09861577221460266	is:0.09858028793319838	and:0.09032561682634642	had:0.08276139911620571	been:0.054271593743661514	:0.01
of:0.25823735451086327	the:0.13793974357911257	and:0.1261945327872129	in:0.10903247852169386	a:0.1086515516966373	to:0.09238292652407408	-:0.07710713226639392	for:0.04331262260445606	by:0.037141657509556086	:0.01
the:0.6735280597915383	and:0.08729129994708862	of:0.07174176304129307	said:0.036634113252345314	The:0.03400184301955722	tho:0.031443701356291404	in:0.02093259103258331	on:0.018781514534693834	or:0.015645114024608935	:0.01
a:0.47293175540792126	the:0.13353077013780476	very:0.09248794803487055	of:0.06738169537367764	and:0.06332513724157653	but:0.045647564697677785	with:0.04491377426106902	is:0.03859028795756805	to:0.03119106688783435	:0.01
to:0.5949327136105765	not:0.11996282544064084	could:0.05447690426093984	will:0.0502921845912519	and:0.04483477350409859	can:0.04030759917833194	they:0.031049700398971862	would:0.02924566377151564	may:0.02489763524367272	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
of:0.2735900659577961	the:0.15557694486545462	and:0.12432954580218314	a:0.11720381974340095	to:0.10415057097770922	in:0.08233958509752284	was:0.045557072074220245	with:0.04364711895288105	is:0.04360527652883189	:0.01
the:0.34170127421390223	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093987	to:0.07847171568184984	in:0.05339647102682973	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
of:0.22254876392420936	and:0.14984605471520662	in:0.14324964628238337	to:0.09268435781117303	any:0.08423031552094203	from:0.08038447697205824	the:0.08017995252876586	by:0.06845035027133221	for:0.06842608197392928	:0.01
to:0.26171377917914485	for:0.22870313473676598	of:0.09500953121309015	and:0.09124914564660049	threw:0.08843548468436997	put:0.0708147542768628	get:0.05645009185049505	in:0.05243336599922696	throw:0.045190712413443725	:0.01
of:0.3138254760025752	at:0.14220270656396272	the:0.136442981881445	to:0.10424417756003813	in:0.09722019230480701	and:0.076152314822687	from:0.0608621915572995	by:0.036107861131643666	for:0.02294209817554156	:0.01
of:0.21759963067841834	the:0.16549920364968698	.:0.16492771551567437	and:0.09877824180147324	Mrs.:0.07745767080302547	by:0.06917801196216597	J.:0.06650376276314136	John:0.0663697091933837	H.:0.06368605363303055	:0.01
the:0.19450260354116622	of:0.17635756026324806	and:0.1709596688916616	to:0.1317406796304838	a:0.1268415404113113	in:0.06531373308911202	be:0.0465141726686009	with:0.03951019807103425	was:0.03825984343338188	:0.01
of:0.20482777277060715	the:0.19157469019980297	and:0.1572133167841724	to:0.1549827058826635	a:0.0793226408414419	be:0.06258366802827799	was:0.05125038664443885	or:0.0473362165644865	is:0.04090860228410865	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
of:0.342142528087928	to:0.17800625501403844	in:0.11335841777688073	and:0.08175780483237323	from:0.059332691581562756	on:0.058869876080230026	for:0.05404377642899884	by:0.05220780661025093	that:0.050280843587736906	:0.01
and:0.2610684906234711	the:0.19554736216822505	any:0.1342736028215266	or:0.11631328769202955	of:0.07443676633240683	all:0.0689270155323713	no:0.051097245280595345	some:0.046297981602317385	in:0.0420382479470567	:0.01
and:0.43714406329511585	days:0.098157577447886	shortly:0.09351768808916136	that:0.08382449020673632	soon:0.08019203524087128	minutes:0.06143546298628002	until:0.04838024245481745	but:0.0454926910916871	Shortly:0.041855749187444516	:0.01
in:0.42952273766219135	of:0.20199621914599983	In:0.10494848237749935	the:0.0617264752805106	a:0.04347282814162129	to:0.03942297413821119	on:0.037818298564245	at:0.03733283339679441	from:0.03375915129292695	:0.01
the:0.30032398439464153	of:0.24123798292280732	to:0.10967522063229844	and:0.10241337743572468	in:0.048512931547422096	<s>:0.04786760147153562	was:0.04741818560160527	on:0.047088981773871705	for:0.04546173422009339	:0.01
and:0.2660107200285769	lying:0.174551750887634	it:0.09251120057524645	was:0.08951702550510325	made:0.0772253589469859	now:0.0769823572309378	them:0.0766161612532918	that:0.06930827982720557	is:0.06727714574501818	:0.01
of:0.2525782558132315	to:0.14388339238242684	that:0.11612702209513834	in:0.10417477707905626	or:0.09322040900855177	for:0.09190159692377249	by:0.08517109591706234	at:0.05297330608542666	if:0.04997014469533381	:0.01
and:0.2652634788189831	place:0.206087020387161	point:0.11967180346892212	cases:0.08459865196600337	spot:0.08338543012990265	that:0.07005480893263437	every-:0.06056738561391334	places:0.05325281402571343	of:0.047118606656766565	:0.01
to:0.3965440629957127	will:0.11023003864135353	have:0.10017327504071025	had:0.08539590972093525	not:0.0694918018561001	has:0.06805401137763294	be-:0.059370876557056224	they:0.054019059083541175	and:0.04672096472695779	:0.01
the:0.26631771811439525	and:0.20187492102926918	of:0.1589843633303804	to:0.11059027842715603	in:0.0571012098710703	that:0.05146239565117725	said:0.050581573006078746	for:0.04673165755322649	his:0.04635588301724631	:0.01
the:0.2730499683511868	of:0.23942118511978516	for:0.10381271503095649	and:0.095129555940787	or:0.08545293584071942	by:0.0702382898150236	in:0.06039427782650088	these:0.03128199141049578	that:0.031219080664544964	:0.01
and:0.29052563843363216	fact:0.1718349679940122	said:0.11307705641045758	so:0.10296766644522751	believe:0.07467485194323314	is:0.06547998110151379	say:0.06072622423233118	know:0.059576482780927004	found:0.051137130658665285	:0.01
the:0.5512744873992836	a:0.11112329733708555	any:0.09829662272556629	at:0.06169360981225637	tho:0.042322574578208524	The:0.04197142543678733	every:0.029836170945007984	and:0.028635174220778607	by:0.024846637545025738	:0.01
and:0.29052563843363216	fact:0.1718349679940122	said:0.11307705641045758	so:0.10296766644522751	believe:0.07467485194323314	is:0.06547998110151379	say:0.06072622423233118	know:0.059576482780927004	found:0.051137130658665285	:0.01
and:0.3937468811839419	to:0.22349962865051812	not:0.07325808986714295	that:0.054342221381652435	or:0.0516867063609947	who:0.04990290645230246	of:0.04896582159111312	will:0.04819592503119137	re-:0.046401819481142845	:0.01
the:0.35345610456470805	and:0.20515242079251844	of:0.11439307401553003	I:0.08861956340001047	to:0.05488273443457724	The:0.05045111873676747	do:0.045149345401447286	a:0.03993357871912916	in:0.03796205993531178	:0.01
the:0.431115178311565	and:0.11220662126497954	of:0.10667706976726528	in:0.09860771949799933	an:0.0850779644536301	that:0.045534650036362846	their:0.03811026156079696	to:0.037631489523742026	a:0.035039045583659056	:0.01
in:0.2019563382749987	the:0.1955630803568737	on:0.15196986011008842	a:0.12850475666202046	of:0.08856738141392573	In:0.08321452710540714	at:0.05205867219406849	from:0.051687871118075934	and:0.036477512764541545	:0.01
to:0.6185330823815427	will:0.11984832048398844	and:0.05768923466883854	can:0.05294839750437643	I:0.0406592619199675	not:0.027930025551208083	the:0.0270093542221785	shall:0.022876103129309842	they:0.02250622013859013	:0.01
the:0.3661510278115807	of:0.18604011314490673	and:0.11091525756473093	in:0.09556882822052382	a:0.07472429387547164	The:0.04949365505368285	to:0.04579469490461243	at:0.03277907132192454	tho:0.028533058102566393	:0.01
of:0.2617708552015178	and:0.1848116518272444	to:0.18421515533405083	the:0.14265137383970689	in:0.06113086224309199	a:0.058007558184018294	for:0.03664374363958935	that:0.03284393419005219	as:0.027924865540728067	:0.01
the:0.3824949169594228	of:0.18298952547349912	and:0.14835305352087438	a:0.08067174367115877	in:0.053426876918266544	to:0.04773492247540222	or:0.03590997726770017	The:0.030341223954167988	at:0.028077759759507992	:0.01
at:0.4465995830418883	for:0.13512240030818579	of:0.09415066394754062	to:0.07954829232875772	and:0.05386871356290935	At:0.05022258079577465	during:0.04413469830326202	that:0.04338073656320904	in:0.04297233114847238	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
and:0.2611491102613345	covered:0.14376551213793576	filled:0.14181698717345156	together:0.13396499278193463	charged:0.08903151452342417	up:0.07066466245530402	that:0.05449983020071744	but:0.04879650329975542	it:0.04631088716614254	:0.01
in:0.2291796231230005	of:0.198946047681148	to:0.12894122755459383	for:0.09814016662143758	with:0.07994941794472238	from:0.0778656863619228	by:0.07136739601410985	at:0.05341523200022529	In:0.05219520269883961	:0.01
the:0.27010989200646995	of:0.16045615257725326	and:0.12959593548799314	on:0.11219861359121452	or:0.08252152504155823	as:0.07777027457329735	to:0.07572477987269932	be:0.040909961635793086	their:0.040712865213720875	:0.01
the:0.3246502083788233	of:0.17755856595863645	and:0.16110492809915072	to:0.09332606327702567	a:0.06646017066957834	at:0.047863837549742216	in:0.041639128635507	for:0.04119583740728431	or:0.03620126002425198	:0.01
of:0.4943444621967851	by:0.11437374286054318	to:0.10170642720973082	in:0.07036865223005785	and:0.05957132952914668	that:0.05633632506000686	at:0.03259669951283122	from:0.030636223638092274	on:0.03006613776280605	:0.01
number:0.19117196061653588	purpose:0.1805464311244205	out:0.119244112589712	matter:0.10964611782653483	instead:0.10778712669896587	cost:0.07733867388546425	means:0.07436119239649946	years:0.06514836403781417	line:0.06475602082405313	:0.01
to:0.45477900489096146	the:0.0946992166450643	a:0.09181465386759005	will:0.08787521787809667	and:0.06137402991677482	I:0.05731342989221083	under-:0.0500008030878162	would:0.047239733282970695	not:0.04490391053851517	:0.01
away:0.24201839590324936	him:0.18437616884942676	and:0.14485409321280102	taken:0.09161095533557523	came:0.07547319604529013	them:0.07283016257333716	it:0.0639765340669331	come:0.05946064662738615	returned:0.05539984738600123	:0.01
one:0.23605402837694311	part:0.17194359534856793	some:0.13057929531661294	out:0.1260986276816703	all:0.0823759925825205	portion:0.0721218186216587	any:0.05940159750764522	much:0.05636686489326106	that:0.055058179671120165	:0.01
of:0.26945284005378234	and:0.1691552956104859	the:0.1419337412446498	to:0.09592871768365933	said:0.08001890833212993	in:0.06853047750091842	was:0.063587931035049	by:0.054183417390367215	be:0.04720867114895795	:0.01
hundred:0.38841378645436947	up:0.09123185635738856	men:0.08930224671194738	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.07306411117914521	him:0.0668423327581923	;:0.06651424040074755	due:0.06192290086804839	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
and:0.20735053701823783	to:0.15387785739540458	the:0.14540955176273787	of:0.10553893519947835	was:0.10277634254014692	.:0.0920927080266332	Mrs.:0.07075792840449589	<s>:0.06338869857582367	I:0.04880744107704168	:0.01
in:0.21318660546642726	for:0.18278527504286687	of:0.1746559009532644	within:0.09270317324720144	and:0.08112620763954174	only:0.07401156421911753	In:0.06727676343538885	with:0.05638982722093511	is:0.047864682775256746	:0.01
and:0.24715944158911993	depend:0.10115542297585237	based:0.10085046174861782	placed:0.09929781518962863	depends:0.09865819847804204	called:0.09672811564313881	down:0.08601932662424668	made:0.08525060516232964	effect:0.07488061258902408	:0.01
and:0.31137999683890444	the:0.2027238329525551	to:0.10187465053012423	do:0.10038072769923051	I:0.08910698357126924	of:0.05891150067599223	will:0.04453293107318722	he:0.04324163595134098	<s>:0.03784774070739599	:0.01
Mr.:0.39228058711881586	Mrs.:0.18980744922155524	and:0.1182196858671382	Miss:0.06800538364528456	of:0.06480771322234485	the:0.060267234476154015	Sir:0.035197369941436005	that:0.030827076605908593	St.:0.030587499901362836	:0.01
and:0.21153711816299234	of:0.16274113860090453	the:0.15242465288582277	to:0.14262969949545382	be:0.08612367269064274	was:0.07100107345600955	is:0.05846051186375524	a:0.057006530603432685	as:0.048075602240986406	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
the:0.3966827479009196	of:0.17286141598647253	and:0.10333850226999433	The:0.10058875879416367	that:0.06680977697257112	a:0.05562547186074692	his:0.0448906148460306	this:0.025271437797070577	their:0.023931273572030495	:0.01
it:0.2602933463206855	there:0.14822319293947891	It:0.13196436136428402	which:0.11581767029202342	they:0.08952698954231514	that:0.07758736314856882	and:0.07379772084395009	he:0.04666991240312073	There:0.04611944314557337	:0.01
of:0.17827518890077498	and:0.17591555702760833	I:0.14025899935957778	all:0.11786609169395547	.:0.1109962817453498	to:0.08019049142446674	<s>:0.06807487410083708	the:0.06298713863268365	that:0.055435377114746186	:0.01
they:0.31660049247675187	we:0.1688673385587379	who:0.09836317008086896	you:0.0826290608403636	They:0.08150542993398753	and:0.07149930638277628	We:0.06376980602295315	which:0.05872455502562595	that:0.04804084067793465	:0.01
sum:0.26966492961409716	rate:0.2426491833701135	period:0.0832488889743108	amount:0.08262125532108913	out:0.0754391145704222	number:0.0644667590939396	quarter:0.06215204013646101	one:0.05808679108916975	cost:0.05167103783039668	:0.01
the:0.5396224576205474	an:0.17248774546209533	The:0.1040844804359714	and:0.034181070099347274	of:0.032298312976955706	a:0.031716299650888125	his:0.028285626661573457	tho:0.02371467485625127	their:0.023609332236370014	:0.01
and:0.33558846059545533	be:0.14362770669103844	was:0.14180957947538303	is:0.09705983956066319	the:0.07297932226773746	been:0.0641481372246245	of:0.05776760769502812	or:0.04343957572370047	are:0.03357977076636969	:0.01
the:0.2363256619242568	of:0.18886074844018247	and:0.12682049354783523	to:0.09524780069146993	was:0.08498950973556639	a:0.07330451419837286	be:0.06504520465050595	in:0.06462390742693405	is:0.05478215938487642	:0.01
for:0.4795819756753278	of:0.17747513156261785	in:0.0801797350738926	so:0.057722712744577076	and:0.053247251564619756	as:0.0442425804794929	that:0.03514487424933844	For:0.03415603860076367	the:0.028249700049369848	:0.01
as:0.18333935539738966	is:0.13626727257135118	and:0.11696322843821202	able:0.10666396706401379	enough:0.09923105057216097	order:0.09600053520519565	was:0.08688446602020423	not:0.08365979314700585	him:0.0809903315844667	:0.01
of:0.255969491899441	for:0.196069808965141	to:0.1388794453957954	in:0.10280693295236598	at:0.084923831565396	on:0.06284538061459571	and:0.05705955427606366	that:0.046800702159936244	by:0.044644852171265126	:0.01
the:0.33378208188568287	and:0.17194940185112656	in:0.1096391832629773	of:0.10265949845942478	to:0.07575914153174242	by:0.06432538737312585	that:0.0459123557202011	as:0.044268993090278395	for:0.041703956825440654	:0.01
other:0.3196491148075099	of:0.29684897738320737	these:0.09403797090837142	the:0.08518908857089832	for:0.04915463352940471	their:0.039207280750828286	in:0.03909258180079824	all:0.03505262401018241	different:0.031767728238799454	:0.01
for:0.3343959825140333	or:0.12588885145722445	of:0.11636428832751247	about:0.10507035598140177	past:0.07684165422099198	in:0.07156775369197704	than:0.06765042617906675	and:0.05706810858310186	within:0.035152579044690276	:0.01
No.:0.39301977214144485	lot:0.0991706825903386	June:0.09143545193488334	section:0.08769229648376925	March:0.08542643966448495	July:0.07312651526295683	May:0.05509344556572034	April:0.05417682363299823	and:0.05085857272340358	:0.01
of:0.19881978617297622	and:0.18164326299003536	to:0.1490327698187145	the:0.09560413868897125	was:0.0836757460382071	in:0.07328280609753686	for:0.0715375397763804	be:0.07101184200796849	<s>:0.0653921084092099	:0.01
feet:0.5993409063811722	inches:0.08505718525033099	and:0.07775748822960815	a:0.05800972312425859	so:0.05490645413394994	the:0.045816028302314404	to:0.02450569752312995	that:0.022775088136358035	of:0.02183142891887788	:0.01
and:0.1944372923421487	together:0.18064694998584138	connected:0.14784638791688007	connection:0.1448086892096974	accordance:0.11050849290477427	comply:0.06045119551015317	acquainted:0.053914338376547646	compared:0.051495838323954046	contact:0.04589081543000345	:0.01
the:0.2603384109054656	a:0.17631396693754886	to:0.16248729555323216	and:0.12297424874305868	of:0.10077056151746781	be:0.045438386953192494	was:0.0420999085814214	for:0.04201326408974992	or:0.03756395671886316	:0.01
the:0.2687371836794489	such:0.15325932100946654	and:0.13280452089975778	as:0.09666635699385098	of:0.09129000065860701	his:0.08616231074548254	a:0.05791843047869501	their:0.055274127205516624	its:0.04788774832917471	:0.01
to:0.5893914488256534	will:0.1588244243987072	and:0.07638680094420731	would:0.05967228825690909	not:0.02707179047540236	shall:0.020724385340585193	can:0.01967728219458364	could:0.019141449894996772	should:0.019110129668954833	:0.01
to:0.18619898081003391	for:0.1334860285595064	let:0.12107171308664266	with:0.11304357755178478	Let:0.10967541480772677	of:0.1011105504664241	give:0.08124620739018475	told:0.07456825602488955	make:0.06959927130280705	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
of:0.46011823708712585	in:0.17738161494584848	to:0.09292378859265366	at:0.08639490724656988	In:0.05361422157790158	and:0.03846513861335027	as:0.0286124869470149	by:0.027821953145693128	from:0.024667651843842148	:0.01
the:0.297541036911343	a:0.24321671754691032	of:0.12079040364612384	for:0.10857821313180258	and:0.07382406533466247	in:0.07206031224535213	to:0.03235849437565737	as:0.020839221585703165	any:0.020791535222445114	:0.01
an:0.2097825387355821	the:0.16089050497374985	more:0.14972176305810553	greater:0.10705244536889898	this:0.08676309068089139	any:0.07738679610053806	larger:0.07047302619082436	better:0.06786260490570564	other:0.060067229985704094	:0.01
to:0.2894445343424298	and:0.20641174069048843	will:0.15783216438548842	they:0.08250430131337794	we:0.06777599357572657	who:0.04807453069205627	may:0.04792745298913761	not:0.046813122151802035	shall:0.04321615985949286	:0.01
and:0.4357639677922806	the:0.11662979085458558	of:0.08087764502688935	I:0.07707696988785019	was:0.06320105771801705	that:0.060392575755773656	a:0.057884048483536364	he:0.05253423724186349	they:0.0456397072392036	:0.01
and:0.35315218645721114	that:0.11835483459355081	it:0.11534080442338009	found:0.07013930176251786	made:0.06891855340915605	is:0.06851004504571004	him:0.06692019640895633	was:0.06498994036132699	but:0.06367413753819048	:0.01
sum:0.18676829411122214	number:0.1566486321513545	line:0.11140081741272478	city:0.10844765106291132	out:0.10739005474369737	day:0.09286734076326106	county:0.08286139477536687	amount:0.07384405151900511	Board:0.06977176346045691	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
the:0.4274452747866744	a:0.2995917394502758	of:0.10119084305570711	and:0.04227295785763625	The:0.034747906823924965	in:0.024082926801502088	his:0.022638890171874648	tho:0.020598903247296126	A:0.017430557805108552	:0.01
the:0.809803433537189	of:0.048304251070847286	tho:0.03316761532948122	The:0.022561422002221134	his:0.019299029919506484	a:0.01875057190419676	this:0.015428367150780182	tbe:0.011769818398533341	their:0.010915490687244674	:0.01
and:0.4154315229229527	the:0.113794235354847	to:0.09500533079219571	a:0.07715146075138588	of:0.07160393075440351	<s>:0.0607023683867431	lot:0.052948370201560326	that:0.05254790221561227	in:0.05081487862029957	:0.01
and:0.23249637061068623	away:0.17295825796751463	taken:0.1420468461527569	them:0.07766826901057845	miles:0.07536648492003646	come:0.07524013772926026	out:0.07345826542488418	came:0.07129075865548365	down:0.06947460952879943	:0.01
it:0.25498657122263135	It:0.20898286023310084	he:0.1386842834937445	there:0.09372227161710601	which:0.08458177128791049	and:0.06212994223278563	I:0.05457396755404127	He:0.05032069163859372	that:0.04201764072008621	:0.01
opin-:0.5710220244255753	inter-:0.08888109715721298	com-:0.07742564952172525	provis-:0.051880703042096875	Un-:0.05077494858757163	com­:0.04008456966292175	<s>:0.038471314072771434	and:0.03722177215222922	in:0.034237921377895546	:0.01
be:0.2800151970803797	was:0.15644854047516507	been:0.15107690012330444	is:0.1106392060529324	are:0.09506806580803627	were:0.059476689934567166	and:0.04926813970669288	have:0.04437374323740564	being:0.04363351758151645	:0.01
;:0.1831987100205949	it,:0.12977121507900277	them,:0.10671975512863673	in:0.10356222544492102	him:0.09921308127715227	up:0.09889284001031913	it:0.09583185028212195	him,:0.09421588177029208	time:0.07859444098695917	:0.01
.:0.2593936514210968	of:0.18713319370301185	-:0.12827694840045462	the:0.11888678241866012	to:0.07931610767374372	<s>:0.07709537454443395	and:0.06491245572624653	a:0.040304213094409166	Al:0.03468127301794336	:0.01
is:0.16942519602671974	and:0.15813115747266288	was:0.15522719184335376	are:0.14962177312528852	been:0.09223071247594507	be:0.08492226786154039	not:0.07856631003092095	were:0.06002319325046149	or:0.04185219791310705	:0.01
part:0.17558637412192382	provisions:0.16436160744752737	copy:0.1564747841582047	date:0.09461421298971757	one:0.09319941705263952	out:0.0867345073075822	publication:0.0759006248272936	and:0.07313790523090531	tion:0.06999056686420581	:0.01
of:0.23817198602954937	and:0.23415746017761663	in:0.1159835339547378	to:0.10227189079610366	fact:0.07859923495468527	said:0.06648519540808896	on:0.0596758126790623	all:0.04959175794549596	is:0.045063128054659965	:0.01
and:0.3844770709926163	he:0.1193916039542933	was:0.11563925846648056	I:0.0957267849639436	be:0.06220176964397849	but:0.056825740641734894	they:0.05657451653211366	had:0.051507163731843164	who:0.047656091072996114	:0.01
the:0.4323775787326833	his:0.14632755928760277	their:0.08199053654642631	and:0.0743340616803582	my:0.05897268996908505	a:0.05603815396474707	of:0.054622692536464554	The:0.04596755034257491	her:0.03936917694005801	:0.01
to:0.5671516910768172	will:0.1510715224266989	would:0.06457238937943623	and:0.04963564276137688	shall:0.04948342975142419	not:0.036010424561236674	should:0.027042751008008153	may:0.02598863949322166	could:0.019043509541780072	:0.01
the:0.3627295108532324	of:0.18543035631391452	a:0.15397074508309583	and:0.08986353964721512	to:0.07260187110472961	for:0.0316502824204021	The:0.0314188531250225	in:0.03125003021606945	an:0.03108481123631847	:0.01
the:0.2662311151654102	Mr.:0.26366924500796723	and:0.08297124757692285	.:0.08262341581194263	Dr.:0.08085046792359965	John:0.07483321170954717	Mr:0.046617434052865996	Senator:0.046108549812524116	Mrs.:0.04609531293922042	:0.01
of:0.24655703725807715	in:0.1907670715047593	to:0.1491267558440027	and:0.09805536582965152	that:0.0976397712024293	with:0.05848625340603123	for:0.055878925908952916	at:0.04815197631304222	as:0.0453368427330536	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
to:0.2364180538543807	of:0.23594055961863067	for:0.14217177666402986	at:0.08048663569683762	in:0.07575238328332702	and:0.07180811871661946	that:0.07004002457752342	from:0.043141803297008084	on:0.034240644291643016	:0.01
and:0.16965396298012253	for:0.15793828876890953	of:0.12982656911081353	to:0.10922370480675231	in:0.10679303525059512	is:0.0958548454768966	with:0.07701426250448416	was:0.0750751645633386	that:0.06862016653808771	:0.01
the:0.5122927336390343	and:0.19088207846368568	or:0.051683005723241866	of:0.0461597341942071	The:0.04331673422122005	on:0.03978793098698056	to:0.03827891596830873	tho:0.03581354164521913	an:0.03178532515810255	:0.01
de-:0.2403402809472326	of:0.19027886795557392	her:0.1040438685078107	the:0.08595263538113736	his:0.08528663502758639	Mr.:0.08448074674668737	com-:0.07170622479036338	in:0.07135487113079511	re-:0.056555869512812953	:0.01
;:0.24697113048269073	up:0.11349225893282706	it,:0.10761648763085584	due:0.09386745529859693	them,:0.09195020801637638	street:0.09148369481853022	him:0.08351300421356628	.:0.08238661155123946	it:0.0787191490553172	:0.01
the:0.869368938233236	The:0.04164461490462328	tho:0.027574932510179374	a:0.01683485887082087	tbe:0.011379552787641098	his:0.008232549584765853	an:0.006611721615304582	said:0.004905441163904983	and:0.0034473903295239574	:0.01
of:0.50984722743329	in:0.13268782784949318	to:0.10592018786131685	that:0.04760484698437598	by:0.0475657876262917	for:0.044769435977049424	with:0.03932066956143652	and:0.03200955303257717	from:0.030274463674169267	:0.01
of:0.3803307642975053	and:0.1270614600469641	that:0.11279273800004345	for:0.06783005640095655	with:0.0657544093850474	to:0.06526203971859658	by:0.06410409488539329	all:0.05991645315052298	any:0.046947984114970455	:0.01
the:0.2989642313749079	and:0.19577887296007684	Mr.:0.16876110770435512	The:0.1053326914494959	of:0.06279799722475939	Mrs.:0.053343782016654955	Miss:0.041393822580830186	<s>:0.03220073327496392	that:0.03142676141395581	:0.01
it:0.22527501596969268	he:0.1838878956819828	It:0.1771900784542053	I:0.09605887214942406	He:0.07943712792698977	which:0.07173560525924132	and:0.06249392108142076	that:0.04725619630597162	who:0.04666528717107178	:0.01
.:0.25507353790476717	Mrs.:0.1409722952571801	Mr.:0.12681461131342484	of:0.1185665630677255	was:0.07835300816529599	and:0.07775557413018375	-:0.07053402571493822	at:0.0620153583470355	the:0.05991502609944886	:0.01
and:0.3858586974143077	was:0.10837652455308053	the:0.10260110465298941	be:0.08704910723823288	is:0.07924339115721062	or:0.06941874211747599	not:0.0554148148813077	to:0.051114172968945666	of:0.05092344501644951	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.04553578393787439	of:0.03051332981678091	tbe:0.02261446403444868	in:0.021612439669724332	or:0.020196218295911488	:0.01
and:0.23226257295813924	that:0.22135165002083446	as:0.15701596263182646	which:0.10054007038092677	when:0.07438407586317003	but:0.07385335729908371	if:0.05878632390389568	what:0.04254914370191793	If:0.02925684324020554	:0.01
the:0.7038508590346495	and:0.0729455410622826	The:0.04868083022828271	of:0.03930494288832567	a:0.036133570477209075	tho:0.03443896275214681	or:0.024143171633836637	other:0.015747395784176357	tbe:0.014754726139090476	:0.01
a:0.37573907330395756	to:0.18737633799742856	one:0.08744744180831467	the:0.07802666262868156	first:0.06496801670944022	and:0.05909250273261483	last:0.049767918530497765	no:0.04902701087337304	every:0.038555035415691746	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
him.:0.28158306488271184	<s>:0.16898733615834738	it.:0.13297886888857097	years.:0.0833808699322771	them.:0.07218576126026911	time.:0.06580406166637383	himself.:0.06389314846983192	man.:0.06273542896571664	life.:0.05845145977590138	:0.01
the:0.3141697498569716	of:0.13596872111181624	The:0.13148451940784603	Mr.:0.12071271065510486	and:0.08466951013671548	that:0.08137847559446529	a:0.05140346651734129	Mrs.:0.04087284649549475	his:0.029340000224244482	:0.01
hundred:0.38841378645436947	up:0.09123185635738856	men:0.08930224671194738	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.07306411117914521	him:0.0668423327581923	;:0.06651424040074755	due:0.06192290086804839	:0.01
made:0.3028069374576309	and:0.2023193696646394	caused:0.07375981344017991	shown:0.07207509517503563	up:0.0704269184181151	ed:0.07002219172812583	out:0.06751988832599078	taken:0.0665966498616986	done:0.06447313592858381	:0.01
they:0.23254268624630037	we:0.13676554475621922	who:0.12307607106308123	which:0.09881889981928137	that:0.09816070818225994	there:0.0866288367254418	and:0.08328310666319745	They:0.06795672150289234	you:0.06276742504132625	:0.01
of:0.23938644186731753	is:0.13975074868304482	in:0.11640724085992608	was:0.1029716023304256	by:0.09037855206695589	to:0.0902915603432484	with:0.07832475526380644	as:0.06732004250572095	be:0.06516905607955423	:0.01
the:0.34170127421390223	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093987	to:0.07847171568184984	in:0.05339647102682973	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
;:0.24831900338069315	nothing:0.13078974075180344	and:0.12084203005150819	is:0.10260220095743054	it,:0.09780992216361219	them,:0.08257696264269697	are:0.08162806387056949	,:0.06734575393909667	him,:0.05808632224258921	:0.01
is:0.3323516849202054	are:0.24111805607783393	was:0.15046216337713048	and:0.07937592002168484	were:0.06372309960403484	Is:0.04701725108754984	be:0.026703958180526583	a:0.025968530976605713	but:0.02327933575442844	:0.01
It:0.36363398126475394	it:0.14813406414768762	there:0.13242436440647207	that:0.08035907084365271	which:0.07519947938555717	There:0.059095252595133756	he:0.0469526096113287	This:0.04419061635105843	and:0.04001056139435553	:0.01
the:0.3393255573743127	and:0.21178061799709652	of:0.18374035432791083	that:0.05355193750391202	The:0.0526274655332642	a:0.050428225266492877	or:0.03381932134870706	I:0.03348309181440277	in:0.031243428833901205	:0.01
to:0.30777075785420516	of:0.22681478910997044	with:0.11753828725498403	for:0.08787827979550161	among:0.058707280591620795	against:0.05798415617263617	by:0.05550851618541033	and:0.03924279927829422	before:0.03855513375737724	:0.01
able:0.1393030711619596	and:0.13512541367015724	is:0.11870678352112217	had:0.11435103596277794	have:0.10892595090491183	order:0.10499525019442855	enough:0.09047530601893372	was:0.08910219772913464	not:0.08901499083657444	:0.01
of:0.23881594363948452	by:0.14314416627335774	and:0.14045932304176204	in:0.11473661299840592	the:0.09684876944018678	are:0.07947069183124669	to:0.062199122607771516	was:0.061017589330605	with:0.05330778083717971	:0.01
to:0.3801713410396947	will:0.16905314483498002	would:0.09527916658290728	may:0.08675332896552816	should:0.06283728370881102	shall:0.06007446359778352	not:0.056307515032875996	must:0.039927651800072135	can:0.03959610443734722	:0.01
the:0.4957290370515496	and:0.09792063646689975	this:0.08955160331369508	of:0.07700534382391	a:0.0575631552418689	that:0.05219879132386392	said:0.04457520116211498	these:0.03890732083116797	other:0.03654891078492981	:0.01
United:0.8498198872279494	the:0.05657941606160176	ted:0.017544142585334647	of:0.017070201739642795	and:0.01101704253817252	I'nited:0.010806168444581406	Southern:0.010788149483951088	nited:0.009659572432603868	to:0.006715419486162479	:0.01
sum:0.18676829411122214	number:0.1566486321513545	line:0.11140081741272478	city:0.10844765106291132	out:0.10739005474369737	day:0.09286734076326106	county:0.08286139477536687	amount:0.07384405151900511	Board:0.06977176346045691	:0.01
the:0.42685487341523803	a:0.2925382518476323	and:0.06645049102780333	his:0.052857658613090115	The:0.03638751934719266	very:0.03601376141609045	no:0.0321371779540012	of:0.026574280968317078	most:0.02018598541063461	:0.01
one:0.37434099244737645	some:0.16221972664271272	any:0.09419961292607165	part:0.07014007095535373	most:0.05976947699820848	that:0.05955337882108307	out:0.05877991854651941	One:0.058537229661284204	all:0.052459593001390095	:0.01
duly:0.2675206585287325	was:0.21065416150133404	be:0.1712072768634628	been:0.08145709873740542	and:0.07529865892107399	is:0.06780369172517538	were:0.05291159917410443	are:0.03288930272855837	as:0.030257551820152877	:0.01
of:0.407674785398844	to:0.12776120936196508	in:0.09811001276740029	and:0.07987385520716707	for:0.06192213266467771	by:0.059814335151744225	on:0.057195378560192196	that:0.05542901686480434	In:0.04221927402320508	:0.01
the:0.6897416290198383	this:0.10568114133741323	a:0.044015731639283184	tho:0.039822562862128104	The:0.036555283597326224	his:0.019940997287608647	whole:0.019276392305428557	our:0.01822260337226982	tbe:0.016743658578703944	:0.01
do:0.18612230307109245	did:0.16810899040662877	is:0.15514076051878128	does:0.10602637597850734	are:0.08994454490790034	could:0.08909698959017164	was:0.0781929177860772	will:0.0593286604034843	would:0.05803845733735678	:0.01
so:0.3732405929559096	as:0.21313445627744404	too:0.1163056276063509	very:0.1095416568177494	how:0.06081075726440399	is:0.03479724488453581	be:0.033020455209429936	and:0.026983390115996365	not:0.02216581886817987	:0.01
the:0.5984137332034329	a:0.0924338429273564	in:0.0661440813633578	his:0.059471865600933566	and:0.046456923861899896	their:0.04000273074303105	tho:0.03449120157304202	this:0.026632777725042273	New:0.025952843001903956	:0.01
and:0.29052563843363216	fact:0.1718349679940122	said:0.11307705641045758	so:0.10296766644522751	believe:0.07467485194323314	is:0.06547998110151379	say:0.06072622423233118	know:0.059576482780927004	found:0.051137130658665285	:0.01
and:0.3243481058981709	was:0.1183254908156455	held:0.10061653345026714	Beginning:0.08194282066246006	is:0.07787052591190631	look:0.07433840727139067	arrived:0.07348439933321942	that:0.0714853472708103	interest:0.06758836938612982	:0.01
It:0.23127912378197046	there:0.21240176058284072	it:0.19501212350781538	There:0.10713821937054821	This:0.06595333365099704	which:0.047712659827713756	he:0.045979252169049335	that:0.04565003547638063	this:0.0388734916326844	:0.01
.:0.27675852039528726	-:0.15144859596932791	to:0.1247422310588296	<s>:0.09221550183872149	the:0.08319511449989721	and:0.0829199016508519	1:0.06694657288888801	of:0.05634515897268171	No.:0.055428402725514914	:0.01
sum:0.18676829411122214	number:0.1566486321513545	line:0.11140081741272478	city:0.10844765106291132	out:0.10739005474369737	day:0.09286734076326106	county:0.08286139477536687	amount:0.07384405151900511	Board:0.06977176346045691	:0.01
and:0.26612171575929056	which:0.1721293058132298	I:0.16376377630819305	that:0.14743649615197005	it:0.07147724898294228	It:0.05688497308248972	he:0.047494546471213234	1:0.03551021843074449	who:0.029181718999926727	:0.01
the:0.347367934473981	of:0.1589326408371052	and:0.15021875130496223	to:0.08890014713832811	a:0.08201466961762123	The:0.05261578852990968	in:0.04595428439612434	.:0.033556160772685015	his:0.030439622929283167	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
the:0.22132360061332473	of:0.21560455327320832	and:0.13165990798329036	to:0.11597400517006509	for:0.07880435443424005	a:0.06187259303728293	is:0.05527736425474841	was:0.05518778144497347	be:0.05429583978886646	:0.01
the:0.3576569001936533	a:0.35013661897191634	and:0.061047296636974974	to:0.054940773315892553	The:0.03912744765491015	I:0.03825555761731268	not:0.033149831181617254	this:0.03138841495189042	will:0.02429715947583217	:0.01
to:0.29180415793153586	and:0.21045365365751517	of:0.1452599787014739	the:0.1257557670342804	in:0.06574761127577354	<s>:0.04104981934860873	not:0.04093701420182499	I:0.0356762496974524	by:0.033315748151535096	:0.01
of:0.5824461667093964	the:0.21280564828871265	and:0.03728814185103443	other:0.03572174043738549	old:0.030206577670155832	that:0.02707965002072616	his:0.02304430438709739	middle:0.02098551069164505	on:0.020422259943846353	:0.01
be:0.3747302129840905	was:0.19462464333859875	been:0.11804927057908207	is:0.10375521965055566	were:0.0535470619893883	are:0.05064822349054063	and:0.04226540543959898	he:0.02627045663894024	being:0.02610950588920485	:0.01
of:0.3236896305270203	in:0.1776282258735223	and:0.12961856856266268	be:0.08228482625181727	is:0.06272051156105718	for:0.05430932816897473	by:0.053628681773665865	was:0.0530608075786164	on:0.05305941970266329	:0.01
a:0.34479904408683637	of:0.19507689438740616	the:0.14151387254866005	in:0.09831845419347546	and:0.05425550163378292	for:0.047778787085192835	with:0.03791778559196019	as:0.03545543737052534	very:0.034884223102160744	:0.01
and:0.29052563843363216	fact:0.1718349679940122	said:0.11307705641045758	so:0.10296766644522751	believe:0.07467485194323314	is:0.06547998110151379	say:0.06072622423233118	know:0.059576482780927004	found:0.051137130658665285	:0.01
to:0.21103214768801917	and:0.17275899386244048	of:0.13620929929917625	by:0.09665336205073077	not:0.08563856433924906	at:0.08126096560482661	the:0.0708494345891472	is:0.06902183731715868	are:0.06657539524925173	:0.01
of:0.2970290006030046	to:0.16393253794746382	in:0.1079140904291115	know:0.10709373902640988	and:0.09865394726724368	with:0.0661819409752691	is:0.05323097952054996	see:0.04811712141807049	for:0.04784664281287689	:0.01
a:0.4107998745079318	the:0.17655972430616168	On:0.11714730033338784	in:0.07067297328542257	of:0.0630505200704531	on:0.05622444360981062	his:0.03821996166353329	In:0.030028664750279575	from:0.027296537473019467	:0.01
of:0.35960604857784373	in:0.1499196605781388	to:0.12575828931910485	from:0.07393225709821445	that:0.06100884738535543	on:0.0595928742311344	and:0.05953217945463068	for:0.05203181464755927	at:0.048618028708018526	:0.01
the:0.4083661861175645	of:0.26817399081840565	their:0.0820600629661528	for:0.054462600111962106	his:0.04354457017584984	to:0.04176354592844308	other:0.03199384232718009	and:0.03136720647321923	with:0.02826799508122268	:0.01
and:0.24490704579441278	after:0.1476562652705632	by:0.12519914061615076	After:0.1184190175070426	of:0.09949294308299458	for:0.08338728090639316	in:0.06659154609353693	to:0.06008811505994954	before:0.04425864566895647	:0.01
and:0.20885061360109822	laid:0.11837240659273293	came:0.10692668496277573	break:0.10058019856379745	went:0.09487589062476144	cut:0.09467593185071362	lay:0.09314274115061519	it:0.08711882584070889	way:0.08545670681279649	:0.01
;:0.27662650796245086	is:0.15180112973897145	was:0.0996427091157461	it,:0.0932966651563462	him,:0.09095071303182913	time,:0.08193037563967935	them,:0.073116185068647	,:0.06132668835011265	nothing:0.06130902593621725	:0.01
the:0.67511473426611	of:0.07671648228701716	The:0.049742487970541774	a:0.04712916277108535	and:0.035354339826838825	tho:0.03187790633183124	this:0.030688698146183063	in:0.026140872347047005	said:0.017235316053345662	:0.01
of:0.2398708670291844	the:0.22743525417047472	and:0.13139002385520807	to:0.10376973167625372	a:0.08712962001455622	at:0.06768600089169874	his:0.04664315861358614	in:0.045541179361710225	is:0.040534164387327855	:0.01
his:0.5533430360084532	a:0.10155769082754082	the:0.08677350303311428	my:0.07837888994562962	and:0.05218664705014421	her:0.04203330232497913	bis:0.029834948232211073	their:0.02588219212623956	of:0.02000979045168812	:0.01
the:0.21858781341275965	and:0.14787589235517212	of:0.11615811686309205	from:0.111777248760148	a:0.10253926757191248	to:0.08360693553216382	be:0.08051194311816404	was:0.06882079131216966	is:0.06012199107441834	:0.01
the:0.39421008147709946	a:0.29559013657874794	of:0.1081123291653311	and:0.0545059158911026	any:0.037013984995636844	this:0.02695289292923975	to:0.026172148667666168	with:0.02593351614034106	no:0.021508994154835225	:0.01
and:0.29074806028069605	was:0.20798874166388712	is:0.10178697085661809	be:0.08648046475058739	have:0.07964466506134657	had:0.06764923642701595	has:0.05776386547303255	I:0.05197013589346088	he:0.04596785959335547	:0.01
the:0.35561286869772873	of:0.1819199950374389	and:0.12255915251482433	The:0.0951740359204289	Mr.:0.06492591595048425	a:0.055280852225840935	that:0.053779486028007584	this:0.030608337426066258	to:0.03013935619918008	:0.01
and:0.4815159366280918	was:0.10612951398346097	is:0.07577697782050934	are:0.06493924500120099	be:0.05865886345501073	that:0.056385861790890286	were:0.055589285891805194	to:0.05539103284018464	of:0.03561328258884604	:0.01
it:0.20622348714107272	that:0.16057455996523645	there:0.14151153360535965	which:0.11963266539685385	they:0.10506951759105809	It:0.08276968157081657	he:0.06915141905166503	and:0.0620236112565421	There:0.043043524421395654	:0.01
of:0.21338832523674772	in:0.1401790123224186	and:0.1293934330377488	with:0.10408959886573864	is:0.10292083424447167	was:0.08224908889474122	by:0.07954907839589143	for:0.07804424202008159	to:0.060186386982160285	:0.01
to:0.2276830429171953	of:0.15140891799763934	-:0.14587489734607292	a:0.11608420190783274	I:0.08791459167278894	and:0.07694020069135532	in:0.06329807811654489	.:0.06268314047631421	by:0.05811292887425633	:0.01
the:0.18149069220156555	and:0.15048839556395777	of:0.13068398125729677	be:0.11155845240072801	was:0.10179523594155183	is:0.0955790790376316	a:0.08833372604948513	to:0.06733123474153689	it:0.0627392028062464	:0.01
and:0.3723695376443459	who:0.11491729441835849	he:0.10326030809369023	that:0.08008118714605197	I:0.07780792520860211	was:0.0706530714162189	it:0.06672802633792493	He:0.0528378296505178	which:0.051344820084289554	:0.01
of:0.3115572421256441	in:0.15904315724144538	to:0.11879012216735421	with:0.07673383518877622	and:0.07477529697200208	that:0.06868690907203401	for:0.065392782545963	by:0.05852746907194359	is:0.0564931856148374	:0.01
to:0.2985438143166485	at:0.1668734775955689	in:0.13414543465468884	of:0.13315706089993282	for:0.0820260569602103	and:0.0633791904781926	on:0.038407792825149376	In:0.037296283328446395	with:0.03617088894116235	:0.01
part:0.37797641843938545	survey:0.16160026767866661	conviction:0.11305602921262438	one:0.10205644063682143	payment:0.07428468814218986	holder:0.05749032633769803	either:0.03862291673922256	sale:0.03329778966121727	acres:0.03161512315217441	:0.01
the:0.21298000459552283	and:0.2039636710878841	of:0.18227586657211736	to:0.0947332508750933	was:0.07100993380022316	in:0.06763282217115012	for:0.05552798378335023	he:0.05223279322482916	Mr.:0.049643673889829674	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
of:0.38111910851681263	and:0.12368643475167425	to:0.10508181359023197	that:0.10141256206112283	by:0.06344537461679338	on:0.05898250021444946	in:0.05822072483084395	as:0.04919194988587792	for:0.04885953153219357	:0.01
a:0.5931225531366147	per:0.1688721963244279	the:0.08329981947625162	one:0.05133532420173748	A:0.037917598024393775	and:0.018922383250036246	every:0.017751078299684205	each:0.009437271284384093	or:0.009341776002469835	:0.01
the:0.6615227954186051	of:0.0698220033475724	our:0.05404556787505041	American:0.04325375511894322	The:0.040463267285814515	good:0.0355827773922655	and:0.029188782248567097	his:0.028449168465195167	tho:0.02767188284798661	:0.01
that:0.3616087731443956	and:0.1421948487927609	as:0.13623965778485753	which:0.13249157452205193	but:0.056927805471248955	if:0.04519834660789211	what:0.044807217896235985	where:0.044583096106101	when:0.025948679674455823	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
the:0.38124521286753926	a:0.14188026925595257	of:0.1342135824119986	and:0.10912062252330904	The:0.07760302373701548	to:0.045543455482652075	in:0.03735455312566073	tho:0.03173323587135189	for:0.031306044724520345	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
of:0.27480777206325363	in:0.19757513777200275	to:0.16334502779983273	for:0.0991208918238361	and:0.0762201944730051	by:0.054572121568748536	that:0.05141902945973908	on:0.03712006340036863	In:0.0358197616392135	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
the:0.31304618275821344	of:0.20503705766424124	in:0.14455783588367027	and:0.0800441572412047	a:0.07307935895054499	or:0.05137716272978913	with:0.041463231595106106	for:0.040787630489991136	on:0.04060738268723904	:0.01
of:0.3625780576808962	to:0.11434104146420594	for:0.10754846944091091	in:0.09444683443280329	and:0.0911311440002296	by:0.06390225140083358	that:0.058156814366440934	on:0.0494740134373246	from:0.048421373776354824	:0.01
well:0.24943074827152723	soon:0.14656387375663035	far:0.1116695696629976	and:0.10403800439943818	such:0.1027170069854848	long:0.09399391134360081	so:0.06322194808413747	much:0.06259011693566598	just:0.05577482056051752	:0.01
was:0.2957126863107979	is:0.2729060648996985	are:0.10558340579881659	and:0.0793472889975107	were:0.06989414743987588	if:0.05532197384863043	Is:0.04962952967074384	do:0.04123505832155875	as:0.02036984471236717	:0.01
of:0.2653153066417567	and:0.26421360853186443	in:0.07942815678482924	by:0.07333008426433475	for:0.07137131986469682	with:0.06732884793779806	on:0.062211078899948244	to:0.05945246533927702	after:0.04734913173549463	:0.01
of:0.24587641997031076	in:0.17799594869314586	and:0.11904096891414384	with:0.1011153979030633	to:0.09675648222939214	for:0.08747035842132106	on:0.06152129683139787	from:0.060563975232081874	that:0.03965915180514332	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
to:0.38283142319795366	and:0.24249741431773492	of:0.06905945087681946	be:0.05777029051587755	I:0.052461827012891704	or:0.049094270357893655	was:0.04848084827933551	<s>:0.04564667339695938	at:0.04215780204453418	:0.01
they:0.29043172898567526	who:0.20447915945762768	and:0.1158144597332339	which:0.0980702438684054	we:0.09647592071164376	They:0.06092840290521567	men:0.04629142284536834	that:0.04388552491898211	I:0.03362313657384766	:0.01
of:0.3419989156396151	in:0.15081669208916718	to:0.12158660409546682	and:0.09271503778789661	that:0.08576275372940025	for:0.07004934539669723	by:0.04632982244548	In:0.04213620625548479	on:0.038604622560792064	:0.01
a:0.37923531479436756	the:0.11293217065686431	and:0.10408440659854372	any:0.0849630532761604	to:0.07970536343463322	no:0.07253690257700579	in:0.06336569912715743	of:0.06215378740459809	by:0.03102330213066937	:0.01
to:0.2968196991619948	a:0.18875198539135382	the:0.11388116513003822	southeast:0.08202382555666152	and:0.06865542444657667	of:0.06413423537745348	section:0.06389949918933745	said:0.05961634304850193	northwest:0.05221782269808213	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
the:0.5797298703940038	a:0.1474197733789336	The:0.0904545187520645	and:0.08259048845477823	of:0.02356993626869192	tho:0.019681287813071616	his:0.016394471967456765	to:0.015123380303076967	as:0.015036272667922533	:0.01
of:0.22992563283098733	to:0.15827430777450074	as:0.1285826362859477	the:0.10633331551427545	at:0.08728811314242503	and:0.07696163227570887	in:0.07372818680556516	was:0.06445572858588557	be:0.0644504467847042	:0.01
of:0.25195462537271174	and:0.20734169427784546	to:0.17625003014670995	Mrs.:0.10824839977159798	said:0.0637243517012607	.:0.06330024108965514	W.:0.04948605766974853	by:0.03678717830985592	<s>:0.03290742166061481	:0.01
the:0.5589786005738552	a:0.1451784074789642	The:0.07711738442685845	tho:0.04242261167466775	A:0.04237580686212868	finance:0.03967170666355985	said:0.028678088266292975	and:0.02833007556197201	this:0.027247318491700867	:0.01
to:0.6189362954379163	the:0.09776107162301786	and:0.08759845522599329	a:0.0535108881017775	will:0.03665681948126163	who:0.030583423137343795	this:0.02509586237429751	would:0.021351198667875083	not:0.018505985950517	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.04553578393787439	of:0.03051332981678091	tbe:0.02261446403444868	in:0.021612439669724332	or:0.020196218295911488	:0.01
the:0.5836101463096732	of:0.12188952952973986	this:0.11920364787984218	said:0.036178110826270635	and:0.03543538468272208	tho:0.030388846174391852	in:0.025578600241695573	our:0.02100940325630925	The:0.01670633109935537	:0.01
it:0.1676673760604401	they:0.14018002110684477	you:0.120149006541121	and:0.11418625089857375	which:0.10821208903254793	It:0.1014927252889972	he:0.09351786223255709	who:0.08066648440849256	that:0.06392818443042551	:0.01
the:0.6404822341673273	and:0.07686355860468692	The:0.0752099763046298	a:0.0661247848995293	his:0.042208149715191386	tho:0.02875512327869602	their:0.02416865194688416	of:0.021218890476302082	its:0.014968630606753061	:0.01
of:0.376116334920685	in:0.16983718035888867	to:0.10547648806332587	that:0.07686452124002649	for:0.05899185694913116	with:0.05278182913368444	from:0.050497224636538524	by:0.04994324425242045	In:0.04949132044529944	:0.01
three:0.6543533612735403	two:0.12480472206535884	four:0.06769931993599375	five:0.04583283140495346	ten:0.030393400127885696	one:0.024349201480715274	eight:0.015846892813327636	six:0.015117869914966947	week:0.011602400983258165	:0.01
and:0.23894898385498498	not:0.20207685235224593	to:0.13061854870239742	the:0.09919472914270758	I:0.08105896029471521	of:0.06561735361624844	that:0.06328684355848566	is:0.05982753217481187	we:0.04937019630340278	:0.01
be:0.22375929399405534	am:0.18572395762647864	was:0.16408494673965238	is:0.1577255398686007	are:0.10156257455751437	very:0.046595852201671895	been:0.04332562863516599	were:0.03480618697320701	not:0.03241601940365377	:0.01
the:0.24313874347800876	in:0.21165498776962544	and:0.1702911572638213	of:0.13738720178431918	for:0.055249367605777804	In:0.051138918614142	with:0.042218037426429024	to:0.041788278894031756	make:0.037133307163844734	:0.01
the:0.23421205313542098	of:0.20388782615470408	and:0.15330844525866502	to:0.09701862707775612	a:0.0944139892903104	by:0.06076001621727257	at:0.053381423734441616	in:0.05108564199440836	<s>:0.04193197713702093	:0.01
and:0.49510566916590687	was:0.16678764992729914	He:0.07619533035631265	is:0.07269162218228599	were:0.051634851422310175	are:0.049911594416252605	he:0.0358365946987495	be:0.025253777175236827	been:0.016582910655646262	:0.01
and:0.303134032591169	that:0.297606976656036	as:0.12323178679778063	but:0.06316432554717032	even:0.059346434140206114	But:0.04121195883246587	And:0.036674087613377315	or:0.03486657882197133	and,:0.03076381899982334	:0.01
at:0.3935903344261987	to:0.1663344980319732	of:0.15170678574696486	At:0.07478308716164216	in:0.07084146861909288	from:0.04002386542864681	and:0.031273055949499515	for:0.031089746908411178	that:0.030357157727570815	:0.01
in:0.5757398704455129	In:0.15098607067936892	of:0.053321284251669335	without:0.049924613518185584	to:0.03715130576747942	and:0.03617470566360262	from:0.03534003846028924	with:0.03439746833654752	not:0.01696464287734449	:0.01
and:0.3221754565181814	the:0.2520608381197157	a:0.1326543454854159	of:0.09626325732738433	with:0.043157921880880044	most:0.03899630991544164	two:0.03579391795694991	to:0.034466922313209816	The:0.034431030482821326	:0.01
the:0.550856591031602	a:0.15766783265425852	mil-:0.12167555892663143	<s>:0.052584370202743175	The:0.03951792535040609	tho:0.02121731387481155	and:0.019651648735166	front:0.014048423942116217	of:0.012780335282265111	:0.01
and:0.3142743558083889	was:0.14679500145528668	the:0.11720850173006127	be:0.09527625495982948	at:0.06976817417230827	years:0.06722323277722587	it:0.06355453256469644	is:0.05817455663525614	to:0.057725389896946956	:0.01
and:0.2682983319507874	recorded:0.10717905104111182	was:0.10263907629409649	made:0.09927630384100071	that:0.09842569549211198	o'clock:0.08895025276229458	up:0.08173084504592748	is:0.07240199994443215	found:0.07109844362823738	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
of:0.2656950756488971	the:0.19733249840318007	and:0.1900986717880108	from:0.07902712306630968	to:0.07895865604963834	in:0.05620514571496255	that:0.05147663139818924	The:0.037876145077307986	for:0.03333005285350404	:0.01
the:0.35790234277501254	and:0.147463534744512	of:0.14093181644797453	to:0.09945709873881108	a:0.0957100512061093	in:0.04651543131253403	on:0.035313109753047814	at:0.03358155461640171	<s>:0.03312506040559699	:0.01
the:0.3155550940156394	of:0.17283600545787453	and:0.0939117468598002	a:0.0879323626024393	to:0.0865512570009515	be:0.0774832779789609	in:0.05262623137175104	his:0.052024488566849304	was:0.05107953614573394	:0.01
<s>:0.30703066175421584	in:0.15287384841835952	the:0.12202803334649175	it.:0.10358137251537446	and:0.06613746112497118	of:0.06558086351709816	.:0.06429726013154914	them.:0.054531022537827094	1.:0.05393947665411277	:0.01
<s>:0.33473759819367355	and:0.23009864009863376	that:0.09202203160337646	:0.0774718068104296	which:0.07635576314474146	.:0.054723832928299514	I:0.04525362073501991	1:0.042425370996822524	he:0.03691133548900321	:0.01
the:0.33750561611834906	a:0.28366088795473915	this:0.14731911104932274	such:0.060934422903783064	his:0.05358038949777849	same:0.029767329137527974	that:0.02679952610877574	any:0.025293730466745663	The:0.025138986762978058	:0.01
the:0.6981749727519496	The:0.09738141119177027	Federal:0.04264209811532503	tho:0.03220169981095597	of:0.03009455898879243	States:0.02704177214931976	our:0.02408823015778685	this:0.021013423868591827	and:0.01736183296550821	:0.01
to:0.5337069363684198	and:0.1327086195810008	would:0.10872478481411714	not:0.07777623868116114	will:0.07580178032109725	they:0.016814951893231126	who:0.015326319999317009	should:0.014643214794591259	must:0.014497153547064316	:0.01
one:0.23306638664669604	two:0.15869925700795806	on:0.13125775425113725	and:0.11833725305043509	three:0.07931195852050603	four:0.07642217182564348	them:0.06592414070148128	ten:0.06379066469153415	person:0.06319041330460866	:0.01
it:0.21555606625187765	he:0.18406089644826473	It:0.1480542687292136	I:0.11570423360385575	and:0.0817113616070141	He:0.07841868369987202	which:0.0666855567474223	she:0.050672786920915786	there:0.04913614599156413	:0.01
up:0.235423889526186	him:0.11827525051849568	men:0.10645621226279767	down:0.09926330753263271	out:0.09562878697478558	;:0.09394305889366981	back:0.08561007154769706	time:0.07915394590619541	it,:0.07624547683754013	:0.01
to:0.18523593747157477	and:0.17360972087184848	west:0.15332957497084204	east:0.13673165271598625	the:0.08505684312710853	of:0.0837969028883063	north:0.08212063464310043	south:0.04848519892100365	about:0.041633534390229605	:0.01
be:0.24071208034377298	was:0.17955997980674962	been:0.14859870304703465	and:0.1239847160507075	is:0.09778933293987385	have:0.05533824913788478	not:0.05271393748872056	had:0.046672939459269626	were:0.044630061725986374	:0.01
the:0.24130576549866314	of:0.18833662870322207	and:0.16607091897550066	a:0.12226357561830728	to:0.08119819928176736	was:0.061441215918139495	be:0.05012797215849653	is:0.043156408701399925	been:0.03609931514450369	:0.01
of:0.22205765392400434	the:0.22043542449925219	and:0.13450268576791738	to:0.12753146328833595	a:0.10997212049159456	in:0.052768984073844574	<s>:0.047812980627827295	by:0.041850738562329695	Mrs.:0.03306794876489385	:0.01
sum:0.18676829411122214	number:0.1566486321513545	line:0.11140081741272478	city:0.10844765106291132	out:0.10739005474369737	day:0.09286734076326106	county:0.08286139477536687	amount:0.07384405151900511	Board:0.06977176346045691	:0.01
a:0.41445464996140324	the:0.14683342601098173	very:0.13152817828213675	and:0.11712055669675754	most:0.047470294214208696	as:0.036218164628964634	some:0.035297801134442114	his:0.030747840479696264	one:0.030329088591408954	:0.01
of:0.6455528693054907	and:0.10067751740327704	the:0.08240185955285441	for:0.044152315698547974	in:0.03594214540778664	with:0.029071935628875223	to:0.02600228761791489	by:0.013397555585454336	The:0.01280151379979878	:0.01
more:0.21022441699777702	made:0.13223580427961407	highest:0.12641126541303344	it:0.11787877394703758	time:0.1005173753181696	prompt:0.07695503640430239	large:0.07670221995021322	good:0.07456412276369227	men:0.07451098492616037	:0.01
and:0.1809705280823364	of:0.1714053369511449	to:0.16899103524159867	the:0.12316674455170543	be:0.10268054111879898	was:0.08016658067172577	in:0.06077794898927725	for:0.05170390504946774	or:0.050137379343944834	:0.01
and:0.2057490146464805	be:0.17826278710718887	was:0.13772308974308828	to:0.0883281909653392	been:0.08618103965957717	is:0.08100416015488449	of:0.07967589319502678	he:0.07002166678811851	were:0.06305415774029603	:0.01
of:0.29358947036125255	in:0.18028893126427098	to:0.10680980249507932	with:0.0905644470002478	on:0.08044527243799857	by:0.07461474740538869	from:0.06746986323674065	and:0.054387515618892324	upon:0.041829950180129256	:0.01
that:0.2552027492246131	and:0.2473961613738114	but:0.13951823211335046	as:0.10047275784378419	which:0.0766585693520188	if:0.05195519272673161	when:0.049729138842514876	where:0.03626071909960701	But:0.03280647942356842	:0.01
the:0.8440911736901061	The:0.053381688094037205	tho:0.028461736880908303	this:0.017304089161641247	a:0.01137765012386882	and:0.0110408191960974	said:0.010343471220139785	tbe:0.009458530074233959	next:0.004540841558967443	:0.01
and:0.26231454141631805	of:0.15893048644414665	that:0.15218494755441173	to:0.09532061487359125	which:0.09450302188953495	when:0.07039124195809839	as:0.05657853528263088	the:0.055933430978184644	but:0.04384317960308342	:0.01
due:0.43995255135221406	hundred:0.11569581091547503	more:0.08748674086121173	time:0.08338479184441352	it,:0.054709365763122846	work:0.05342309420456249	dollars:0.05244583827008734	it:0.051562615660103686	them,:0.051339191128809344	:0.01
board:0.16927728974898812	number:0.16621048870788077	out:0.12321730973859538	line:0.11114904742948167	matter:0.10132737425536424	amount:0.09239294021795307	system:0.08356846860053803	right:0.07181648670892006	state:0.0710405945922785	:0.01
the:0.33525474269552535	of:0.20335078985994604	and:0.14994144444802907	a:0.10087811294955218	in:0.05866125465958864	to:0.050757652333056534	with:0.03265623283639039	The:0.03251312669516385	for:0.02598664352274788	:0.01
he:0.2123697658464264	who:0.15091908100628376	which:0.13423069933853984	they:0.11142265066260212	it:0.10310378443593027	that:0.08782466281035547	I:0.0712737738819633	there:0.06045635920866449	she:0.05839922280923447	:0.01
to:0.3118392520806085	will:0.12613059169227203	t:0.11984709946223056	that:0.09195814575382462	would:0.08591361815159088	and:0.08534850140697159	I:0.06613257642948803	may:0.05734860361106113	which:0.04548161141195274	:0.01
and:0.23164125240091674	the:0.17521034894122015	of:0.13330018448104292	was:0.11699913479486235	is:0.08356598388440879	be:0.08314542977102057	to:0.07800034787885757	a:0.04422804667543666	he:0.04390927117223427	:0.01
the:0.6736909049703584	of:0.08989758339674733	our:0.04321340661300993	American:0.041563694455316394	to:0.032441087373638634	and:0.03153266119743347	his:0.027631639411485828	for:0.025053867118078183	by:0.024975155463931902	:0.01
and:0.29904236408823054	is:0.15995040533094393	that:0.12052988285200993	or:0.09033223313988668	as:0.08756067979169307	if:0.06494692180495612	Is:0.06290149472231273	was:0.05383962892268202	but:0.050896389347285034	:0.01
one:0.17274957462093676	more:0.15830689709340226	on:0.1180870273712836	day:0.11354905359128066	two:0.11347581961369303	person:0.08335828476893935	in:0.08180463954838182	man:0.07974273265284054	law:0.06892597073924195	:0.01
the:0.6275533743860632	and:0.07724950097402865	The:0.06211355447357128	tho:0.048713671207277535	a:0.046210376649918304	of:0.03933148615485745	two:0.030530205989253455	all:0.029285021201751808	or:0.02901280896327828	:0.01
the:0.2247411087430531	to:0.21163047591653375	and:0.16440436934190816	of:0.15232532812671112	in:0.07489615808393242	not:0.04572174599547667	I:0.03958829247081031	a:0.038496768896801856	or:0.03819575242477243	:0.01
of:0.27975480800875385	to:0.1957394760870418	in:0.16477858991354202	on:0.07393671922515976	and:0.05987583349866957	from:0.05875186832357493	that:0.05843976601166131	at:0.056171451074702415	by:0.04255148785689439	:0.01
the:0.33721611975305626	of:0.19248647710746844	and:0.122910768484858	a:0.09538547963802808	to:0.07419230042028699	at:0.06270261014364775	in:0.05139917452123443	for:0.0270261812349637	or:0.02668088869645632	:0.01
I:0.2698354119572757	he:0.24722474481986487	they:0.11810011368440276	it:0.08108156105187059	she:0.07090132671029033	we:0.05886685062789122	and:0.05835989755897287	who:0.043634329742518095	that:0.04199576384691357	:0.01
it:0.20622348714107272	that:0.16057455996523645	there:0.14151153360535965	which:0.11963266539685385	they:0.10506951759105809	It:0.08276968157081657	he:0.06915141905166503	and:0.0620236112565421	There:0.043043524421395654	:0.01
the:0.2674492964256619	of:0.20511700061949345	and:0.14485297190820026	a:0.10901726580538401	to:0.07826945908641957	be:0.053803876767259305	was:0.04954367835637349	is:0.042308161686394764	in:0.03963828934481334	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
of:0.2572161738266639	to:0.1773715884010499	the:0.1607460783808089	and:0.10775397429815596	a:0.08319316318129835	in:0.07741396740879346	that:0.04474106809029698	by:0.041016237471282746	with:0.040547748941649836	:0.01
of:0.29965648786216087	the:0.20372821190005933	a:0.09999423748137329	Of:0.09647955597336222	this:0.09435189269083483	The:0.06178889294781694	that:0.05107255602050677	his:0.04909387294554731	This:0.03383429217833848	:0.01
they:0.25103200119519326	there:0.20926418715856016	which:0.10285470388543959	who:0.09617508260323236	and:0.08783004719925781	it:0.07437925039945503	that:0.058726669652060505	There:0.05607744624284432	we:0.05366061166395703	:0.01
and:0.3243481058981709	was:0.1183254908156455	held:0.10061653345026714	Beginning:0.08194282066246006	is:0.07787052591190631	look:0.07433840727139067	arrived:0.07348439933321942	that:0.0714853472708103	interest:0.06758836938612982	:0.01
of:0.37888252473908907	in:0.12820861803559516	to:0.10441990140392647	and:0.09593832568712526	that:0.06971949913892457	with:0.06106707741411147	for:0.0608570667914635	by:0.05176039007607272	from:0.03914659671369176	:0.01
the:0.6847209660202247	a:0.07375672112416254	of:0.0682579826411639	The:0.042448330768550556	tho:0.03566294951728866	civil:0.03175979765629456	this:0.029670919709271635	that:0.011880591983451795	for:0.011841740579591612	:0.01
and:0.23269702242011067	made:0.22981759683133623	or:0.11115481161761777	that:0.07236086063876272	him:0.07054273789002967	followed:0.07041660789627405	owned:0.0702007188855845	ed:0.06697266320322268	accompanied:0.06583698061706161	:0.01
number:0.31653148183756785	couple:0.19656705625401705	millions:0.08549749204131624	amount:0.0807826587906373	bushels:0.07627093698274137	rate:0.0747330997800007	thousands:0.06099107765057591	sum:0.05234061003691401	period:0.04628558662622974	:0.01
and:0.3306173822397028	filled:0.13348895237334055	together:0.11986325241658863	covered:0.0829773799142876	but:0.07220438578986678	that:0.06543436312255616	war:0.06452701106612281	charged:0.061807532737707685	do:0.05907974033982696	:0.01
and:0.17289155610334334	the:0.1631386433931525	of:0.1620075866484815	in:0.1319637732369026	to:0.11337458955272371	a:0.08379906203463974	on:0.07306073661053011	for:0.04905989825636821	his:0.040704154163858516	:0.01
the:0.34170127421390223	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093987	to:0.07847171568184984	in:0.05339647102682973	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
is:0.2524479625653079	ought:0.12100787889195094	are:0.1178352422795325	seems:0.11055594763804424	was:0.09614106152581381	not:0.0941843627106136	said:0.07532254921697497	seemed:0.06249828089648135	as:0.060006714275280794	:0.01
a:0.3084067814242442	the:0.1947571664571666	is:0.13715229972043086	was:0.09304623130854765	not:0.07738494407735817	are:0.06851081239596267	be:0.04704132626073009	and:0.035135893770484074	been:0.028564544585075718	:0.01
for:0.44214987080886836	of:0.1850577619533028	For:0.0699217675787831	at:0.06252521526704431	in:0.06201823729381042	that:0.061855374539439185	to:0.05369963295098596	and:0.03273120954895437	In:0.020040930058811596	:0.01
the:0.3348548841517459	and:0.17239136307301356	of:0.12698487187951712	an:0.11294653297303256	with:0.06354369676697484	impurities:0.05227567579617873	by:0.0445826210217109	or:0.04202845518507071	for:0.040391899152755636	:0.01
the:0.3260733600731287	not:0.3062515921792607	is:0.07417580073974273	The:0.0540614303748576	was:0.053559985774306984	had:0.04692140446744675	have:0.04481797694441657	and:0.04436932832951324	has:0.03976912111732684	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
of:0.24967287767908988	and:0.172021135760946	to:0.13254047026354387	the:0.1192141708234827	by:0.11589441278082113	in:0.06261868148612214	that:0.05098804643301221	at:0.04554988306795597	<s>:0.041500321705025975	:0.01
the:0.29730098434740143	of:0.17356798007201163	and:0.15662656487303256	a:0.08858264814550969	be:0.06855529954950186	is:0.06054833690252186	are:0.055437976988432176	was:0.04730221662524309	to:0.04207799249634544	:0.01
according:0.17246148308619882	went:0.16555845261146693	and:0.14036346110254594	sent:0.1328759683648668	as:0.0977397326405893	made:0.07607714650064111	go:0.07472163659253889	up:0.06715461996010032	subject:0.06304749914105183	:0.01
the:0.2974929019614971	of:0.17741408266195474	a:0.14645768029163825	and:0.09158810426380848	or:0.07279359814981001	to:0.06981668528850317	in:0.0589873299937157	any:0.04191987916735641	be:0.03352973822171622	:0.01
away:0.19041587022310327	and:0.16519107313931605	taken:0.13090618369387813	miles:0.11772895341262953	feet:0.10551786830952455	come:0.07393483029145144	them:0.07169234007196142	out:0.06832721446888708	came:0.06628566638924843	:0.01
and:0.1776013840236831	of:0.13819341960412293	<s>:0.13005554120091783	the:0.111330961344002	-:0.11085246228358508	1:0.0869412824668289	by:0.08395202480121493	I:0.0784115324509705	in:0.07266139182467474	:0.01
be:0.3317420679721575	was:0.22393253489166698	been:0.13614465800040249	were:0.0798634576337271	is:0.07005502292238816	are:0.0513399625661295	being:0.04454482226387151	and:0.030215885265795304	have:0.02216158848386158	:0.01
it:0.2827850527348108	It:0.13400289869302948	there:0.11771483856766453	they:0.0914384776859708	that:0.08313239062920649	which:0.0769409879360296	he:0.07501873352304173	and:0.07330080551631972	I:0.05566581471392691	:0.01
to:0.21933751448187902	and:0.2056090352244766	the:0.1945536989813919	of:0.15547992204256322	in:0.050020564638809134	a:0.04323399990459468	not:0.04294346232233522	or:0.04132493109044247	for:0.037496871313507714	:0.01
to:0.3000405285996906	and:0.25451393376513737	the:0.10236153990004362	was:0.10177716946772901	be:0.06711792958638697	were:0.04931954766409291	votes:0.04050952832079276	been:0.039529691875365584	I:0.034830130820761265	:0.01
;:0.18966281890257702	him,:0.1432686434624755	it,:0.12933185170359884	them,:0.11703051830688661	in:0.1126675331118936	him:0.08648403204424664	up:0.08251301215636822	time,:0.06640934349113259	time:0.06263224682082086	:0.01
and:0.26575476576567375	of:0.1858431231099767	the:0.1607764868596361	to:0.08385375932773546	is:0.06783652437900546	in:0.06706562738274309	was:0.05386796370077076	with:0.053507722593124044	be:0.05149402688133489	:0.01
I:0.14301503120357734	who:0.1390887770770933	and:0.13720836472079537	it:0.12746579187804127	we:0.11910181547307508	he:0.1074542602515577	they:0.08689471767217047	which:0.06500556451089269	It:0.06476567721279679	:0.01
the:0.44459244298567807	little:0.15733563790906438	a:0.1465586233767649	young:0.07997307919126556	and:0.05005392677871711	his:0.03267970449729945	The:0.031399487714498915	her:0.027268300781309384	old:0.02013879676540222	:0.01
of:0.2756342398767826	in:0.20062727285818668	from:0.15592518968427738	at:0.14941815219545762	to:0.06644025412850893	the:0.053568897389053835	In:0.04797076886926538	and:0.027128426254199506	for:0.01328679874426808	:0.01
to:0.2620983149693371	and:0.19664402247129265	the:0.18720703494025467	of:0.14061051340842873	in:0.0675925481954826	a:0.03867755248806961	<s>:0.03389464108121401	not:0.032510411574388075	that:0.03076496087153255	:0.01
of:0.2377772365086287	the:0.20782508435547356	to:0.12220488792326326	in:0.09589588520617175	and:0.07828239441304917	a:0.07440743707164364	at:0.06190146619398284	on:0.0579190407021809	by:0.053786567625606053	:0.01
the:0.5463764643277151	this:0.10498051563753229	a:0.09268566698267787	his:0.06992590406556339	county:0.04339143278783391	one:0.036330052153983015	of:0.03342837563187941	tho:0.031620877608588435	and:0.03126071080422659	:0.01
the:0.2974929019614971	of:0.17741408266195474	a:0.14645768029163825	and:0.09158810426380848	or:0.07279359814981001	to:0.06981668528850317	in:0.0589873299937157	any:0.04191987916735641	be:0.03352973822171622	:0.01
and:0.25037799561132223	to:0.19051743664518078	of:0.12818071300755096	the:0.11341275889843262	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.05790590474591629	for:0.056443486992488516	:0.01
the:0.6755107108012354	of:0.06401348120887601	The:0.056494986936210974	and:0.05068231224815053	this:0.03696276835509445	tho:0.032104714408455776	a:0.03135987287093087	that:0.026508446563975763	other:0.016362706607070107	:0.01
of:0.37322692931147256	in:0.18820699868624335	to:0.1295188783885632	that:0.07862407421022238	as:0.056838344637039774	all:0.046009102548254036	and:0.04344618600723232	with:0.037929805139245876	for:0.036199681071726636	:0.01
and:0.25037799561132223	to:0.19051743664518078	of:0.12818071300755096	the:0.11341275889843262	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.05790590474591629	for:0.056443486992488516	:0.01
and:0.19560656535339777	be:0.1713394093842294	was:0.1319230735627309	is:0.12199458203857333	of:0.09077768836941885	been:0.07428575269711138	to:0.07012212492506753	in:0.06741011338802541	are:0.06654069028144534	:0.01
and:0.19583342605332957	that:0.18389940502030627	as:0.1211918184428455	of:0.12112615315282575	to:0.08831964160181252	make:0.0809898492695742	which:0.07701187457248797	but:0.06372021473945982	if:0.05790761714735823	:0.01
and:0.29052563843363216	fact:0.1718349679940122	said:0.11307705641045758	so:0.10296766644522751	believe:0.07467485194323314	is:0.06547998110151379	say:0.06072622423233118	know:0.059576482780927004	found:0.051137130658665285	:0.01
the:0.35268948129332167	of:0.33501837519411737	and:0.08621837020948543	The:0.048901286316816076	to:0.04031186292913627	a:0.03918102968091531	for:0.032097318612471365	on:0.02917129869010012	tho:0.026410977073636606	:0.01
and:0.17185661988291698	the:0.15925251522179815	Mr.:0.12518775424725415	of:0.11755995196257497	Mrs.:0.1096719676426139	.:0.1032434415347703	<s>:0.08683532982458836	said:0.06050821396992799	that:0.05588420571355522	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
the:0.20354487062043997	in:0.15945712326502387	his:0.13440274548776074	and:0.11200698129340811	their:0.0919942431730834	this:0.07680073946081743	an:0.07271482548027636	other:0.0713143517332736	my:0.0677641194859167	:0.01
was:0.22590520031323713	to:0.19986944163231168	and:0.19224313477457722	be:0.11878278065535497	were:0.07740723924018258	been:0.05598695761139703	he:0.047789101570020004	then:0.042968139033953655	had:0.029048005168965812	:0.01
both:0.1855250955502416	them:0.11510325069591051	it:0.10524799723268263	the:0.10193294163968318	feet:0.10158140953190008	well:0.09923943738132708	men:0.09860317242414225	and:0.09433726551068837	up:0.08842943003342424	:0.01
Mr.:0.45464595800719615	and:0.15155711965829383	the:0.10144846765319207	that:0.09385540865560325	of:0.052252763832784904	The:0.04907009771368099	Mrs.:0.032648773740899716	Miss:0.027339661775492977	Mr:0.02718174896285608	:0.01
is:0.16794502688385302	and:0.13986669420778053	ought:0.12811825314951217	as:0.12310559467581188	enough:0.0996992610419639	not:0.09529933635741172	have:0.08036792474183822	able:0.07889479828288037	order:0.07670311065894812	:0.01
the:0.6007589773689024	of:0.17096891696203412	our:0.055608947219864036	a:0.03704880291703653	federal:0.03671234011958963	tho:0.026758288580974687	in:0.02253498517671923	to:0.02044899641666612	States:0.01915974523821341	:0.01
the:0.4287461636589813	whose:0.16051104455420656	their:0.1268094360368578	his:0.08749734474116294	The:0.06936396508603374	of:0.03308524507731095	my:0.030367925867350844	its:0.02746577687245804	our:0.026153098105637793	:0.01
that:0.2289429816291613	and:0.18389959895169813	which:0.14233538044387994	when:0.10658309596613337	as:0.09538865855949216	to:0.09182559855047094	if:0.04809103819452874	will:0.04780503333124627	but:0.045128614373389185	:0.01
the:0.26250396223304273	and:0.19072338887470905	of:0.13887382723760297	a:0.08271968724827235	was:0.07084550204186468	to:0.06662901861522866	be:0.06427550448769476	his:0.05788848475140922	Mr.:0.055540624510175725	:0.01
the:0.4319105958634098	a:0.2884825987965892	of:0.07549590017184844	this:0.04801532225118099	The:0.04407969327175828	with:0.032493405498834366	A:0.027691618965203214	tho:0.02135369452001318	and:0.02047717066116243	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.04553578393787439	of:0.03051332981678091	tbe:0.02261446403444868	in:0.021612439669724332	or:0.020196218295911488	:0.01
forenoon:0.177542069486481	one:0.15197902685962286	result:0.12154738781861388	out:0.11462267799732521	all:0.110600438530804	part:0.09375218969813726	some:0.07435440729973954	much:0.07302022176870575	is:0.07258158054057061	:0.01
be:0.25966716149838526	was:0.20527522293127673	been:0.12408080644606335	and:0.112857169025859	is:0.08147290623133806	being:0.0644131106019264	were:0.06072485634845041	now:0.048789562644608334	are:0.03271920427209233	:0.01
of:0.20661371800246398	in:0.17534060101717955	to:0.14514496471754273	and:0.12924120027946703	with:0.08816943694927117	for:0.06959017322749067	was:0.06319069173601957	by:0.056848385941720814	is:0.05586082812884447	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
of:0.396824731340937	to:0.12105455152149051	in:0.1197085054494741	and:0.07118670401723741	on:0.06409011966711328	by:0.06234352651300862	for:0.06145043362162673	with:0.04685578811775422	that:0.04648563975135796	:0.01
at-:0.4683280784676542	the:0.2542223924093207	at¬:0.11470626550258377	at­:0.06161473190565807	and:0.026463102746587315	to:0.021799968990106885	The:0.015059846113243118	tho:0.01396272806821529	of:0.013842885796630755	:0.01
the:0.6733748019947964	The:0.06909111474532575	a:0.058711071881394426	and:0.0423655792233692	an:0.04139236572238404	tho:0.040946881018442946	in:0.02916353281456788	great:0.020276817973459923	of:0.014677834626259408	:0.01
has:0.18306797358347066	and:0.16086978388302403	the:0.13524156428679251	had:0.12906554576914586	have:0.11571983207407685	of:0.08964989924288681	which:0.060741393754456356	to:0.05816922217283805	it:0.05747478523330906	:0.01
the:0.2343422083806621	said:0.179894059553775	Main:0.13296208782188768	Market:0.09184751256362036	High:0.08584635532350345	Third:0.08511293865261553	Wall:0.06578747027336963	Sixth:0.05899396324307294	Seventh:0.05521340418749331	:0.01
the:0.23623670945070457	of:0.21613459848816116	to:0.12413326744679623	and:0.11188518178630028	at:0.09142020165535737	for:0.06846113271731503	in:0.06260869282362908	a:0.04845292378632074	from:0.03066729184541545	:0.01
the:0.8311522233410437	The:0.03524421658421056	tho:0.03355471981987535	of:0.018725071161213466	their:0.015979190758858404	tbe:0.01471108572225024	his:0.014418199329255496	and:0.01317654229344438	our:0.013038750989848434	:0.01
the:0.3665083286851395	of:0.2321292522157312	to:0.10552190746108221	in:0.07863458087120807	a:0.05761010385264565	on:0.042968415082426006	for:0.03880620008550325	his:0.034644080066270205	that:0.03317713167999378	:0.01
one:0.17274957462093676	more:0.15830689709340226	on:0.1180870273712836	day:0.11354905359128066	two:0.11347581961369303	person:0.08335828476893935	in:0.08180463954838182	man:0.07974273265284054	law:0.06892597073924195	:0.01
and:0.30906121148943677	that:0.21280743888311418	of:0.19341524041142366	to:0.06159895091041659	we:0.04589557636994497	but:0.045051756245853905	when:0.042676865519451934	for:0.04079804000046888	if:0.03869492016988903	:0.01
the:0.45072442068859586	of:0.1586369966384011	to:0.08274862814216812	in:0.0793414918178649	and:0.06519368185071724	a:0.04745882399311515	at:0.041722533192459686	by:0.03632105381386049	that:0.027852369862817555	:0.01
the:0.3566102968411654	his:0.18108984992590552	of:0.1006961763637967	and:0.07747395040017555	their:0.06563162892094357	a:0.06501353050593511	her:0.06124262264154857	good:0.04338562159157597	our:0.03885632280895368	:0.01
of:0.575645736110166	in:0.14541445462603755	and:0.08501250236029168	as:0.05281327605965941	the:0.03330890993751092	to:0.028743314742437905	for:0.027514996782776684	on:0.020871537940049662	with:0.02067527144107023	:0.01
of:0.18575196229780241	is:0.1690870706775603	was:0.13877726198192109	in:0.09925420894105784	with:0.09871804838669339	and:0.08818157116711597	to:0.08643485860618282	for:0.06310610032824931	as:0.06068891761341685	:0.01
the:0.3853244944598766	of:0.2016119142990119	and:0.13281277996971314	a:0.12239923761336712	in:0.03551265260697985	to:0.031033546691147867	or:0.028518751250522	The:0.028040083137066952	tho:0.024746539972314793	:0.01
of:0.4009291548833609	and:0.15787938785376307	that:0.13172800217994882	all:0.07571169675666412	by:0.063952110456705	to:0.046829009994771985	for:0.04340321118415379	with:0.03833859146391866	as:0.031228835226713603	:0.01
the:0.6729152314335012	a:0.08129413866095424	his:0.07001349790110378	The:0.04829006019340498	tho:0.04608705428722731	our:0.022288061735949216	their:0.0188524225946315	tbe:0.015167515595396586	her:0.01509201759783129	:0.01
as:0.188283813505136	according:0.14144678228402477	up:0.13904323060160725	and:0.1096650113200393	went:0.09104380703179268	back:0.08789812106037491	regard:0.08348580619122747	feet:0.07747526592666086	down:0.07165816207913696	:0.01
and:0.29052563843363216	fact:0.1718349679940122	said:0.11307705641045758	so:0.10296766644522751	believe:0.07467485194323314	is:0.06547998110151379	say:0.06072622423233118	know:0.059576482780927004	found:0.051137130658665285	:0.01
chs.:0.3942372776637926	ft.:0.12377449898602048	and:0.1045284294960616	right:0.06800341364806839	went:0.06526622057683445	as:0.06277876991272426	order:0.0607809491223373	him:0.056870314733267716	made:0.053760125860893314	:0.01
together:0.21604782718497412	and:0.1712416615937128	filled:0.12858278261528774	charged:0.1118166788219665	up:0.10195347732149862	covered:0.08274880041576149	it:0.06818273605675984	him:0.05537394786632245	connected:0.054052088123716445	:0.01
<s>:0.45592822472133515	.:0.12651849075332453	it.:0.10437226546726536	them.:0.10128109626221392	him.:0.04951959651869865	time.:0.041650256419143925	her.:0.039275006956283894	country.:0.03808623703683673	year.:0.03336882586489761	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
J:0.23133500926666783	and:0.20221055781248523	.:0.10850570271642353	to:0.09227593296875995	the:0.08606385514403889	<s>:0.07714512269117055	W:0.06872000085662876	of:0.06623303633871655	as:0.05751078220510889	:0.01
the:0.19171647154817875	of:0.14112722341567557	and:0.13416554077907167	be:0.11792759908396455	to:0.11342443551796061	was:0.10074338199402288	is:0.07513481676880754	a:0.05881585421433086	are:0.05694467667798767	:0.01
the:0.486967561859838	this:0.11192138220147332	that:0.08846668787640678	any:0.07140423486127662	in:0.05555652334514891	and:0.04943361223220068	of:0.0490718884082383	The:0.04490034089462715	tho:0.032277768320790344	:0.01
to:0.31537805320365847	will:0.2545864481494915	would:0.08896049524140885	shall:0.08189498887655354	may:0.06310638001381275	should:0.06200413606307727	not:0.04500121521657039	must:0.04077048460509341	can:0.03829779863033381	:0.01
hundred:0.38841378645436947	up:0.09123185635738856	men:0.08930224671194738	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.07306411117914521	him:0.0668423327581923	;:0.06651424040074755	due:0.06192290086804839	:0.01
the:0.6337331662659316	and:0.100385275269275	of:0.04502915812563193	in:0.0446265384225453	The:0.04052682497589725	tho:0.03890434100479111	a:0.0367021526749023	to:0.027326210880625385	on:0.022766332380400437	:0.01
a:0.47431782376370396	the:0.33998775725324165	feet:0.04597574695419334	tho:0.031992388633044114	inches:0.026470806576655452	The:0.02416488999383957	A:0.019234160800866852	of:0.014775033050572024	and:0.013081392973883053	:0.01
be:0.2370127878835708	was:0.16964801094987705	and:0.13303854498869438	are:0.10057538057790065	been:0.09737834818903397	is:0.09249707319209333	were:0.09100097557740768	he:0.03585403876939964	well:0.03299483987202241	:0.01
the:0.30337617970676906	of:0.18860457588018725	and:0.131061740829474	to:0.0977610809207078	a:0.0809566554459928	in:0.055741965423345884	be:0.051143240024298715	was:0.041879765140534715	is:0.03947479662868964	:0.01
and:0.21284543509605122	of:0.13700664442214328	the:0.1362190510892453	to:0.11059867042248106	be:0.10460019330023757	was:0.0962702903952213	is:0.0785113160832823	in:0.061190157195283854	been:0.05275824199605405	:0.01
the:0.595511913773415	Federal:0.08248999440040743	The:0.06055999849995351	States:0.05446392170342084	and:0.053165623376279086	of:0.04557977676463418	our:0.040986108630633816	that:0.0314356745293822	tho:0.025806988321873878	:0.01
of:0.36864342338871764	the:0.3141270961744606	and:0.0645217356667895	in:0.05178310189643909	a:0.04901344324710237	his:0.03723856203625385	to:0.03673096193827047	their:0.03397742391108636	on:0.033964251740880004	:0.01
the:0.6680399820948016	a:0.08081948640942554	of:0.07040996070704635	tho:0.04338210435635854	his:0.0320076083667841	our:0.030586558130181088	one:0.023356165617003953	said:0.022215883874846413	in:0.019182250443552356	:0.01
a:0.16174656772225804	would:0.1414749467793682	something:0.13141879297601589	and:0.11495470913597543	looked:0.10190756074925221	was:0.10178292115465515	much:0.08698248848447537	is:0.08313907289388732	not:0.06659294010411257	:0.01
of:0.2735900659577961	the:0.15557694486545462	and:0.12432954580218314	a:0.11720381974340095	to:0.10415057097770922	in:0.08233958509752284	was:0.045557072074220245	with:0.04364711895288105	is:0.04360527652883189	:0.01
the:0.34170127421390223	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093987	to:0.07847171568184984	in:0.05339647102682973	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
No.:0.2747715871862971	July:0.1617250752478308	March:0.1153253864907255	block:0.10742429089098446	Block:0.07794415783447688	May:0.07247419367329834	lot:0.06853899787264478	January:0.06489336909184622	April:0.04690294171189588	:0.01
those:0.3162293336411748	man:0.16613326520093988	men:0.16580762653928452	and:0.10923024042942887	people:0.0617912175599913	one:0.05244152525619717	Those:0.04503794359929077	persons:0.036850473168489065	all:0.03647837460520368	:0.01
one:0.27929136428031115	part:0.161969198339822	out:0.1294589316580671	some:0.08533442500483848	members:0.0835576213794217	side:0.08132005735050907	portion:0.059925805134896065	office:0.055564050621792475	member:0.053578546230341986	:0.01
turned:0.2780762350527833	went:0.1853710839149759	was:0.1060092131209072	go:0.09086180153651677	all:0.08053604736869069	come:0.07713603386247245	is:0.06241062691587632	came:0.05602400007103653	and:0.05357495815674072	:0.01
be:0.32060478704153866	was:0.1856991497549234	been:0.14125504836664868	is:0.12348135575719442	are:0.07145169219309364	were:0.060858089958375744	and:0.03408200298471508	being:0.03226293849069408	Is:0.02030493545281617	:0.01
of:0.3236422169458704	to:0.1571706490304156	in:0.1316667805232421	for:0.08146371590104422	that:0.07997859708419176	and:0.07035843170719411	by:0.058101407110516166	with:0.045043743529684536	is:0.04257445816784088	:0.01
ves-:0.47316868759768765	the:0.12382653277937294	coun-:0.10657182371875512	and:0.09044403622024311	of:0.06129963329304036	a:0.05284713232045208	to:0.03357388899797796	in:0.030765790321917733	for:0.017502474750552968	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
and:0.40180925423370906	made:0.10572982649976298	necessary:0.09766421441472355	provide:0.0709677106558723	him:0.06679412563114624	time:0.06399940844444657	but:0.06226152597569863	pay:0.06140975827886298	responsible:0.059364175865777885	:0.01
of:0.23742770064982271	in:0.20601128793287557	and:0.1406107417620521	to:0.10585811885886086	that:0.07812672723658809	for:0.07440664591823389	with:0.06678866280825523	by:0.04058530302206666	on:0.04018481181124499	:0.01
of:0.19205351754451827	in:0.19063256959926828	to:0.13263319313175276	for:0.10146911005784597	with:0.0898682658096369	by:0.08717087781925154	and:0.06824615910745768	is:0.06556288469104626	such:0.062363422239222366	:0.01
the:0.34035331438302924	of:0.19883271929599125	in:0.10067773817170221	to:0.09438483133752301	a:0.06508266396635792	by:0.06067657233809444	and:0.05187542582722945	that:0.04252088524460023	The:0.03559584943547251	:0.01
the:0.34170127421390223	of:0.21431199175277735	and:0.10446301939262496	a:0.08420412101093987	to:0.07847171568184984	in:0.05339647102682973	was:0.03970586401934087	his:0.03842455631547377	be:0.03532098658626141	:0.01
of:0.5800464094844595	in:0.09972841043140825	to:0.08125348410598678	that:0.06669298167658429	all:0.0394828017835764	and:0.03814384178104069	by:0.029258056002472506	for:0.02857084345781544	with:0.026823171276656007	:0.01
to:0.23084164089153653	the:0.19599676182946477	of:0.16555747408636154	and:0.15864168240412752	a:0.06474452365459166	in:0.05071236753640227	at:0.050063002462748356	for:0.03808870392664653	is:0.03535384320812078	:0.01
the:0.6719890266483217	The:0.08905562660611153	tho:0.05875701065370497	his:0.049368369714557755	our:0.027368923036249354	of:0.02644908066829108	tbe:0.02419888424232258	this:0.021736853196192292	my:0.02107622523424867	:0.01
it:0.22923910640386372	It:0.2169656170215026	This:0.15216872378118323	which:0.0937113430805337	that:0.08236996073179681	this:0.07426658989754333	and:0.053275560998039914	there:0.04840760209046867	he:0.03959549599506813	:0.01
is:0.15007233796838604	of:0.14754817223783406	with:0.14284319361839268	such:0.1275530448617739	in:0.11988193760662805	as:0.08931000659894835	by:0.0848689777354924	to:0.06427059044827356	was:0.0636517389242709	:0.01
the:0.8863726773530108	tho:0.04767429894468295	The:0.020379110130635744	tbe:0.0148488543841555	of:0.010704508851547227	and:0.002907084065353344	by:0.00269076816764734	a:0.0026265092802739095	tlie:0.0017961888226931213	:0.01
of:0.47825497492209124	to:0.1650349088489088	in:0.10551106933748794	on:0.0662538521790286	by:0.04256952559676612	at:0.037198274272061634	from:0.034158224718888824	for:0.03283767953142179	with:0.028181490593345168	:0.01
to:0.35742386475473925	I:0.1476803514748828	and:0.1189613059497299	will:0.0817091817655276	can:0.06613947887571597	they:0.06533430670026144	we:0.05740659435518907	not:0.051490827917396814	would:0.04385408820655724	:0.01
they:0.15983808899522506	we:0.15850005471409273	he:0.1485607319870057	I:0.14502922727074855	and:0.11484934740745963	it:0.08849499697814084	who:0.06771055888028031	which:0.053803771620722966	you:0.053213222146324506	:0.01
be:0.32158110505084836	was:0.13227544149147455	been:0.11814260458471644	is:0.1178570078486048	and:0.08363896049281479	are:0.0710547853803429	were:0.055944084885561025	have:0.051981372834048266	not:0.037524637431588896	:0.01
the:0.20495535515765362	and:0.1979688528129024	his:0.12370240749749402	to:0.11835522940352838	per:0.09606772954843576	a:0.07254474801197588	my:0.07049746451409165	this:0.06381253733651149	be-:0.04209567571740685	:0.01
the:0.3853244944598766	of:0.2016119142990119	and:0.13281277996971314	a:0.12239923761336712	in:0.03551265260697985	to:0.031033546691147867	or:0.028518751250522	The:0.028040083137066952	tho:0.024746539972314793	:0.01
there:0.20563433726255975	mortgage,:0.16633944273323617	;:0.1652792544170093	it,:0.10278803046054673	cause,:0.09836095393889274	mortgage:0.07159413669324426	them,:0.06948418655480337	States:0.05815939786276587	you:0.052360260076941875	:0.01
and:0.4377630451474572	that:0.1928826994508726	as:0.12815936681915938	but:0.07020117803651997	even:0.0430466436351368	But:0.03989927357458714	And:0.026633190625936738	or:0.025751994244753083	see:0.025662608465576615	:0.01
and:0.33174945563533786	the:0.17584864294087715	of:0.12345093929963112	his:0.11702231252242438	her:0.06592706187674549	their:0.056328245769162164	that:0.053012850161313324	our:0.0338207749386201	for:0.03283971685588835	:0.01
is:0.21582708951072616	and:0.1800578350858818	was:0.16874187209442448	that:0.10504289777567745	had:0.07819666821198404	have:0.07598664059517882	be:0.05801232172599852	of:0.0559942544100841	with:0.05214042059004467	:0.01
they:0.2743106257508532	there:0.1500608689668546	There:0.11133836863548773	who:0.10011846613500858	we:0.09212898583338103	which:0.08519968592903888	They:0.08396980859434748	and:0.04751222644514286	that:0.045360963709885564	:0.01
the:0.6411319971224265	of:0.13116370447727652	tho:0.045232476641134736	and:0.03388765131400518	The:0.03204394534719218	surface:0.03052518895198915	on:0.02763217141796955	a:0.02617537768153644	to:0.022207487046469916	:0.01
of:0.3630350740586406	the:0.16525916370445748	in:0.14689974290592142	and:0.09288862333737676	to:0.07357308745747565	for:0.04133873686138478	from:0.03766019187032088	In:0.03640713816326296	by:0.03293824164115941	:0.01
plat:0.4825784805721939	part:0.14631161097393955	much:0.14444938194484963	copy:0.05480331650038545	amount:0.04529345378054976	survey:0.03776074544816395	payment:0.028741816024816232	holder:0.02567510278421843	conviction:0.024386091970883053	:0.01
the:0.5634882935503619	a:0.19772447484472766	town-:0.04884971756946556	wor-:0.04673169364059922	The:0.03275426855743824	tho:0.029081167961629642	of:0.026209911684932953	and:0.022612605024445613	or:0.022547867166399036	:0.01
and:0.18784336682063274	as:0.15114329179679575	went:0.11423878004667351	him:0.10666558228731272	them:0.09110223752457794	up:0.08733803455919152	is:0.08689480544253657	go:0.08340199801381315	able:0.08137190350846597	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
and:0.30937248239004295	that:0.1492617720776809	as:0.12706581059587677	which:0.07533535813185006	the:0.07458527956854871	of:0.06797592753701467	but:0.06524530027187	<s>:0.06371476663143535	when:0.05744330279568062	:0.01
the:0.7318393474302003	of:0.08539424695945298	a:0.05024946308254746	tho:0.04077273606565481	and:0.020833375563990886	in:0.020785132278923868	The:0.01801593110690249	tbe:0.012286981574715982	by:0.009822785937611128	:0.01
that:0.18404915690075813	and:0.18167567775787719	had:0.10766507292859072	but:0.10111128551267923	is:0.0945412610534883	as:0.08983001075318078	have:0.08972975144382046	Is:0.07096038801362373	make:0.07043739563598149	:0.01
and:0.19051943986217013	of:0.17206397922323483	as:0.1674750915859768	the:0.13450047028301987	to:0.09096766000852799	be:0.06575526900119627	such:0.06334143169216884	much:0.05500551658222766	in:0.050371141761477715	:0.01
and:0.213659044155795	be:0.16949459997093072	was:0.1313818326693764	he:0.1211176079488324	I:0.10237201012101424	have:0.07354805791737938	is:0.06531121247907566	had:0.06257635076400642	has:0.05053928397358972	:0.01
of:0.20065029462322534	in:0.18707493587591537	the:0.17640033972601582	their:0.08481796022977799	his:0.08049817409806928	for:0.07815348092655977	and:0.06331175187776739	In:0.06105726082355653	a:0.05803580181911257	:0.01
and:0.16554698624406924	covered:0.14806076650159553	filled:0.1256181273154354	compared:0.11366251704937043	accordance:0.10844087372083673	connection:0.09431320010436064	together:0.08274598793427503	parallel:0.0777152484179073	charged:0.07389629271214962	:0.01
of:0.3325095250128425	the:0.21624872522542357	in:0.14749715712233827	by:0.14070842207454665	to:0.05446660296032548	In:0.026912586324946135	which:0.02621882949476932	on:0.02536083595519199	that:0.020077315829616107	:0.01
of:0.2521529155905653	the:0.24133101812369992	to:0.1720723724790173	and:0.1374948946938506	<s>:0.04256310502436529	an:0.041778459123235925	in:0.041188084617319286	or:0.031839369085499204	last:0.029579781262446963	:0.01
and:0.2770933968319309	to:0.20202364333909548	of:0.11220589733181101	which:0.07505006121860575	for:0.06979898084155528	that:0.06933642627141444	in:0.06342013358331683	or:0.06270745702963718	the:0.05836400355263304	:0.01
of:0.4117676130308036	in:0.33160328118508436	In:0.05739272785112331	to:0.05738338185678404	for:0.05616777173806005	by:0.027135636610369756	from:0.017797305986450407	on:0.017309438072444366	with:0.013442843668880058	:0.01
;:0.16641041687082392	it,:0.14067740649544608	years,:0.13016694302705759	here:0.0948769059447095	them,:0.09378174610294239	him:0.09260168877066721	it:0.09104309653116785	time,:0.09065192185789875	<s>:0.08978987439928653	:0.01
contained:0.21195734665215296	described:0.20422195386504646	stipulated:0.1575813651728388	recorded:0.08801227956739072	and:0.08591808985387941	situated:0.07920133131407768	interest:0.0735664432679262	interested:0.059666970168949784	filed:0.029874220137738088	:0.01
costs:0.1912435563306292	time:0.12967420494459023	one:0.12897059921568463	men:0.10482750206468244	in:0.10006135847727834	up:0.09107110655223277	good:0.08702328878077119	large:0.07943386239342522	house:0.07769452124070597	:0.01
is:0.2524479625653079	ought:0.12100787889195094	are:0.1178352422795325	seems:0.11055594763804424	was:0.09614106152581381	not:0.0941843627106136	said:0.07532254921697497	seemed:0.06249828089648135	as:0.060006714275280794	:0.01
the:0.6021047736320853	a:0.11390854917322563	and:0.08392934331762696	The:0.04958509812232238	tho:0.04553578393787439	of:0.03051332981678091	tbe:0.02261446403444868	in:0.021612439669724332	or:0.020196218295911488	:0.01
and:0.2542315743163	is:0.19065841016179877	fact:0.1437993552448729	know:0.08130283477484336	so:0.07725281932750172	say:0.06882345549977154	said:0.059326111221560465	but:0.05750646672909321	was:0.05709897272425804	:0.01
the:0.3836848937677744	and:0.15159093848804042	of:0.13852836488818698	a:0.12209916404580831	in:0.05000006725474861	as:0.036700493681832584	with:0.036189019262881754	be:0.035638748777226184	by:0.03556830983350053	:0.01
be:0.2553044321176575	is:0.13576158103325703	was:0.12779276656935676	and:0.11842746350110227	are:0.09717300371900295	been:0.08957084153767099	were:0.07239534971680767	coupons:0.05068848594579436	being:0.042886075859350656	:0.01
the:0.19499822924215665	Mrs.:0.19196382082785227	and:0.19068650396488343	Mr.:0.13358696952205149	.:0.07225582403541131	Miss:0.06734220322579343	of:0.05144740056500105	<s>:0.05116868698884451	Messrs.:0.03655036162800598	:0.01
that:0.2612397541120661	<s>:0.21683942007773663	as:0.1038066743074425	and:0.09401708622911382	it.:0.09088679586717979	which:0.069455978232657	but:0.06414840037600711	of:0.045615829348603226	them.:0.04399006144919371	:0.01
of:0.34552371884237965	to:0.16926942485466404	in:0.12842655229236288	on:0.09116558224850929	by:0.06222978243913015	at:0.06138333461415865	from:0.05413966985424112	with:0.041625960980702696	for:0.036235973873851385	:0.01
of:0.34204220533703655	to:0.1388434664336376	in:0.13786264416522528	and:0.0802795492422938	with:0.07123181302638901	for:0.06369579859368074	on:0.061350835439372385	by:0.04859824571313037	from:0.04609544204923424	:0.01
the:0.6666327243634631	a:0.1561881709666292	The:0.04230264993187204	and:0.03764436784650777	tho:0.030858806312379916	to:0.021663499241349294	this:0.013407500193427886	tbe:0.010870815957955034	his:0.010431465186415708	:0.01
carry:0.2531501453566948	through-:0.22987000183719136	with-:0.14502040137148212	carrying:0.08293987265271315	pointed:0.06672683102072542	and:0.05936970305473142	sent:0.05515216574947199	brought:0.049249105518804445	carried:0.04852177343818517	:0.01
looked:0.14977985666317156	it:0.1486830523542426	gathered:0.1264774725253932	arms:0.1221501469219827	all:0.11808874046512918	look:0.09453249926131682	and:0.08750415002963002	him:0.07855630725984332	arm:0.06422777451929056	:0.01
the:0.45233224190932425	a:0.14270071712019244	of:0.11835378819819185	and:0.08119485186201864	in:0.05231364872911621	to:0.04446278717794555	The:0.042671856727701185	tho:0.029269072011676413	an:0.026701036263833484	:0.01
and:0.29234911527061597	was:0.12295751386511261	is:0.09850110963903781	that:0.09666055421653383	it:0.08628007122265054	as:0.07887221239903662	be:0.0742410316365856	them:0.07029673534852585	up:0.06984165640190108	:0.01
of:0.3582541495959591	the:0.28994841854852127	and:0.13010324742318088	in:0.07784906754443188	by:0.035821567961589515	a:0.029085910873762208	from:0.02676219560181173	with:0.022455594246924126	&:0.01971984820381932	:0.01
and:0.3024842444279261	was:0.14789652250066207	is:0.09596900870974386	be:0.09291209349185649	are:0.07962562552501436	that:0.07617621460107377	it:0.06766289852403745	been:0.06429887727346362	made:0.0629745149462221	:0.01
and:0.18722678703148546	connection:0.18094568474691575	together:0.15084904247430037	connected:0.1467133545179182	accordance:0.1008704651745925	comply:0.05924793924059642	up:0.05655059031379533	do:0.055769387631513005	compared:0.051826748868882964	:0.01
and:0.3758105158093881	was:0.1205843671330875	Beginning:0.08125136349251008	that:0.07364745099278608	is:0.07353011626431966	look:0.0691499054741264	sold:0.06865715839520692	looked:0.06825916448244185	held:0.059109957956133344	:0.01
Mr.:0.17112389613557985	due:0.13553175292366693	;:0.12649664199474112	in:0.1178371828792977	thereof,:0.09912151197201777	,:0.09670427772776648	up:0.085107717584956	men:0.08272056851485278	one:0.07535645026712143	:0.01
was:0.2118246702507588	is:0.18552704446133655	are:0.14728010946758321	and:0.10512380423924349	been:0.10320195735332452	be:0.08161870618625304	were:0.07055347852837818	not:0.055247898674178966	of:0.02962233083894319	:0.01
is:0.21846337557343823	was:0.19740818996664658	be:0.10105767256217618	are:0.10054155750048792	and:0.08685820621369729	go:0.07998610211164893	him:0.07662571346515978	found:0.06481627721485382	were:0.0642429053918913	:0.01
of:0.18885527935421476	in:0.15515714683407203	by:0.12170535179760215	and:0.10816870509245012	for:0.1045433991425833	that:0.09577434195587425	to:0.08498636567326603	with:0.06992778345882746	was:0.06088162669110981	:0.01
on:0.5313025525052949	at:0.2768812963478856	of:0.04932586275730152	the:0.029904708151878415	Mortgages,:0.027973661581661532	and:0.02745645210429031	mortgages,:0.02056449222330613	from:0.01417357515673816	deeds,:0.012417399171643423	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
No.:0.19335862831829934	and:0.1567674905590844	the:0.13393812525374674	of:0.1264478384532672	at:0.08881292736526274	.:0.08094643297346762	a:0.08008049067163032	said:0.06664873799122828	to:0.06299932841401343	:0.01
and:0.2682983319507874	recorded:0.10717905104111182	was:0.10263907629409649	made:0.09927630384100071	that:0.09842569549211198	o'clock:0.08895025276229458	up:0.08173084504592748	is:0.07240199994443215	found:0.07109844362823738	:0.01
.:0.17377241288926912	A:0.13078192538926514	J:0.10879130182215428	E:0.10834706861521212	and:0.10594999625131413	A.:0.10067189932397815	&:0.09721885832884923	J.:0.08908183311157114	of:0.07538470426838668	:0.01
the:0.5435694588832608	an:0.2568837296540481	The:0.09599325496184977	and:0.02525860458316723	tho:0.02348451237804948	An:0.013523277233274135	fair:0.010712953032580833	a:0.010461129662707576	their:0.010113079611062153	:0.01
the:0.29245074416437333	a:0.2618477043632468	and:0.11020848622914839	of:0.09629057222831493	to:0.0657944783354701	with:0.047525839468174194	in:0.04044728520393329	for:0.04044625332689828	The:0.034988636680440714	:0.01
the:0.1983617563665552	and:0.16741303523898565	of:0.16070716605411695	to:0.14121474152525526	a:0.12385002738842145	in:0.07400006600096734	at:0.05176589527226297	or:0.0416811268853122	that:0.031006185268122963	:0.01
the:0.21858781341275965	and:0.14787589235517212	of:0.11615811686309205	from:0.111777248760148	a:0.10253926757191248	to:0.08360693553216382	be:0.08051194311816404	was:0.06882079131216966	is:0.06012199107441834	:0.01
of:0.3227521578798107	the:0.1849584156678949	a:0.1290887287974743	to:0.12049341173913584	in:0.07101206071463188	and:0.049429383145746464	for:0.04156545212272989	or:0.03744631965345005	with:0.033254070279126025	:0.01
of:0.4020083684610406	in:0.1371627150650841	to:0.13282599482635887	that:0.06247487500645733	for:0.05914605148178097	and:0.05819778108276537	with:0.04879687973211097	by:0.0456154246587081	In:0.043771909685693784	:0.01
be:0.3295311817002148	been:0.20404872578777486	was:0.16629591018677622	is:0.06882805064319626	were:0.06179517167870388	are:0.049666768140942584	has:0.03696164774469238	being:0.036820527040245465	and:0.036052017077453556	:0.01
as:0.19662511888164905	and:0.13599896099910416	went:0.11985794615854044	up:0.1117872357644963	go:0.09374208647216856	it:0.08727768788023695	return:0.0863704026803532	back:0.08039862892704304	returned:0.07794193223640834	:0.01
the:0.40004629088706944	of:0.17001214588784655	to:0.09324409555324727	and:0.08485788841663552	a:0.07725491056514239	in:0.05890195646690147	for:0.04850084802365697	that:0.03039356852788032	on:0.026788295671619847	:0.01
hundred:0.38841378645436947	up:0.09123185635738856	men:0.08930224671194738	Hundred:0.07918911325774881	John:0.07351941201241245	William:0.07306411117914521	him:0.0668423327581923	;:0.06651424040074755	due:0.06192290086804839	:0.01
the:0.28153957602766105	to:0.16349301591714713	and:0.15765386284023114	of:0.1561731434951893	a:0.0542674969665219	was:0.05112520065880968	at:0.04313109972424777	on:0.04281140286210549	be:0.0398052015080865	:0.01
and:0.18925415902801357	was:0.13065248732348442	the:0.1291182405561361	of:0.12222408689501935	be:0.12114528429922004	to:0.0886203548825185	a:0.085692444733687	is:0.06451226873249924	been:0.05878067354942176	:0.01
of:0.4236582024308362	in:0.1070423632198144	to:0.10171171793707634	for:0.07682717870438868	or:0.07481991714488817	by:0.05717926813387222	than:0.051057226164843414	from:0.05018207581933747	at:0.04752205044494303	:0.01
Robert:0.16193587539196894	John:0.13282370832759866	William:0.1296561576101935	Mr.:0.12832321415345693	James:0.11911747789628457	Charles:0.0998022389982293	George:0.08388832956005775	Joseph:0.07558843387876574	Thomas:0.05886456418344466	:0.01
sum:0.18676829411122214	number:0.1566486321513545	line:0.11140081741272478	city:0.10844765106291132	out:0.10739005474369737	day:0.09286734076326106	county:0.08286139477536687	amount:0.07384405151900511	Board:0.06977176346045691	:0.01
one:0.2426434069583548	more:0.23054545062015835	two:0.0981807367936259	day:0.07992109173335674	piece:0.0795660236576906	law:0.07269405344014908	person:0.06924821935371071	action:0.06313235610792371	three:0.05406866133503009	:0.01
of:0.4691490544320006	in:0.19182316409567338	by:0.06104554148722487	for:0.05384136047277377	the:0.05103772960209038	and:0.04802305799198074	with:0.04310465680745038	on:0.03644977129923517	In:0.03552566381157069	:0.01
will:0.2077345152218535	can:0.1224511172457499	and:0.1194891137011339	is:0.11335785776842058	would:0.10308657939585206	appear:0.09125240206812457	w:0.07926904708937704	are:0.07858000288788299	it:0.07477936462160534	:0.01
the:0.39700601692681825	of:0.1457348082650513	or:0.09562027779195531	other:0.07940841558069169	their:0.06464006247905504	for:0.0553014480570084	trunk:0.05451073483573464	these:0.05170443837056228	two:0.046073797693122955	:0.01
of:0.45191947144886463	to:0.12989474327407768	in:0.0792882689873796	that:0.06716505337845555	and:0.0636100716993407	by:0.0635455550123988	with:0.051615010832377115	on:0.04158256633617883	from:0.04137925903092716	:0.01
to:0.3104431171230219	will:0.19865815485438856	would:0.16763922878097529	may:0.08056051789903806	should:0.06709673597004329	shall:0.06180475577979003	must:0.039879461764321104	not:0.03983771231448096	can:0.024080315513940832	:0.01
for:0.3353536570676537	of:0.26398646593645714	in:0.11358876126417496	and:0.09828076167227155	about:0.04210572628891676	or:0.04188202368044998	the:0.038170192171723946	In:0.029389717660631736	with:0.027242694257720114	:0.01
away:0.1629496515721689	and:0.15550238078112047	came:0.15382435291937677	miles:0.11565625443483601	come:0.09150926185604646	taken:0.08554874710351172	up:0.07977511167217631	feet:0.07766311934355373	him:0.06757112031720966	:0.01
and:0.3527429989888942	but:0.12039359139776244	of:0.09650221145785416	so:0.09631546972031181	that:0.07485695923642612	as:0.0725863470732794	all:0.06591698233355889	is:0.05635106159273076	fact:0.0543343781991822	:0.01
a:0.6668155944475679	the:0.1194569555372385	A:0.08271940289313603	certain:0.027025624391222938	one:0.02698066230836645	described:0.018146291929531055	every:0.01703453736257366	large:0.01607581858925808	this:0.015745112541105524	:0.01
the:0.26722370480371754	and:0.18633967210970165	a:0.13700386836822662	all:0.11546118993330715	these:0.07621926765930001	or:0.05785500097023116	These:0.051683988435303634	that:0.05046927704369176	of:0.0477440306765207	:0.01
and:0.25037799561132223	to:0.19051743664518078	of:0.12818071300755096	the:0.11341275889843262	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.05790590474591629	for:0.056443486992488516	:0.01
ten:0.15930487185285927	10:0.14541430797534555	50:0.1363965197067913	fifty:0.13138648452723573	20:0.10428185732475169	three:0.08217797916488719	five:0.08128407590711606	25:0.07571109758089106	5:0.07404280596012217	:0.01
they:0.26004076152708355	who:0.12520266395751165	there:0.11579702370869374	we:0.11373584132620912	which:0.08776419117906965	and:0.08322440250912155	you:0.0759804396257324	There:0.06594329369292241	They:0.062311382473655905	:0.01
made:0.3028069374576309	and:0.2023193696646394	caused:0.07375981344017991	shown:0.07207509517503563	up:0.0704269184181151	ed:0.07002219172812583	out:0.06751988832599078	taken:0.0665966498616986	done:0.06447313592858381	:0.01
of:0.4764166981485244	to:0.11785749007694177	in:0.08890760353478618	by:0.07822816904462099	and:0.067066967756207	that:0.05721982502308667	for:0.04841109531087232	with:0.0322345026310605	from:0.023657648473900353	:0.01
on:0.20882163947107166	of:0.2058030267844747	and:0.15283046093795435	to:0.10307048091481884	On:0.09344409322188489	all:0.06169111630679553	with:0.059900783022025936	in:0.05740836204605505	that:0.04703003729491896	:0.01
the:0.5738200808112985	a:0.21908795081569565	The:0.08262308289808416	tho:0.03869004083331353	of:0.020030210945700004	and:0.016644993700208298	our:0.014387318424919972	that:0.012440526412677087	A:0.012275795158102598	:0.01
of:0.3486714887880616	in:0.11749943158097821	to:0.11649346511285981	for:0.11279159409538173	with:0.09309049430741777	and:0.057864599511695765	by:0.051408159182101794	from:0.04875259638272767	at:0.043428171038775644	:0.01
hundred:0.1631051995366529	;:0.13365936507111423	him:0.11732615948902901	one:0.10942603140040551	feet:0.1079334711744123	up:0.10029179877010728	mile:0.09005038552425722	feet,:0.08590382326179402	time:0.08230376577222771	:0.01
is:0.38520148421124667	was:0.1234155928280963	he:0.07416500653831193	and:0.07102494542231634	be:0.06626103178757331	Is:0.0648126617177738	I:0.06035624029529363	He:0.0517554132922303	are:0.04671551368202216	generally:0.04629211022513552	:0.01
covered:0.22791360364769664	and:0.20182494479562685	filled:0.14488115664763704	up:0.11533089881339172	it:0.07222539147106118	made:0.07173341339670924	together:0.05435650546580699	loaded:0.053473171802383646	trimmed:0.04826091395968669	:0.01
and:0.20450556845365275	days:0.12596459196979642	was:0.1200144139907398	or:0.09579385432590432	time:0.09472943273581123	that:0.09322739577872444	never:0.08763760886899595	long:0.08681169958985518	be:0.08131543428651984	:0.01
a:0.5674888740248971	the:0.16786076670244385	young:0.07412098683394058	that:0.03744356908237694	of:0.03472027493815338	any:0.032170875078842934	every:0.027841438873184184	old:0.025865400270815853	white:0.0224878141953454	:0.01
of:0.2181434604506772	in:0.14219429705866626	for:0.12015593059818581	to:0.10853232719473356	with:0.0985650877212734	and:0.08477052742557203	by:0.0792805917297625	was:0.07061790428652878	is:0.06773987353460029	:0.01
of:0.31662382482780055	the:0.1882228432280848	in:0.11578788137479394	and:0.09407676728996123	that:0.0748891728352496	to:0.06204412499286629	The:0.052928240553401264	for:0.045864762222283736	Mr.:0.039562382675558685	:0.01
the:0.39068117146090087	and:0.17377497235309414	of:0.1640202242611991	this:0.06297203436300494	or:0.042270779408979366	that:0.041588001838730224	The:0.04135942640877226	an:0.03676333829655069	a:0.03657005160876838	:0.01
the:0.4955936773497749	on:0.17112227411649805	a:0.06761290546400966	in:0.06404797601429647	of:0.05196382766483556	said:0.04790878283950639	this:0.03419713067961882	tho:0.0314741095950611	his:0.02607931627639901	:0.01
of:0.2398609265795361	.:0.15330169590021514	to:0.1409539299005925	&:0.11765668600181915	<s>:0.08468848378731811	at:0.0761054290588368	and:0.07576075180496121	the:0.05419134881751391	from:0.04748074814920715	:0.01
to:0.6065290368129475	I:0.10462687070003159	and:0.09558238705688164	not:0.05090397660040461	will:0.03935265216814136	would:0.025438876836515238	you:0.02467940022999833	should:0.02218939363859796	we:0.02069740595648184	:0.01
it:0.24649221010470246	they:0.12660885768690028	as:0.12478371852874594	It:0.11537063123161329	which:0.09814530941872672	that:0.08134154231318844	he:0.07300013832140625	and:0.06221621146964451	you:0.0620413809250721	:0.01
the:0.5134858949480097	of:0.12754994228645644	a:0.09444878237137698	and:0.08090692397205872	to:0.05635611667463086	in:0.044330434468874434	tho:0.029155196517439072	The:0.023270716757057983	or:0.020495992004095683	:0.01
they:0.24404561568425817	there:0.15602364213265	There:0.11775195248347725	we:0.10549287818677361	who:0.09833799834140743	and:0.09439927001345065	They:0.06538025628125468	which:0.05522377752198967	you:0.053344609354738476	:0.01
of:0.23282373712783633	the:0.18794337402219385	and:0.1220051437875768	in:0.10682736651079422	to:0.1031760590447024	a:0.09033516056204574	be:0.05152489571020418	for:0.05047501264939616	was:0.044889250585250284	:0.01
and:0.25037799561132223	to:0.19051743664518078	of:0.12818071300755096	the:0.11341275889843262	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.05790590474591629	for:0.056443486992488516	:0.01
the:0.5061882620716961	a:0.13085190010351927	of:0.08929696403629177	The:0.07347437168705655	and:0.05166442011410142	tho:0.047329748856649624	his:0.03166145175656874	our:0.031098244722595543	to:0.0284346366515209	:0.01
the:0.22519147941549264	his:0.17076920700121223	of:0.15101519719124004	and:0.11783429116320887	their:0.0915894252585128	to:0.06820184817303496	my:0.0606574254037931	with:0.056343374941971815	her:0.04839775145153366	:0.01
and:0.25037799561132223	to:0.19051743664518078	of:0.12818071300755096	the:0.11341275889843262	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.05790590474591629	for:0.056443486992488516	:0.01
is:0.23753921694527758	and:0.16180817442391784	was:0.12129324558936602	simply:0.114563965968724	not:0.10365620717742026	it:0.09673326713251378	but:0.06180585339583336	that:0.048784657797048034	it,:0.04381541156989901	:0.01
and:0.23472984740800643	of:0.19034277254992926	to:0.15899746736912107	the:0.14872653581764267	on:0.05782225657498437	in:0.05781024492789173	<s>:0.05127606043924979	that:0.04858455105407135	from:0.04171026385910328	:0.01
and:0.25037799561132223	to:0.19051743664518078	of:0.12818071300755096	the:0.11341275889843262	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.05790590474591629	for:0.056443486992488516	:0.01
be:0.34784172640942046	was:0.16617909347779478	been:0.13244610415311092	is:0.08989230134039133	and:0.06607633165109791	were:0.0632575179400396	are:0.0614531010452879	being:0.03904429293995983	he:0.023809531042897177	:0.01
the:0.4374744830071531	such:0.10930968827221525	these:0.07519435583754752	best:0.06668559503068389	his:0.06407944463807924	our:0.060125956727441705	other:0.06004832451877342	business:0.05922089613543512	their:0.05786125583267083	:0.01
;:0.35702640113955214	it,:0.1405034771512006	him,:0.09410044652650008	and:0.08869042620385374	is:0.08276517513931854	them,:0.07033244892942488	time,:0.06797401967020504	,:0.0452640268234389	nothing:0.04334357841650619	:0.01
the:0.27043739265228134	a:0.21831837013200053	of:0.15179649861663677	and:0.09330663821376659	at:0.0643462738268171	to:0.06407467717693992	in:0.04994962184607452	for:0.045001814785165205	an:0.03276871275031823	:0.01
to:0.21430843311958347	I:0.18340587849166953	would:0.10831609262721736	we:0.10564143227013896	they:0.1001136505192282	who:0.08716581288601918	could:0.06957572519001601	must:0.06454476272802968	should:0.056928212168097694	:0.01
to:0.72768128528762	not:0.05967047001644134	will:0.04953179252304931	would:0.04203576595094572	and:0.030623586616809157	can:0.02324222788315897	may:0.02170459128915393	could:0.018718769573053008	To:0.016791510859768592	:0.01
a:0.4883004922971075	the:0.3029434654466314	The:0.045788489927888594	of:0.03703417295715859	his:0.02815944493754151	this:0.02656815565776417	any:0.022896176149966058	A:0.02023209036233756	no:0.01807751226360445	:0.01
the:0.3075460484664369	of:0.18655934707330316	and:0.14916218212617383	a:0.11099602176871068	to:0.08077305174479382	in:0.05379361798284004	at:0.03681957888509467	.:0.032321536273197685	<s>:0.03202861567944926	:0.01
part:0.21496902104278676	one:0.2091236923398804	some:0.12867331343811733	out:0.10573031168796258	members:0.0761860450243411	and:0.06636584999188522	tion:0.06479865598258486	portion:0.062262355322562794	side:0.061890755169878825	:0.01
to:0.5582773489168229	will:0.12053268147830672	and:0.09539493546476666	would:0.06723838779179621	not:0.046183545157118366	I:0.031104936597419995	could:0.024920463081248203	they:0.02422666305843685	we:0.022121038454084224	:0.01
and:0.25037799561132223	to:0.19051743664518078	of:0.12818071300755096	the:0.11341275889843262	which:0.06900438075771528	that:0.06614761953644578	re-:0.058009703804947514	in:0.05790590474591629	for:0.056443486992488516	:0.01
be:0.22597535338754082	was:0.22022621232109557	been:0.14650185326035728	is:0.08372127547808166	were:0.08311063655168735	and:0.06966620745111651	Action:0.06481215720668473	are:0.056034979832035474	being:0.03995132451140055	:0.01
of:0.2909038088077314	in:0.14229906159923375	to:0.13228348808371387	for:0.10452237417125124	and:0.09327319156944217	at:0.07215408147019348	with:0.05784656581009076	by:0.04942877232597754	from:0.04728865616236609	:0.01
of:0.32692755207343466	to:0.1298190362591836	for:0.11793447932887922	by:0.08845374893933525	and:0.07946976823777346	that:0.0756829577350082	with:0.06503197855401055	in:0.06471375892939776	at:0.04196671994297729	:0.01
had:0.3548789944872378	have:0.22814747746370515	has:0.13798659080901687	was:0.08784074491369064	be:0.04441597477038502	been:0.042507957382349464	and:0.04193971456797188	were:0.026807546656898194	he:0.02547499894874502	:0.01
a:0.8222895687316497	that:0.0380424120564318	of:0.027212958148273327	A:0.026666324823166068	and:0.022788247007600647	the:0.019109995103180583	as:0.012905138001248224	is:0.010920282998614974	in:0.010065073129834784	:0.01
more:0.14449914668263036	due:0.13484845272350113	public:0.12406451221768595	good:0.12403741692723917	in:0.11945606173369773	time:0.0986023261118428	it:0.08458207491866443	risk:0.08397372415263339	large:0.07593628453210496	:0.01
the:0.2885930082027725	of:0.176566445622439	a:0.12380099638058098	to:0.10274053766955328	and:0.0921597664603577	be:0.0664805226347077	in:0.04958752016343719	is:0.0472461089247686	not:0.042825093941383084	:0.01
the:0.41564608671913017	Supreme:0.18180321100710317	District:0.09042425402687577	said:0.07168119118824547	Circuit:0.06676481423033424	County:0.056718858491528544	this:0.04152137513726616	tho:0.03514861529239232	of:0.030291593907124232	:0.01
and:0.2682983319507874	recorded:0.10717905104111182	was:0.10263907629409649	made:0.09927630384100071	that:0.09842569549211198	o'clock:0.08895025276229458	up:0.08173084504592748	is:0.07240199994443215	found:0.07109844362823738	:0.01
the:0.24307002909933884	of:0.19255952245263244	and:0.15413776571138663	to:0.14381403215373081	a:0.0728643679820992	be:0.051059482517056685	or:0.05091033703493396	his:0.04246448727256352	on:0.039119975776258066	:0.01
to:0.3626741246584215	will:0.13858750329788957	be-:0.12116547449766983	had:0.07921189610338437	has:0.0743975662379597	have:0.07263596961952423	not:0.05124771042827552	would:0.04867871214108111	I:0.04140104301579408	:0.01
entry = {'the': 0.10045935900113911, 'of': 0.09020703498174018, 'to': 0.07924349156201368, 'and': 0.0687043339508765, 'in': 0.035015639993431324, 'a': 0.02811431086085686, 'was': 0.026999271757820558, 'be': 0.026419852650704238, 'is': 0.023909866992206572}
summarize_probs_unk(entry, const_wildcard=False)
[('the', 0.2075982821656445),
 ('of', 0.18641195492052778),
 ('to', 0.16375589974544083),
 ('and', 0.14197683369027864),
 ('in', 0.07235947734331606),
 ('a', 0.05809794823515274),
 ('was', 0.055793730841776454),
 ('be', 0.054596366927778785),
 ('is', 0.04940950613008436),
 ('<unk>', 0.01)]
b = dict(get_values_from_model(['le', 'to'], model, vocab, k=10))
[('<unk>', 0.23124052584171295), ('and', 0.025475040078163147), ('to', 0.016587475314736366), ('will', 0.01190512627363205), ('not', 0.011148410849273205), ('I', 0.010462148115038872), ('the', 0.010157403536140919), ('would', 0.007865948602557182), ('he', 0.0076030828058719635), ('is', 0.007369522470980883)]
/tmp/ipykernel_4654/606935597.py:22: UserWarning: Implicit dimension choice for softmax has been deprecated. Change the call to include dim=X as an argument.
  out = self.softmax(concated)
b
{'<unk>': 0.23124052584171295,
 'and': 0.025475040078163147,
 'to': 0.016587475314736366,
 'will': 0.01190512627363205,
 'not': 0.011148410849273205,
 'I': 0.010462148115038872,
 'the': 0.010157403536140919,
 'would': 0.007865948602557182,
 'he': 0.0076030828058719635,
 'is': 0.007369522470980883}